Skip to content
Snippets Groups Projects
Commit 71f58ce4 authored by Hammouda Elbez's avatar Hammouda Elbez :computer:
Browse files

SpiNNaker code updated

parent 78a5b727
Branches
No related tags found
No related merge requests found
%% Cell type:code id: tags: %% Cell type:code id: tags:
``` python ``` python
import SpiNNakerHelpers as mySpiNNaker import SpiNNakerHelpers as mySpiNNaker
input_files_name=['weights_fc1_baseline', 'weights_fc1_compressed'] input_files_name=['weights_fc1_baseline', 'weights_fc1_compressed']
output_files_name=['weights_fc1_baseline.txt', 'weights_fc1_compressed.txt'] output_files_name=['weights_fc1_baseline.txt', 'weights_fc1_compressed.txt']
a=mySpiNNaker.Extract_ConnectionFiles(input_files_name, output_files_name, Input_size=784, Output_size=400, n_samples_to_plot=4, Transpoed=True, Inpute_shape={'x':28, 'y':28} ) a=mySpiNNaker.Extract_ConnectionFiles(input_files_name, output_files_name, Input_size=784, Output_size=400, n_samples_to_plot=4, Transpoed=True, Inpute_shape={'x':28, 'y':28} )
``` ```
%% Output
Input file shape = (313600,)
784 400
Input file shape = (313600,)
784 400
%% Cell type:code id: tags: %% Cell type:code id: tags:
``` python ``` python
input_files_name = [ 'weights_fc2_baseline', 'weights_fc2_compressed'] input_files_name = [ 'weights_fc2_baseline', 'weights_fc2_compressed']
output_files_name = ['weights_fc2_baseline.txt', 'weights_fc2_compressed.txt'] output_files_name = ['weights_fc2_baseline.txt', 'weights_fc2_compressed.txt']
a=mySpiNNaker.Extract_ConnectionFiles(input_files_name, output_files_name, Input_size=400, Output_size=1600, n_samples_to_plot=9, Transpoed=False, Inpute_shape={'x':20, 'y':20} ) a=mySpiNNaker.Extract_ConnectionFiles(input_files_name, output_files_name, Input_size=400, Output_size=1600, n_samples_to_plot=9, Transpoed=False, Inpute_shape={'x':20, 'y':20} )
``` ```
%% Output
Input file shape = (640000,)
Input file shape = (640000,)
......
%% Cell type:code id: tags: %% Cell type:code id: tags:
``` python ``` python
# Imports # Imports
import SpiNNakerHelpers as mySpiNNaker import SpiNNakerHelpers as mySpiNNaker
import torch import torch
import snntorch import snntorch
from snntorch import utils, spikegen from snntorch import utils, spikegen
from torchvision import transforms,datasets from torchvision import transforms,datasets
from pacman import exceptions from pacman import exceptions
from spinn_utilities.progress_bar import ProgressBar from spinn_utilities.progress_bar import ProgressBar
import time import time
import pyNN.utility.plotting as plot import pyNN.utility.plotting as plot
from torch.utils.data import SubsetRandomSampler from torch.utils.data import SubsetRandomSampler
import matplotlib.pyplot as plt import matplotlib.pyplot as plt
import random import random
import torch import torch
import torchvision import torchvision
import numpy as np import numpy as np
import seaborn as sns import seaborn as sns
import os import os
import os.path import os.path
import datetime import datetime
``` ```
%% Cell type:markdown id: tags: %% Cell type:markdown id: tags:
# Initialization # Initialization
%% Cell type:code id: tags: %% Cell type:code id: tags:
``` python ``` python
# Encoding parameters # Encoding parameters
SMAPLES_INTERVAL=10 SMAPLES_INTERVAL=10
TIME_STEP=1 TIME_STEP=1
NUM_STEPS=20 NUM_STEPS=20
# Simulator parameters # Simulator parameters
timestep=[1] timestep=[1]
time_scale_factor=[1] time_scale_factor=[1]
neuron_tpye=mySpiNNaker.sim.IF_curr_exp neuron_tpye=mySpiNNaker.sim.IF_curr_exp
number_of_neurons_per_cores=[1000] number_of_neurons_per_cores=[1000]
# Model Parameters # Model Parameters
INPUT_SIZE=784 INPUT_SIZE=784
EXC_POP_SIZE=[400, 1600] EXC_POP_SIZE=[50, 128]
INH_POP_SIZE=[] INH_POP_SIZE=[]
# General parameters # General parameters
path = os.getcwd() path = os.getcwd()
now=datetime.datetime.now() now=datetime.datetime.now()
os.mkdir(f'{path}/{str(now)}') os.mkdir(f'{path}/{str(now)}')
``` ```
%% Cell type:markdown id: tags: %% Cell type:markdown id: tags:
# Dataset and preparation # Dataset and preparation
#### Passing data (Ex. mnistTest.data[0:10]: 10 digits from test set of MNIST dataset) to convert_to_latency_code_V4, to generate SpikeSourcArray for input population #### Passing data (Ex. mnistTest.data[0:10]: 10 digits from test set of MNIST dataset) to convert_to_latency_code_V4, to generate SpikeSourcArray for input population
%% Cell type:code id: tags: %% Cell type:code id: tags:
``` python ``` python
transform=transforms.Compose([ transform=transforms.Compose([
transforms.Resize((28,28)), transforms.Resize((28,28)),
transforms.Grayscale(), transforms.Grayscale(),
transforms.ToTensor(), transforms.ToTensor(),
transforms.Normalize((0,),(1,))]) transforms.Normalize((0,),(1,))])
dataPath='~/datasets' # download MNIST in the path dataPath='~/datasets' # download MNIST in the path
mnistTrain=datasets.MNIST(dataPath,train=True,download=True,transform=transform) mnistTrain=datasets.MNIST(dataPath,train=True,download=True,transform=transform)
mnistTest=datasets.MNIST(dataPath,train=False,download=True,transform=transform) mnistTest=datasets.MNIST(dataPath,train=False,download=True,transform=transform)
selected_data=mnistTest.data[0:10] selected_data=mnistTest.data[0:10]
time,spikes_list_flatten=mySpiNNaker.convert_to_latency_code_V4(selected_data, tarnsposed=False, samples_intervel=SMAPLES_INTERVAL, time_step=TIME_STEP, num_steps=NUM_STEPS) time,spikes_list_flatten=mySpiNNaker.convert_to_latency_code_V4(selected_data, tarnsposed=False, samples_intervel=SMAPLES_INTERVAL, time_step=TIME_STEP, num_steps=NUM_STEPS)
runtime =time runtime =time
``` ```
%% Output %% Output
100%|██████████| 10/10 [00:00<00:00, 771.89it/s] 100%|██████████| 10/10 [00:00<00:00, 771.89it/s]
%% Cell type:markdown id: tags: %% Cell type:markdown id: tags:
# Main loop # Main loop
#### Will call the sim.run for different values (from range(5,10,5)) for **tau_refrac** #### Will call the sim.run for different values (from range(5,10,5)) for **tau_refrac**
#### Also using other loops you can see the effects of other Simulator (number_of_neurons_per_core, time_step, timeScaleFactor) or neuron parameters #### Also using other loops you can see the effects of other Simulator (number_of_neurons_per_core, time_step, timeScaleFactor) or neuron parameters
#### weights_files (generated from the CSNN binary weight files) is used for loading the text files as the connections between the popoulations #### weights_files (generated from the CSNN binary weight files) is used for loading the text files as the connections between the popoulations
%% Cell type:code id: tags: %% Cell type:code id: tags:
``` python ``` python
for test_num, mySpiNNaker.excitatory_neuron_parameters['tau_refrac'] in enumerate(range(5,10,5)): for test_num, mySpiNNaker.excitatory_neuron_parameters['tau_refrac'] in enumerate(range(5,10,5)):
v_th=mySpiNNaker.excitatory_neuron_parameters['v_thresh'] v_th=mySpiNNaker.excitatory_neuron_parameters['v_thresh']
tau_refrac=mySpiNNaker.excitatory_neuron_parameters['tau_refrac'] tau_refrac=mySpiNNaker.excitatory_neuron_parameters['tau_refrac']
print(f'===============#############************ ====>>>> {v_th}') print(f'===============#############************ ====>>>> {v_th}')
for number_of_neurons_per_core in number_of_neurons_per_cores: for number_of_neurons_per_core in number_of_neurons_per_cores:
for time_step, timeScaleFactor in zip(timestep, time_scale_factor): for time_step, timeScaleFactor in zip(timestep, time_scale_factor):
param_name='number_of_neurons_per_core_time_step_timeScaleFactor_tau_refrac' param_name='number_of_neurons_per_core_time_step_timeScaleFactor_tau_refrac'
param_val=[number_of_neurons_per_core, time_step, timeScaleFactor, tau_refrac] param_val=[number_of_neurons_per_core, time_step, timeScaleFactor, tau_refrac]
if not os.path.exists(f'{path}/{str(now)}/{param_name}_{str(param_val)}'): # 1 if not os.path.exists(f'{path}/{str(now)}/{param_name}_{str(param_val)}'): # 1
os.mkdir(f'{path}/{str(now)}/{param_name}_{str(param_val)}') os.mkdir(f'{path}/{str(now)}/{param_name}_{str(param_val)}')
tests_name=['baseline', 'compressed'] tests_name=['baseline', 'compressed']
if not os.path.exists(f'{path}/{str(now)}/{param_name}_{str(param_val)}/{str(time)}'): # 2 if not os.path.exists(f'{path}/{str(now)}/{param_name}_{str(param_val)}/{str(time)}'): # 2
os.mkdir(f'{path}/{str(now)}/{param_name}_{str(param_val)}/{str(time)}') os.mkdir(f'{path}/{str(now)}/{param_name}_{str(param_val)}/{str(time)}')
spikes_count=[[] for _ in range(len(tests_name))] spikes_count=[[] for _ in range(len(tests_name))]
for n_test, test_name in enumerate(tests_name): for n_test, test_name in enumerate(tests_name):
if not os.path.exists(f'{path}/{str(now)}/{param_name}_{str(param_val)}/{str(time)}/{test_name}'): # 3 if not os.path.exists(f'{path}/{str(now)}/{param_name}_{str(param_val)}/{str(time)}/{test_name}'): # 3
os.mkdir(f'{path}/{str(now)}/{param_name}_{str(param_val)}/{str(time)}/{test_name}') os.mkdir(f'{path}/{str(now)}/{param_name}_{str(param_val)}/{str(time)}/{test_name}')
save_path=f'{path}/{str(now)}/{param_name}_{str(param_val)}/{str(time)}/{test_name}' save_path=f'{path}/{str(now)}/{param_name}_{str(param_val)}/{str(time)}/{test_name}'
v_th=mySpiNNaker.excitatory_neuron_parameters['v_thresh'] v_th=mySpiNNaker.excitatory_neuron_parameters['v_thresh']
postfix=f'{test_name}_simulation_time_{time}_{param_name}_{str(param_val)}_V_th_{str(v_th)}_tau_refrac_{tau_refrac}' postfix=f'{test_name}_simulation_time_{time}_{param_name}_{str(param_val)}_V_th_{str(v_th)}_tau_refrac_{tau_refrac}'
weights_files=[f'weights_fc1_{test_name}.txt', f'weights_fc2_{test_name}.txt'] weights_files=[f'weights_fc1_{test_name}.txt', f'weights_fc2_{test_name}.txt']
#============================== Populations and kernels( input<---> kernel (Connections) <--->output) #============================== Populations and kernels( input<---> kernel (Connections) <--->output)
mySpiNNaker.init_sim(time_step, timeScaleFactor, neuron_tpye, number_of_neurons_per_core) mySpiNNaker.init_sim(time_step, timeScaleFactor, neuron_tpye, number_of_neurons_per_core)
INPUT_POP, EXC_POPs, INH_POPs = mySpiNNaker.make_populations(spikes_list_flatten, EXC_POP_SIZE, INH_POP_SIZE) INPUT_POP, EXC_POPs, INH_POPs = mySpiNNaker.make_populations(spikes_list_flatten, EXC_POP_SIZE, INH_POP_SIZE)
INPUT_EXC_PRJ, EXC_EXC_PRJs = mySpiNNaker.make_projections_from_file(INPUT_POP, EXC_POPs, INH_POPs, weights_files) INPUT_EXC_PRJ, EXC_EXC_PRJs = mySpiNNaker.make_projections_from_file(INPUT_POP, EXC_POPs, INH_POPs, weights_files)
#============================== Set what to be recorded #============================== Set what to be recorded
activities=['v', 'spikes'] activities=['v', 'spikes']
mySpiNNaker.record_activities(activities, INPUT_POP, EXC_POPs, INH_POPs) mySpiNNaker.record_activities(activities, INPUT_POP, EXC_POPs, INH_POPs)
print(f'Runing simulator for {runtime}ms ...') print(f'Runing simulator for {runtime}ms ...')
#============================== Run simulation #============================== Run simulation
elapsed_time = mySpiNNaker.sim.run(runtime) elapsed_time = mySpiNNaker.sim.run(runtime)
print('==========================================================================') print('==========================================================================')
print(f'| Simulation terminated after {elapsed_time} ms ') print(f'| Simulation terminated after {elapsed_time} ms ')
print('==========================================================================') print('==========================================================================')
mySpiNNaker.sim.end() mySpiNNaker.sim.end()
``` ```
%% Output %% Output
2022-11-17 13:29:49 INFO: Read configs files: /home/bbpnrsoa/sPyNNakerGit/SpiNNUtils/spinn_utilities/spinn_utilities.cfg, /home/bbpnrsoa/sPyNNakerGit/SpiNNMachine/spinn_machine/spinn_machine.cfg, /home/bbpnrsoa/sPyNNakerGit/PACMAN/pacman/pacman.cfg, /home/bbpnrsoa/sPyNNakerGit/SpiNNMan/spinnman/spinnman.cfg, /home/bbpnrsoa/sPyNNakerGit/DataSpecification/data_specification/data_specification.cfg, /home/bbpnrsoa/sPyNNakerGit/SpiNNFrontEndCommon/spinn_front_end_common/interface/spinnaker.cfg, /home/bbpnrsoa/sPyNNakerGit/sPyNNaker/spynnaker/pyNN/spynnaker.cfg, /home/bbpnrsoa/.spynnaker.cfg 2022-11-17 13:29:49 INFO: Read configs files: /home/bbpnrsoa/sPyNNakerGit/SpiNNUtils/spinn_utilities/spinn_utilities.cfg, /home/bbpnrsoa/sPyNNakerGit/SpiNNMachine/spinn_machine/spinn_machine.cfg, /home/bbpnrsoa/sPyNNakerGit/PACMAN/pacman/pacman.cfg, /home/bbpnrsoa/sPyNNakerGit/SpiNNMan/spinnman/spinnman.cfg, /home/bbpnrsoa/sPyNNakerGit/DataSpecification/data_specification/data_specification.cfg, /home/bbpnrsoa/sPyNNakerGit/SpiNNFrontEndCommon/spinn_front_end_common/interface/spinnaker.cfg, /home/bbpnrsoa/sPyNNakerGit/sPyNNaker/spynnaker/pyNN/spynnaker.cfg, /home/bbpnrsoa/.spynnaker.cfg
2022-11-17 13:29:49 INFO: Will search these locations for binaries: /home/bbpnrsoa/sPyNNakerGit/sPyNNaker/spynnaker/pyNN/model_binaries : /home/bbpnrsoa/sPyNNakerGit/SpiNNFrontEndCommon/spinn_front_end_common/common_model_binaries 2022-11-17 13:29:49 INFO: Will search these locations for binaries: /home/bbpnrsoa/sPyNNakerGit/sPyNNaker/spynnaker/pyNN/model_binaries : /home/bbpnrsoa/sPyNNakerGit/SpiNNFrontEndCommon/spinn_front_end_common/common_model_binaries
2022-11-17 13:29:49 WARNING: /home/bbpnrsoa/FromSep2022/test_For_Paper/ForReportOnTheResults(ToSeeWaySpikesMoveUpAndDone)/improved_2/reports has 46 old reports that have not been closed 2022-11-17 13:29:49 WARNING: /home/bbpnrsoa/FromSep2022/test_For_Paper/ForReportOnTheResults(ToSeeWaySpikesMoveUpAndDone)/improved_2/reports has 46 old reports that have not been closed
2022-11-17 13:29:49 INFO: Setting hardware timestep as 1000 microseconds based on simulation time step of 1000 and timescale factor of 1 2022-11-17 13:29:49 INFO: Setting hardware timestep as 1000 microseconds based on simulation time step of 1000 and timescale factor of 1
===============#############************ ====>>>> -55.4 ===============#############************ ====>>>> -55.4
['/home/bbpnrsoa/sPyNNakerGit/SpiNNUtils/spinn_utilities/spinn_utilities.cfg', '/home/bbpnrsoa/sPyNNakerGit/SpiNNMachine/spinn_machine/spinn_machine.cfg', '/home/bbpnrsoa/sPyNNakerGit/PACMAN/pacman/pacman.cfg', '/home/bbpnrsoa/sPyNNakerGit/SpiNNMan/spinnman/spinnman.cfg', '/home/bbpnrsoa/sPyNNakerGit/DataSpecification/data_specification/data_specification.cfg', '/home/bbpnrsoa/sPyNNakerGit/SpiNNFrontEndCommon/spinn_front_end_common/interface/spinnaker.cfg', '/home/bbpnrsoa/sPyNNakerGit/sPyNNaker/spynnaker/pyNN/spynnaker.cfg', '/home/bbpnrsoa/.spynnaker.cfg'] ['/home/bbpnrsoa/sPyNNakerGit/SpiNNUtils/spinn_utilities/spinn_utilities.cfg', '/home/bbpnrsoa/sPyNNakerGit/SpiNNMachine/spinn_machine/spinn_machine.cfg', '/home/bbpnrsoa/sPyNNakerGit/PACMAN/pacman/pacman.cfg', '/home/bbpnrsoa/sPyNNakerGit/SpiNNMan/spinnman/spinnman.cfg', '/home/bbpnrsoa/sPyNNakerGit/DataSpecification/data_specification/data_specification.cfg', '/home/bbpnrsoa/sPyNNakerGit/SpiNNFrontEndCommon/spinn_front_end_common/interface/spinnaker.cfg', '/home/bbpnrsoa/sPyNNakerGit/sPyNNaker/spynnaker/pyNN/spynnaker.cfg', '/home/bbpnrsoa/.spynnaker.cfg']
exp_pop_number_0 has 400 neurons exp_pop_number_0 has 400 neurons
exp_pop_number_1 has 1600 neurons exp_pop_number_1 has 1600 neurons
Porjection from Input ot Excitatory pop_0 is created Porjection from Input ot Excitatory pop_0 is created
============================================================ ============================================================
2022-11-17 13:29:54 INFO: Starting execution process 2022-11-17 13:29:54 INFO: Starting execution process
2022-11-17 13:29:54 INFO: Simulating for 295 1.0 ms timesteps using a hardware timestep of 1000 us 2022-11-17 13:29:54 INFO: Simulating for 295 1.0 ms timesteps using a hardware timestep of 1000 us
2022-11-17 13:29:54 INFO: SpYNNakerNeuronGraphNetworkSpecificationReport skipped as cfg Reports:write_network_graph is False 2022-11-17 13:29:54 INFO: SpYNNakerNeuronGraphNetworkSpecificationReport skipped as cfg Reports:write_network_graph is False
2022-11-17 13:29:54 INFO: Network Specification report took 0:00:00.000399 2022-11-17 13:29:54 INFO: Network Specification report took 0:00:00.000399
2022-11-17 13:29:54 INFO: Splitter reset took 0:00:00.000016 2022-11-17 13:29:54 INFO: Splitter reset took 0:00:00.000016
Adding Splitter selectors where appropriate Adding Splitter selectors where appropriate
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:29:54 INFO: Spynnaker splitter selector took 0:00:00.008500 2022-11-17 13:29:54 INFO: Spynnaker splitter selector took 0:00:00.008500
Adding delay extensions as required Adding delay extensions as required
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:29:54 INFO: DelaySupportAdder took 0:00:00.009230 2022-11-17 13:29:54 INFO: DelaySupportAdder took 0:00:00.009230
Partitioning Graph Partitioning Graph
|0% 50% 100%| |0% 50% 100%|
==================== ====================
Porjection from Excitatory pop_0 ot Excitatory pop_1 is created Porjection from Excitatory pop_0 ot Excitatory pop_1 is created
============================================================ ============================================================
============================================================ ============================================================
Runing simulator for 295ms ... Runing simulator for 295ms ...
======================================== ========================================
2022-11-17 13:29:55 INFO: SpynnakerSplitterPartitioner took 0:00:00.329034 2022-11-17 13:29:55 INFO: SpynnakerSplitterPartitioner took 0:00:00.329034
2022-11-17 13:29:55 INFO: 0.02 Boards Required for 1 chips 2022-11-17 13:29:55 INFO: 0.02 Boards Required for 1 chips
2022-11-17 13:29:55 INFO: Requesting job with 1 boards 2022-11-17 13:29:55 INFO: Requesting job with 1 boards
Created spalloc job 6868457 Created spalloc job 6868457
2022-11-17 13:29:55 INFO: Created spalloc job 6868457 2022-11-17 13:29:55 INFO: Created spalloc job 6868457
Waiting for board power commands to complete. Waiting for board power commands to complete.
2022-11-17 13:29:55 INFO: Waiting for board power commands to complete. 2022-11-17 13:29:55 INFO: Waiting for board power commands to complete.
2022-11-17 13:30:00 INFO: boards: [(0, 0): '10.11.193.129'] 2022-11-17 13:30:00 INFO: boards: [(0, 0): '10.11.193.129']
2022-11-17 13:30:00 INFO: SpallocAllocator took 0:00:05.051999 2022-11-17 13:30:00 INFO: SpallocAllocator took 0:00:05.051999
2022-11-17 13:30:00 INFO: Creating transceiver for 10.11.193.129 2022-11-17 13:30:00 INFO: Creating transceiver for 10.11.193.129
2022-11-17 13:30:00 INFO: Working out if machine is booted 2022-11-17 13:30:00 INFO: Working out if machine is booted
2022-11-17 13:30:04 INFO: Attempting to boot machine 2022-11-17 13:30:04 INFO: Attempting to boot machine
2022-11-17 13:30:10 INFO: Found board with version [Version: SC&MP 3.4.2 at SpiNNaker:0:0:0 (built Fri Jun 10 17:21:19 2022)] 2022-11-17 13:30:10 INFO: Found board with version [Version: SC&MP 3.4.2 at SpiNNaker:0:0:0 (built Fri Jun 10 17:21:19 2022)]
2022-11-17 13:30:10 INFO: Machine communication successful 2022-11-17 13:30:10 INFO: Machine communication successful
2022-11-17 13:30:10 INFO: Detected a machine on IP address 10.11.193.129 which has 856 cores and 120.0 links 2022-11-17 13:30:10 INFO: Detected a machine on IP address 10.11.193.129 which has 856 cores and 120.0 links
2022-11-17 13:30:10 INFO: Machine generator took 0:00:09.938177 2022-11-17 13:30:10 INFO: Machine generator took 0:00:09.938177
2022-11-17 13:30:10 INFO: Json machine skipped as cfg Reports:write_json_machine is False 2022-11-17 13:30:10 INFO: Json machine skipped as cfg Reports:write_json_machine is False
Writing the board chip report Writing the board chip report
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:10 INFO: Board chip report took 0:00:00.007856 2022-11-17 13:30:10 INFO: Board chip report took 0:00:00.007856
Adding commands Adding commands
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:10 INFO: Command Sender Adder took 0:00:00.008324 2022-11-17 13:30:10 INFO: Command Sender Adder took 0:00:00.008324
2022-11-17 13:30:10 INFO: Split Live Gather Vertices took 0:00:00.000016 2022-11-17 13:30:10 INFO: Split Live Gather Vertices took 0:00:00.000016
Adding Chip power monitors to Graph Adding Chip power monitors to Graph
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:10 INFO: Insert chip power monitors took 0:00:00.028792 2022-11-17 13:30:10 INFO: Insert chip power monitors took 0:00:00.028792
2022-11-17 13:30:10 INFO: Insert extra monitor vertices took 0:00:00.000021 2022-11-17 13:30:10 INFO: Insert extra monitor vertices took 0:00:00.000021
Inserting extra monitors into graphs Inserting extra monitors into graphs
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
Generating partitioner report Generating partitioner report
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:10 INFO: Partitioner report took 0:00:00.002853 2022-11-17 13:30:10 INFO: Partitioner report took 0:00:00.002853
2022-11-17 13:30:10 INFO: Local TDMA builder took 0:00:00.000282 2022-11-17 13:30:10 INFO: Local TDMA builder took 0:00:00.000282
Placing Vertices Placing Vertices
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:10 INFO: Application Placer took 0:00:00.009743 2022-11-17 13:30:10 INFO: Application Placer took 0:00:00.009743
Generating placement report Generating placement report
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
Generating placement by core report Generating placement by core report
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:10 INFO: Placements wth application graph report took 0:00:00.040097 2022-11-17 13:30:10 INFO: Placements wth application graph report took 0:00:00.040097
2022-11-17 13:30:10 INFO: Json placements skipped as cfg Reports:write_json_placements is False 2022-11-17 13:30:10 INFO: Json placements skipped as cfg Reports:write_json_placements is False
Generating routing tables for data in system processes Generating routing tables for data in system processes
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:10 INFO: System multicast routing generator took 0:00:00.010410 2022-11-17 13:30:10 INFO: System multicast routing generator took 0:00:00.010410
Generating fixed router routes Generating fixed router routes
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:10 INFO: Fixed route router took 0:00:00.009081 2022-11-17 13:30:10 INFO: Fixed route router took 0:00:00.009081
Routing Routing
|0% 50% 100%| |0% 50% 100%|
/home/bbpnrsoa/sPyNNakerGit/sPyNNaker/spynnaker/pyNN/models/neural_projections/connectors/from_list_connector.py:157: VisibleDeprecationWarning: Creating an ndarray from ragged nested sequences (which is a list-or-tuple of lists-or-tuples-or ndarrays with different lengths or shapes) is deprecated. If you meant to do this, you must specify 'dtype=object' when creating the ndarray. /home/bbpnrsoa/sPyNNakerGit/sPyNNaker/spynnaker/pyNN/models/neural_projections/connectors/from_list_connector.py:157: VisibleDeprecationWarning: Creating an ndarray from ragged nested sequences (which is a list-or-tuple of lists-or-tuples-or ndarrays with different lengths or shapes) is deprecated. If you meant to do this, you must specify 'dtype=object' when creating the ndarray.
split_indices = numpy.array(numpy.split( split_indices = numpy.array(numpy.split(
============================================================ ============================================================
2022-11-17 13:30:10 INFO: Application Router took 0:00:00.070109 2022-11-17 13:30:10 INFO: Application Router took 0:00:00.070109
Allocating tags Allocating tags
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:10 INFO: Basic tag allocator took 0:00:00.046999 2022-11-17 13:30:10 INFO: Basic tag allocator took 0:00:00.046999
Reporting Tags Reporting Tags
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:10 INFO: Tag allocator report took 0:00:00.007281 2022-11-17 13:30:10 INFO: Tag allocator report took 0:00:00.007281
Calculating zones Calculating zones
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
Allocating routing keys Allocating routing keys
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:10 INFO: Zoned routing info allocator took 0:00:00.015057 2022-11-17 13:30:10 INFO: Zoned routing info allocator took 0:00:00.015057
Generating Routing info report Generating Routing info report
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:10 INFO: Router info report took 0:00:00.009632 2022-11-17 13:30:10 INFO: Router info report took 0:00:00.009632
Generating routing tables Generating routing tables
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:10 INFO: Merged routing table generator took 0:00:00.007850 2022-11-17 13:30:10 INFO: Merged routing table generator took 0:00:00.007850
Generating Router table report Generating Router table report
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:10 INFO: Uncompressed routing table report took 0:00:00.008746 2022-11-17 13:30:10 INFO: Uncompressed routing table report took 0:00:00.008746
2022-11-17 13:30:10 INFO: Router report skipped as cfg Reports:write_router_reports is False 2022-11-17 13:30:10 INFO: Router report skipped as cfg Reports:write_router_reports is False
2022-11-17 13:30:10 INFO: Router summary report skipped as cfg Reports:write_router_summary_report is False 2022-11-17 13:30:10 INFO: Router summary report skipped as cfg Reports:write_router_summary_report is False
2022-11-17 13:30:10 INFO: Json routing tables skipped as cfg Reports:write_json_routing_tables is False 2022-11-17 13:30:10 INFO: Json routing tables skipped as cfg Reports:write_json_routing_tables is False
Finding executable start types Finding executable start types
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:10 INFO: Locate executable start type took 0:00:00.047623 2022-11-17 13:30:10 INFO: Locate executable start type took 0:00:00.047623
Initialising buffers Initialising buffers
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:10 INFO: Buffer manager creator took 0:00:00.051204 2022-11-17 13:30:10 INFO: Buffer manager creator took 0:00:00.051204
Allocating SDRAM for SDRAM outgoing egde partitions Allocating SDRAM for SDRAM outgoing egde partitions
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:10 INFO: SDRAM outgoing partition allocator took 0:00:00.005000 2022-11-17 13:30:10 INFO: SDRAM outgoing partition allocator took 0:00:00.005000
Preparing Routing Tables Preparing Routing Tables
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:10 INFO: Routing setup took 0:00:00.008774 2022-11-17 13:30:10 INFO: Routing setup took 0:00:00.008774
Finding binaries Finding binaries
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:10 INFO: Graph binary gatherer took 0:00:00.052777 2022-11-17 13:30:10 INFO: Graph binary gatherer took 0:00:00.052777
2022-11-17 13:30:10 INFO: Pair on chip router compression skipped as Tables already small enough 2022-11-17 13:30:10 INFO: Pair on chip router compression skipped as Tables already small enough
Generating data specifications Generating data specifications
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:12 INFO: Spynnaker data specification writer took 0:00:02.085197 2022-11-17 13:30:12 INFO: Spynnaker data specification writer took 0:00:02.085197
2022-11-17 13:30:12 INFO: Control Sync took 0:00:00.000550 2022-11-17 13:30:12 INFO: Control Sync took 0:00:00.000550
loading fixed routes loading fixed routes
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:12 INFO: Load fixed routes took 0:00:00.080855 2022-11-17 13:30:12 INFO: Load fixed routes took 0:00:00.080855
Executing data specifications and loading data for system vertices using Java Executing data specifications and loading data for system vertices using Java
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:14 INFO: Execute system data specification took 0:00:01.437735 2022-11-17 13:30:14 INFO: Execute system data specification took 0:00:01.437735
Loading system executables onto the machine Loading system executables onto the machine
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:14 INFO: Load executable system Images took 0:00:00.281579 2022-11-17 13:30:14 INFO: Load executable system Images took 0:00:00.281579
Clearing tags Clearing tags
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
Loading Tags Loading Tags
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:14 INFO: Tags Loader took 0:00:00.020705 2022-11-17 13:30:14 INFO: Tags Loader took 0:00:00.020705
Executing data specifications and loading data for application vertices using Java Executing data specifications and loading data for application vertices using Java
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:17 INFO: Host data specification took 0:00:02.514094 2022-11-17 13:30:17 INFO: Host data specification took 0:00:02.514094
Preparing to Expand Synapses Preparing to Expand Synapses
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
Expanding Synapses Expanding Synapses
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:17 INFO: Synapse expander took 0:00:00.569950 2022-11-17 13:30:17 INFO: Synapse expander took 0:00:00.569950
Finding cores where bitfields are to be generated Finding cores where bitfields are to be generated
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
Expanding bitfields on the machine Expanding bitfields on the machine
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:18 INFO: Execute on chip bitfield generator took 0:00:00.651393 2022-11-17 13:30:18 INFO: Execute on chip bitfield generator took 0:00:00.651393
Finalising Retrieved Connections Finalising Retrieved Connections
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:18 INFO: Finish connection holders took 0:00:00.016954 2022-11-17 13:30:18 INFO: Finish connection holders took 0:00:00.016954
Loading routing data onto the machine Loading routing data onto the machine
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:18 INFO: Routing table loader took 0:00:00.013469 2022-11-17 13:30:18 INFO: Routing table loader took 0:00:00.013469
2022-11-17 13:30:18 INFO: Bitfield compressor report skipped as cfg Reports:write_bit_field_compressor_report is False 2022-11-17 13:30:18 INFO: Bitfield compressor report skipped as cfg Reports:write_bit_field_compressor_report is False
2022-11-17 13:30:18 INFO: Tags from machine report took 0:00:00.002937 2022-11-17 13:30:18 INFO: Tags from machine report took 0:00:00.002937
2022-11-17 13:30:18 INFO: Memory report skipped as cfg Reports:write_memory_map_report is False 2022-11-17 13:30:18 INFO: Memory report skipped as cfg Reports:write_memory_map_report is False
2022-11-17 13:30:18 INFO: Memory report skipped as cfg Reports:write_memory_map_report is False 2022-11-17 13:30:18 INFO: Memory report skipped as cfg Reports:write_memory_map_report is False
Generating compressed router table report Generating compressed router table report
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
Generating comparison of router table report Generating comparison of router table report
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
Generating Routing summary report Generating Routing summary report
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
Reading Routing Tables from Machine Reading Routing Tables from Machine
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:18 INFO: Compressor report took 0:00:00.109426 2022-11-17 13:30:18 INFO: Compressor report took 0:00:00.109426
Writing fixed route report Writing fixed route report
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:18 INFO: Fixed route report took 0:00:00.046543 2022-11-17 13:30:18 INFO: Fixed route report took 0:00:00.046543
Loading executables onto the machine Loading executables onto the machine
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:19 INFO: Load executable app images took 0:00:00.593514 2022-11-17 13:30:19 INFO: Load executable app images took 0:00:00.593514
2022-11-17 13:30:19 INFO: Running for 1 steps for a total of 295.0ms 2022-11-17 13:30:19 INFO: Running for 1 steps for a total of 295.0ms
2022-11-17 13:30:19 INFO: Run 1 of 1 2022-11-17 13:30:19 INFO: Run 1 of 1
Generating SDRAM usage report Generating SDRAM usage report
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:19 INFO: Sdram usage per chip report took 0:00:00.087471 2022-11-17 13:30:19 INFO: Sdram usage per chip report took 0:00:00.087471
2022-11-17 13:30:19 INFO: Drift report skipped as cfg Reports:write_drift_report_start is False 2022-11-17 13:30:19 INFO: Drift report skipped as cfg Reports:write_drift_report_start is False
2022-11-17 13:30:19 INFO: Creating live event connection database in /home/bbpnrsoa/FromSep2022/test_For_Paper/ForReportOnTheResults(ToSeeWaySpikesMoveUpAndDone)/improved_2/reports/2022-11-17-13-29-49-630243/run_1/input_output_database.sqlite3 2022-11-17 13:30:19 INFO: Creating live event connection database in /home/bbpnrsoa/FromSep2022/test_For_Paper/ForReportOnTheResults(ToSeeWaySpikesMoveUpAndDone)/improved_2/reports/2022-11-17-13-29-49-630243/run_1/input_output_database.sqlite3
Creating graph description database Creating graph description database
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:19 INFO: Create database interface took 0:00:00.031109 2022-11-17 13:30:19 INFO: Create database interface took 0:00:00.031109
2022-11-17 13:30:19 INFO: ** Notifying external sources that the database is ready for reading ** 2022-11-17 13:30:19 INFO: ** Notifying external sources that the database is ready for reading **
2022-11-17 13:30:19 INFO: Create notification protocol took 0:00:00.001314 2022-11-17 13:30:19 INFO: Create notification protocol took 0:00:00.001314
Waiting for cores to be either in PAUSED or READY state Waiting for cores to be either in PAUSED or READY state
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
Updating run time Updating run time
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:19 INFO: Runtime Update took 0:00:00.063686 2022-11-17 13:30:19 INFO: Runtime Update took 0:00:00.063686
2022-11-17 13:30:19 INFO: *** Running simulation... *** 2022-11-17 13:30:19 INFO: *** Running simulation... ***
Loading buffers Loading buffers
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:19 INFO: ** Awaiting for a response from an external source to state its ready for the simulation to start ** 2022-11-17 13:30:19 INFO: ** Awaiting for a response from an external source to state its ready for the simulation to start **
2022-11-17 13:30:19 INFO: ** Sending start / resume message to external sources to state the simulation has started or resumed. ** 2022-11-17 13:30:19 INFO: ** Sending start / resume message to external sources to state the simulation has started or resumed. **
2022-11-17 13:30:19 INFO: ** Awaiting for a response from an external source to state its ready for the simulation to start ** 2022-11-17 13:30:19 INFO: ** Awaiting for a response from an external source to state its ready for the simulation to start **
2022-11-17 13:30:19 INFO: Application started; waiting 0.395s for it to stop 2022-11-17 13:30:19 INFO: Application started; waiting 0.395s for it to stop
2022-11-17 13:30:19 INFO: ** Sending pause / stop message to external sources to state the simulation has been paused or stopped. ** 2022-11-17 13:30:19 INFO: ** Sending pause / stop message to external sources to state the simulation has been paused or stopped. **
2022-11-17 13:30:19 INFO: Application runner took 0:00:00.551099 2022-11-17 13:30:19 INFO: Application runner took 0:00:00.551099
2022-11-17 13:30:19 INFO: Extract IO buff skipped as cfg Reports:extract_iobuf is False 2022-11-17 13:30:19 INFO: Extract IO buff skipped as cfg Reports:extract_iobuf is False
Extracting buffers from the last run Extracting buffers from the last run
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:23 INFO: Buffer extractor took 0:00:03.608964 2022-11-17 13:30:23 INFO: Buffer extractor took 0:00:03.608964
clearing IOBUF from the machine clearing IOBUF from the machine
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:23 INFO: Clear IO buffer took 0:00:00.045705 2022-11-17 13:30:23 INFO: Clear IO buffer took 0:00:00.045705
Getting provenance data from application graph Getting provenance data from application graph
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:23 INFO: Graph provenance gatherer took 0:00:00.011807 2022-11-17 13:30:23 INFO: Graph provenance gatherer took 0:00:00.011807
Getting provenance data Getting provenance data
|0% 50% 100%| |0% 50% 100%|
======================================================2022-11-17 13:30:23 WARNING: On Slice Slice(lo_atom=0, hi_atom=255, n_atoms=256, shape=(256,), start=(0,)) of EXC_POP_0 on 0,0,5, 156 packets were dropped from the input buffer, because they arrived too late to be processed in a given time step. Try increasing the time_scale_factor located within the .spynnaker.cfg file or in the pynn.setup() method. ======================================================2022-11-17 13:30:23 WARNING: On Slice Slice(lo_atom=0, hi_atom=255, n_atoms=256, shape=(256,), start=(0,)) of EXC_POP_0 on 0,0,5, 156 packets were dropped from the input buffer, because they arrived too late to be processed in a given time step. Try increasing the time_scale_factor located within the .spynnaker.cfg file or in the pynn.setup() method.
2022-11-17 13:30:23 WARNING: A maximum of 2 background tasks were queued on Slice Slice(lo_atom=0, hi_atom=255, n_atoms=256, shape=(256,), start=(0,)) of EXC_POP_0 on 0,0,5. Try increasing the time_scale_factor located within the .spynnaker.cfg file or in the pynn.setup() method. 2022-11-17 13:30:23 WARNING: A maximum of 2 background tasks were queued on Slice Slice(lo_atom=0, hi_atom=255, n_atoms=256, shape=(256,), start=(0,)) of EXC_POP_0 on 0,0,5. Try increasing the time_scale_factor located within the .spynnaker.cfg file or in the pynn.setup() method.
=2022-11-17 13:30:23 WARNING: On Slice Slice(lo_atom=256, hi_atom=399, n_atoms=144, shape=(144,), start=(256,)) of EXC_POP_0 on 0,0,6, 64 packets were dropped from the input buffer, because they arrived too late to be processed in a given time step. Try increasing the time_scale_factor located within the .spynnaker.cfg file or in the pynn.setup() method. =2022-11-17 13:30:23 WARNING: On Slice Slice(lo_atom=256, hi_atom=399, n_atoms=144, shape=(144,), start=(256,)) of EXC_POP_0 on 0,0,6, 64 packets were dropped from the input buffer, because they arrived too late to be processed in a given time step. Try increasing the time_scale_factor located within the .spynnaker.cfg file or in the pynn.setup() method.
2022-11-17 13:30:23 WARNING: A maximum of 2 background tasks were queued on Slice Slice(lo_atom=256, hi_atom=399, n_atoms=144, shape=(144,), start=(256,)) of EXC_POP_0 on 0,0,6. Try increasing the time_scale_factor located within the .spynnaker.cfg file or in the pynn.setup() method. 2022-11-17 13:30:23 WARNING: A maximum of 2 background tasks were queued on Slice Slice(lo_atom=256, hi_atom=399, n_atoms=144, shape=(144,), start=(256,)) of EXC_POP_0 on 0,0,6. Try increasing the time_scale_factor located within the .spynnaker.cfg file or in the pynn.setup() method.
=2022-11-17 13:30:23 WARNING: The input buffer for Slice Slice(lo_atom=0, hi_atom=255, n_atoms=256, shape=(256,), start=(0,)) of EXC_POP_1 on 0,0,7 lost packets on 1629 occasions. This is often a sign that the system is running too quickly for the number of neurons per core. Please increase the timer_tic or time_scale_factor or decrease the number of neurons per core. =2022-11-17 13:30:23 WARNING: The input buffer for Slice Slice(lo_atom=0, hi_atom=255, n_atoms=256, shape=(256,), start=(0,)) of EXC_POP_1 on 0,0,7 lost packets on 1629 occasions. This is often a sign that the system is running too quickly for the number of neurons per core. Please increase the timer_tic or time_scale_factor or decrease the number of neurons per core.
2022-11-17 13:30:23 WARNING: On Slice Slice(lo_atom=0, hi_atom=255, n_atoms=256, shape=(256,), start=(0,)) of EXC_POP_1 on 0,0,7, 8147 packets were dropped from the input buffer, because they arrived too late to be processed in a given time step. Try increasing the time_scale_factor located within the .spynnaker.cfg file or in the pynn.setup() method. 2022-11-17 13:30:23 WARNING: On Slice Slice(lo_atom=0, hi_atom=255, n_atoms=256, shape=(256,), start=(0,)) of EXC_POP_1 on 0,0,7, 8147 packets were dropped from the input buffer, because they arrived too late to be processed in a given time step. Try increasing the time_scale_factor located within the .spynnaker.cfg file or in the pynn.setup() method.
2022-11-17 13:30:23 WARNING: A maximum of 4 background tasks were queued on Slice Slice(lo_atom=0, hi_atom=255, n_atoms=256, shape=(256,), start=(0,)) of EXC_POP_1 on 0,0,7. Try increasing the time_scale_factor located within the .spynnaker.cfg file or in the pynn.setup() method. 2022-11-17 13:30:23 WARNING: A maximum of 4 background tasks were queued on Slice Slice(lo_atom=0, hi_atom=255, n_atoms=256, shape=(256,), start=(0,)) of EXC_POP_1 on 0,0,7. Try increasing the time_scale_factor located within the .spynnaker.cfg file or in the pynn.setup() method.
2022-11-17 13:30:23 WARNING: The input buffer for Slice Slice(lo_atom=256, hi_atom=511, n_atoms=256, shape=(256,), start=(256,)) of EXC_POP_1 on 0,0,8 lost packets on 1629 occasions. This is often a sign that the system is running too quickly for the number of neurons per core. Please increase the timer_tic or time_scale_factor or decrease the number of neurons per core. 2022-11-17 13:30:23 WARNING: The input buffer for Slice Slice(lo_atom=256, hi_atom=511, n_atoms=256, shape=(256,), start=(256,)) of EXC_POP_1 on 0,0,8 lost packets on 1629 occasions. This is often a sign that the system is running too quickly for the number of neurons per core. Please increase the timer_tic or time_scale_factor or decrease the number of neurons per core.
2022-11-17 13:30:23 WARNING: On Slice Slice(lo_atom=256, hi_atom=511, n_atoms=256, shape=(256,), start=(256,)) of EXC_POP_1 on 0,0,8, 8149 packets were dropped from the input buffer, because they arrived too late to be processed in a given time step. Try increasing the time_scale_factor located within the .spynnaker.cfg file or in the pynn.setup() method. 2022-11-17 13:30:23 WARNING: On Slice Slice(lo_atom=256, hi_atom=511, n_atoms=256, shape=(256,), start=(256,)) of EXC_POP_1 on 0,0,8, 8149 packets were dropped from the input buffer, because they arrived too late to be processed in a given time step. Try increasing the time_scale_factor located within the .spynnaker.cfg file or in the pynn.setup() method.
2022-11-17 13:30:23 WARNING: A maximum of 4 background tasks were queued on Slice Slice(lo_atom=256, hi_atom=511, n_atoms=256, shape=(256,), start=(256,)) of EXC_POP_1 on 0,0,8. Try increasing the time_scale_factor located within the .spynnaker.cfg file or in the pynn.setup() method. 2022-11-17 13:30:23 WARNING: A maximum of 4 background tasks were queued on Slice Slice(lo_atom=256, hi_atom=511, n_atoms=256, shape=(256,), start=(256,)) of EXC_POP_1 on 0,0,8. Try increasing the time_scale_factor located within the .spynnaker.cfg file or in the pynn.setup() method.
=2022-11-17 13:30:23 WARNING: The input buffer for Slice Slice(lo_atom=512, hi_atom=767, n_atoms=256, shape=(256,), start=(512,)) of EXC_POP_1 on 0,0,9 lost packets on 1629 occasions. This is often a sign that the system is running too quickly for the number of neurons per core. Please increase the timer_tic or time_scale_factor or decrease the number of neurons per core. =2022-11-17 13:30:23 WARNING: The input buffer for Slice Slice(lo_atom=512, hi_atom=767, n_atoms=256, shape=(256,), start=(512,)) of EXC_POP_1 on 0,0,9 lost packets on 1629 occasions. This is often a sign that the system is running too quickly for the number of neurons per core. Please increase the timer_tic or time_scale_factor or decrease the number of neurons per core.
2022-11-17 13:30:23 WARNING: On Slice Slice(lo_atom=512, hi_atom=767, n_atoms=256, shape=(256,), start=(512,)) of EXC_POP_1 on 0,0,9, 8151 packets were dropped from the input buffer, because they arrived too late to be processed in a given time step. Try increasing the time_scale_factor located within the .spynnaker.cfg file or in the pynn.setup() method. 2022-11-17 13:30:23 WARNING: On Slice Slice(lo_atom=512, hi_atom=767, n_atoms=256, shape=(256,), start=(512,)) of EXC_POP_1 on 0,0,9, 8151 packets were dropped from the input buffer, because they arrived too late to be processed in a given time step. Try increasing the time_scale_factor located within the .spynnaker.cfg file or in the pynn.setup() method.
2022-11-17 13:30:23 WARNING: A maximum of 4 background tasks were queued on Slice Slice(lo_atom=512, hi_atom=767, n_atoms=256, shape=(256,), start=(512,)) of EXC_POP_1 on 0,0,9. Try increasing the time_scale_factor located within the .spynnaker.cfg file or in the pynn.setup() method. 2022-11-17 13:30:23 WARNING: A maximum of 4 background tasks were queued on Slice Slice(lo_atom=512, hi_atom=767, n_atoms=256, shape=(256,), start=(512,)) of EXC_POP_1 on 0,0,9. Try increasing the time_scale_factor located within the .spynnaker.cfg file or in the pynn.setup() method.
2022-11-17 13:30:23 WARNING: The input buffer for Slice Slice(lo_atom=768, hi_atom=1023, n_atoms=256, shape=(256,), start=(768,)) of EXC_POP_1 on 0,0,10 lost packets on 1629 occasions. This is often a sign that the system is running too quickly for the number of neurons per core. Please increase the timer_tic or time_scale_factor or decrease the number of neurons per core. 2022-11-17 13:30:23 WARNING: The input buffer for Slice Slice(lo_atom=768, hi_atom=1023, n_atoms=256, shape=(256,), start=(768,)) of EXC_POP_1 on 0,0,10 lost packets on 1629 occasions. This is often a sign that the system is running too quickly for the number of neurons per core. Please increase the timer_tic or time_scale_factor or decrease the number of neurons per core.
2022-11-17 13:30:23 WARNING: On Slice Slice(lo_atom=768, hi_atom=1023, n_atoms=256, shape=(256,), start=(768,)) of EXC_POP_1 on 0,0,10, 8151 packets were dropped from the input buffer, because they arrived too late to be processed in a given time step. Try increasing the time_scale_factor located within the .spynnaker.cfg file or in the pynn.setup() method. 2022-11-17 13:30:23 WARNING: On Slice Slice(lo_atom=768, hi_atom=1023, n_atoms=256, shape=(256,), start=(768,)) of EXC_POP_1 on 0,0,10, 8151 packets were dropped from the input buffer, because they arrived too late to be processed in a given time step. Try increasing the time_scale_factor located within the .spynnaker.cfg file or in the pynn.setup() method.
2022-11-17 13:30:23 WARNING: A maximum of 4 background tasks were queued on Slice Slice(lo_atom=768, hi_atom=1023, n_atoms=256, shape=(256,), start=(768,)) of EXC_POP_1 on 0,0,10. Try increasing the time_scale_factor located within the .spynnaker.cfg file or in the pynn.setup() method. 2022-11-17 13:30:23 WARNING: A maximum of 4 background tasks were queued on Slice Slice(lo_atom=768, hi_atom=1023, n_atoms=256, shape=(256,), start=(768,)) of EXC_POP_1 on 0,0,10. Try increasing the time_scale_factor located within the .spynnaker.cfg file or in the pynn.setup() method.
=2022-11-17 13:30:23 WARNING: The input buffer for Slice Slice(lo_atom=1024, hi_atom=1279, n_atoms=256, shape=(256,), start=(1024,)) of EXC_POP_1 on 0,0,11 lost packets on 1629 occasions. This is often a sign that the system is running too quickly for the number of neurons per core. Please increase the timer_tic or time_scale_factor or decrease the number of neurons per core. =2022-11-17 13:30:23 WARNING: The input buffer for Slice Slice(lo_atom=1024, hi_atom=1279, n_atoms=256, shape=(256,), start=(1024,)) of EXC_POP_1 on 0,0,11 lost packets on 1629 occasions. This is often a sign that the system is running too quickly for the number of neurons per core. Please increase the timer_tic or time_scale_factor or decrease the number of neurons per core.
2022-11-17 13:30:23 WARNING: On Slice Slice(lo_atom=1024, hi_atom=1279, n_atoms=256, shape=(256,), start=(1024,)) of EXC_POP_1 on 0,0,11, 8150 packets were dropped from the input buffer, because they arrived too late to be processed in a given time step. Try increasing the time_scale_factor located within the .spynnaker.cfg file or in the pynn.setup() method. 2022-11-17 13:30:23 WARNING: On Slice Slice(lo_atom=1024, hi_atom=1279, n_atoms=256, shape=(256,), start=(1024,)) of EXC_POP_1 on 0,0,11, 8150 packets were dropped from the input buffer, because they arrived too late to be processed in a given time step. Try increasing the time_scale_factor located within the .spynnaker.cfg file or in the pynn.setup() method.
2022-11-17 13:30:23 WARNING: A maximum of 4 background tasks were queued on Slice Slice(lo_atom=1024, hi_atom=1279, n_atoms=256, shape=(256,), start=(1024,)) of EXC_POP_1 on 0,0,11. Try increasing the time_scale_factor located within the .spynnaker.cfg file or in the pynn.setup() method. 2022-11-17 13:30:23 WARNING: A maximum of 4 background tasks were queued on Slice Slice(lo_atom=1024, hi_atom=1279, n_atoms=256, shape=(256,), start=(1024,)) of EXC_POP_1 on 0,0,11. Try increasing the time_scale_factor located within the .spynnaker.cfg file or in the pynn.setup() method.
2022-11-17 13:30:23 WARNING: Additional interesting provenace items in /home/bbpnrsoa/FromSep2022/test_For_Paper/ForReportOnTheResults(ToSeeWaySpikesMoveUpAndDone)/improved_2/reports/2022-11-17-13-29-49-630243/run_1/provenance_data/provenance.sqlite3 2022-11-17 13:30:23 WARNING: Additional interesting provenace items in /home/bbpnrsoa/FromSep2022/test_For_Paper/ForReportOnTheResults(ToSeeWaySpikesMoveUpAndDone)/improved_2/reports/2022-11-17-13-29-49-630243/run_1/provenance_data/provenance.sqlite3
== ==
2022-11-17 13:30:23 INFO: Placements provenance gatherer took 0:00:00.332423 2022-11-17 13:30:23 INFO: Placements provenance gatherer took 0:00:00.332423
Getting Router Provenance Getting Router Provenance
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:24 INFO: Router provenance gatherer took 0:00:00.219347 2022-11-17 13:30:24 INFO: Router provenance gatherer took 0:00:00.219347
Getting profile data Getting profile data
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:24 INFO: Profile data gatherer took 0:00:00.048060 2022-11-17 13:30:24 INFO: Profile data gatherer took 0:00:00.048060
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(0, 0) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(0, 0)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(0, 1) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(0, 1)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(0, 2) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(0, 2)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(0, 3) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(0, 3)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(1, 0) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(1, 0)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(1, 1) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(1, 1)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(1, 2) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(1, 2)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(1, 3) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(1, 3)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(1, 4) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(1, 4)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(2, 0) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(2, 0)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(2, 1) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(2, 1)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(2, 2) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(2, 2)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(2, 3) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(2, 3)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(2, 4) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(2, 4)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(2, 5) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(2, 5)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(3, 0) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(3, 0)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(3, 1) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(3, 1)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(3, 2) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(3, 2)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(3, 3) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(3, 3)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(3, 4) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(3, 4)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(3, 5) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(3, 5)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(3, 6) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(3, 6)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(4, 0) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(4, 0)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(4, 1) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(4, 1)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(4, 2) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(4, 2)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(4, 3) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(4, 3)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(4, 4) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(4, 4)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(4, 5) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(4, 5)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(4, 6) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(4, 6)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(4, 7) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(4, 7)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(5, 1) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(5, 1)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(5, 2) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(5, 2)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(5, 3) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(5, 3)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(5, 4) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(5, 4)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(5, 5) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(5, 5)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(5, 6) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(5, 6)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(5, 7) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(5, 7)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(6, 2) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(6, 2)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(6, 3) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(6, 3)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(6, 4) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(6, 4)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(6, 5) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(6, 5)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(6, 6) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(6, 6)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(6, 7) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(6, 7)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(7, 3) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(7, 3)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(7, 4) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(7, 4)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(7, 5) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(7, 5)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(7, 6) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(7, 6)
2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(7, 7) 2022-11-17 13:30:24 WARNING: Chip Power monitor has lost data on chip(7, 7)
2022-11-17 13:30:26 INFO: Energy report took 0:00:02.003967 2022-11-17 13:30:26 INFO: Energy report took 0:00:02.003967
2022-11-17 13:30:26 INFO: Redundant packet count report took 0:00:00.017027 2022-11-17 13:30:26 INFO: Redundant packet count report took 0:00:00.017027
2022-11-17 13:30:26 INFO: Drift report skipped as cfg Reports:write_drift_report_end is False 2022-11-17 13:30:26 INFO: Drift report skipped as cfg Reports:write_drift_report_end is False
2022-11-17 13:30:26 INFO: Control Sync took 0:00:00.000503 2022-11-17 13:30:26 INFO: Control Sync took 0:00:00.000503
2022-11-17 13:30:26 WARNING: Second call to end ignored 2022-11-17 13:30:26 WARNING: Second call to end ignored
2022-11-17 13:30:26 INFO: Read configs files: /home/bbpnrsoa/sPyNNakerGit/SpiNNUtils/spinn_utilities/spinn_utilities.cfg, /home/bbpnrsoa/sPyNNakerGit/SpiNNMachine/spinn_machine/spinn_machine.cfg, /home/bbpnrsoa/sPyNNakerGit/PACMAN/pacman/pacman.cfg, /home/bbpnrsoa/sPyNNakerGit/SpiNNMan/spinnman/spinnman.cfg, /home/bbpnrsoa/sPyNNakerGit/DataSpecification/data_specification/data_specification.cfg, /home/bbpnrsoa/sPyNNakerGit/SpiNNFrontEndCommon/spinn_front_end_common/interface/spinnaker.cfg, /home/bbpnrsoa/sPyNNakerGit/sPyNNaker/spynnaker/pyNN/spynnaker.cfg, /home/bbpnrsoa/.spynnaker.cfg 2022-11-17 13:30:26 INFO: Read configs files: /home/bbpnrsoa/sPyNNakerGit/SpiNNUtils/spinn_utilities/spinn_utilities.cfg, /home/bbpnrsoa/sPyNNakerGit/SpiNNMachine/spinn_machine/spinn_machine.cfg, /home/bbpnrsoa/sPyNNakerGit/PACMAN/pacman/pacman.cfg, /home/bbpnrsoa/sPyNNakerGit/SpiNNMan/spinnman/spinnman.cfg, /home/bbpnrsoa/sPyNNakerGit/DataSpecification/data_specification/data_specification.cfg, /home/bbpnrsoa/sPyNNakerGit/SpiNNFrontEndCommon/spinn_front_end_common/interface/spinnaker.cfg, /home/bbpnrsoa/sPyNNakerGit/sPyNNaker/spynnaker/pyNN/spynnaker.cfg, /home/bbpnrsoa/.spynnaker.cfg
2022-11-17 13:30:26 INFO: Will search these locations for binaries: /home/bbpnrsoa/sPyNNakerGit/sPyNNaker/spynnaker/pyNN/model_binaries : /home/bbpnrsoa/sPyNNakerGit/SpiNNFrontEndCommon/spinn_front_end_common/common_model_binaries 2022-11-17 13:30:26 INFO: Will search these locations for binaries: /home/bbpnrsoa/sPyNNakerGit/sPyNNaker/spynnaker/pyNN/model_binaries : /home/bbpnrsoa/sPyNNakerGit/SpiNNFrontEndCommon/spinn_front_end_common/common_model_binaries
2022-11-17 13:30:26 WARNING: /home/bbpnrsoa/FromSep2022/test_For_Paper/ForReportOnTheResults(ToSeeWaySpikesMoveUpAndDone)/improved_2/reports has 46 old reports that have not been closed 2022-11-17 13:30:26 WARNING: /home/bbpnrsoa/FromSep2022/test_For_Paper/ForReportOnTheResults(ToSeeWaySpikesMoveUpAndDone)/improved_2/reports has 46 old reports that have not been closed
2022-11-17 13:30:26 INFO: Setting hardware timestep as 1000 microseconds based on simulation time step of 1000 and timescale factor of 1 2022-11-17 13:30:26 INFO: Setting hardware timestep as 1000 microseconds based on simulation time step of 1000 and timescale factor of 1
========================================================================== ==========================================================================
| Simulation terminated after 295.0 ms | Simulation terminated after 295.0 ms
========================================================================== ==========================================================================
['/home/bbpnrsoa/sPyNNakerGit/SpiNNUtils/spinn_utilities/spinn_utilities.cfg', '/home/bbpnrsoa/sPyNNakerGit/SpiNNMachine/spinn_machine/spinn_machine.cfg', '/home/bbpnrsoa/sPyNNakerGit/PACMAN/pacman/pacman.cfg', '/home/bbpnrsoa/sPyNNakerGit/SpiNNMan/spinnman/spinnman.cfg', '/home/bbpnrsoa/sPyNNakerGit/DataSpecification/data_specification/data_specification.cfg', '/home/bbpnrsoa/sPyNNakerGit/SpiNNFrontEndCommon/spinn_front_end_common/interface/spinnaker.cfg', '/home/bbpnrsoa/sPyNNakerGit/sPyNNaker/spynnaker/pyNN/spynnaker.cfg', '/home/bbpnrsoa/.spynnaker.cfg'] ['/home/bbpnrsoa/sPyNNakerGit/SpiNNUtils/spinn_utilities/spinn_utilities.cfg', '/home/bbpnrsoa/sPyNNakerGit/SpiNNMachine/spinn_machine/spinn_machine.cfg', '/home/bbpnrsoa/sPyNNakerGit/PACMAN/pacman/pacman.cfg', '/home/bbpnrsoa/sPyNNakerGit/SpiNNMan/spinnman/spinnman.cfg', '/home/bbpnrsoa/sPyNNakerGit/DataSpecification/data_specification/data_specification.cfg', '/home/bbpnrsoa/sPyNNakerGit/SpiNNFrontEndCommon/spinn_front_end_common/interface/spinnaker.cfg', '/home/bbpnrsoa/sPyNNakerGit/sPyNNaker/spynnaker/pyNN/spynnaker.cfg', '/home/bbpnrsoa/.spynnaker.cfg']
exp_pop_number_0 has 400 neurons exp_pop_number_0 has 400 neurons
exp_pop_number_1 has 1600 neurons exp_pop_number_1 has 1600 neurons
Porjection from Input ot Excitatory pop_0 is created Porjection from Input ot Excitatory pop_0 is created
============================================================ ============================================================
2022-11-17 13:30:31 INFO: Starting execution process 2022-11-17 13:30:31 INFO: Starting execution process
2022-11-17 13:30:31 INFO: Simulating for 295 1.0 ms timesteps using a hardware timestep of 1000 us 2022-11-17 13:30:31 INFO: Simulating for 295 1.0 ms timesteps using a hardware timestep of 1000 us
2022-11-17 13:30:31 INFO: SpYNNakerNeuronGraphNetworkSpecificationReport skipped as cfg Reports:write_network_graph is False 2022-11-17 13:30:31 INFO: SpYNNakerNeuronGraphNetworkSpecificationReport skipped as cfg Reports:write_network_graph is False
2022-11-17 13:30:31 INFO: Network Specification report took 0:00:00.000576 2022-11-17 13:30:31 INFO: Network Specification report took 0:00:00.000576
2022-11-17 13:30:31 INFO: Splitter reset took 0:00:00.000016 2022-11-17 13:30:31 INFO: Splitter reset took 0:00:00.000016
Adding Splitter selectors where appropriate Adding Splitter selectors where appropriate
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:31 INFO: Spynnaker splitter selector took 0:00:00.009812 2022-11-17 13:30:31 INFO: Spynnaker splitter selector took 0:00:00.009812
Adding delay extensions as required Adding delay extensions as required
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:31 INFO: DelaySupportAdder took 0:00:00.014613 2022-11-17 13:30:31 INFO: DelaySupportAdder took 0:00:00.014613
Partitioning Graph Partitioning Graph
|0% 50% 100%| |0% 50% 100%|
==================== ====================
Porjection from Excitatory pop_0 ot Excitatory pop_1 is created Porjection from Excitatory pop_0 ot Excitatory pop_1 is created
============================================================ ============================================================
============================================================ ============================================================
Runing simulator for 295ms ... Runing simulator for 295ms ...
======================================== ========================================
2022-11-17 13:30:31 INFO: SpynnakerSplitterPartitioner took 0:00:00.331901 2022-11-17 13:30:31 INFO: SpynnakerSplitterPartitioner took 0:00:00.331901
2022-11-17 13:30:31 INFO: 0.02 Boards Required for 1 chips 2022-11-17 13:30:31 INFO: 0.02 Boards Required for 1 chips
2022-11-17 13:30:31 INFO: Requesting job with 1 boards 2022-11-17 13:30:31 INFO: Requesting job with 1 boards
Created spalloc job 6868458 Created spalloc job 6868458
2022-11-17 13:30:31 INFO: Created spalloc job 6868458 2022-11-17 13:30:31 INFO: Created spalloc job 6868458
Waiting for board power commands to complete. Waiting for board power commands to complete.
2022-11-17 13:30:31 INFO: Waiting for board power commands to complete. 2022-11-17 13:30:31 INFO: Waiting for board power commands to complete.
2022-11-17 13:30:36 INFO: boards: [(0, 0): '10.11.193.65'] 2022-11-17 13:30:36 INFO: boards: [(0, 0): '10.11.193.65']
2022-11-17 13:30:36 INFO: SpallocAllocator took 0:00:05.051264 2022-11-17 13:30:36 INFO: SpallocAllocator took 0:00:05.051264
2022-11-17 13:30:36 INFO: Creating transceiver for 10.11.193.65 2022-11-17 13:30:36 INFO: Creating transceiver for 10.11.193.65
2022-11-17 13:30:36 INFO: Working out if machine is booted 2022-11-17 13:30:36 INFO: Working out if machine is booted
2022-11-17 13:30:40 INFO: Attempting to boot machine 2022-11-17 13:30:40 INFO: Attempting to boot machine
2022-11-17 13:30:46 INFO: Found board with version [Version: SC&MP 3.4.2 at SpiNNaker:0:0:0 (built Fri Jun 10 17:21:19 2022)] 2022-11-17 13:30:46 INFO: Found board with version [Version: SC&MP 3.4.2 at SpiNNaker:0:0:0 (built Fri Jun 10 17:21:19 2022)]
2022-11-17 13:30:46 INFO: Machine communication successful 2022-11-17 13:30:46 INFO: Machine communication successful
2022-11-17 13:30:46 INFO: Detected a machine on IP address 10.11.193.65 which has 854 cores and 120.0 links 2022-11-17 13:30:46 INFO: Detected a machine on IP address 10.11.193.65 which has 854 cores and 120.0 links
2022-11-17 13:30:46 INFO: Machine generator took 0:00:09.939491 2022-11-17 13:30:46 INFO: Machine generator took 0:00:09.939491
2022-11-17 13:30:46 INFO: Json machine skipped as cfg Reports:write_json_machine is False 2022-11-17 13:30:46 INFO: Json machine skipped as cfg Reports:write_json_machine is False
Writing the board chip report Writing the board chip report
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:46 INFO: Board chip report took 0:00:00.010967 2022-11-17 13:30:46 INFO: Board chip report took 0:00:00.010967
Adding commands Adding commands
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:46 INFO: Command Sender Adder took 0:00:00.017361 2022-11-17 13:30:46 INFO: Command Sender Adder took 0:00:00.017361
2022-11-17 13:30:46 INFO: Split Live Gather Vertices took 0:00:00.000031 2022-11-17 13:30:46 INFO: Split Live Gather Vertices took 0:00:00.000031
Adding Chip power monitors to Graph Adding Chip power monitors to Graph
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:46 INFO: Insert chip power monitors took 0:00:00.037982 2022-11-17 13:30:46 INFO: Insert chip power monitors took 0:00:00.037982
2022-11-17 13:30:46 INFO: Insert extra monitor vertices took 0:00:00.000019 2022-11-17 13:30:46 INFO: Insert extra monitor vertices took 0:00:00.000019
Inserting extra monitors into graphs Inserting extra monitors into graphs
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
Generating partitioner report Generating partitioner report
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:46 INFO: Partitioner report took 0:00:00.009063 2022-11-17 13:30:46 INFO: Partitioner report took 0:00:00.009063
2022-11-17 13:30:46 INFO: Local TDMA builder took 0:00:00.000318 2022-11-17 13:30:46 INFO: Local TDMA builder took 0:00:00.000318
Placing Vertices Placing Vertices
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:46 INFO: Application Placer took 0:00:00.010321 2022-11-17 13:30:46 INFO: Application Placer took 0:00:00.010321
Generating placement report Generating placement report
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
Generating placement by core report Generating placement by core report
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:46 INFO: Placements wth application graph report took 0:00:00.032126 2022-11-17 13:30:46 INFO: Placements wth application graph report took 0:00:00.032126
2022-11-17 13:30:46 INFO: Json placements skipped as cfg Reports:write_json_placements is False 2022-11-17 13:30:46 INFO: Json placements skipped as cfg Reports:write_json_placements is False
Generating routing tables for data in system processes Generating routing tables for data in system processes
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:46 INFO: System multicast routing generator took 0:00:00.009102 2022-11-17 13:30:46 INFO: System multicast routing generator took 0:00:00.009102
Generating fixed router routes Generating fixed router routes
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:46 INFO: Fixed route router took 0:00:00.008056 2022-11-17 13:30:46 INFO: Fixed route router took 0:00:00.008056
Routing Routing
|0% 50% 100%| |0% 50% 100%|
/home/bbpnrsoa/sPyNNakerGit/sPyNNaker/spynnaker/pyNN/models/neural_projections/connectors/from_list_connector.py:157: VisibleDeprecationWarning: Creating an ndarray from ragged nested sequences (which is a list-or-tuple of lists-or-tuples-or ndarrays with different lengths or shapes) is deprecated. If you meant to do this, you must specify 'dtype=object' when creating the ndarray. /home/bbpnrsoa/sPyNNakerGit/sPyNNaker/spynnaker/pyNN/models/neural_projections/connectors/from_list_connector.py:157: VisibleDeprecationWarning: Creating an ndarray from ragged nested sequences (which is a list-or-tuple of lists-or-tuples-or ndarrays with different lengths or shapes) is deprecated. If you meant to do this, you must specify 'dtype=object' when creating the ndarray.
split_indices = numpy.array(numpy.split( split_indices = numpy.array(numpy.split(
============================================================ ============================================================
2022-11-17 13:30:47 INFO: Application Router took 0:00:00.048389 2022-11-17 13:30:47 INFO: Application Router took 0:00:00.048389
Allocating tags Allocating tags
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:47 INFO: Basic tag allocator took 0:00:00.038553 2022-11-17 13:30:47 INFO: Basic tag allocator took 0:00:00.038553
Reporting Tags Reporting Tags
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:47 INFO: Tag allocator report took 0:00:00.008431 2022-11-17 13:30:47 INFO: Tag allocator report took 0:00:00.008431
Calculating zones Calculating zones
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
Allocating routing keys Allocating routing keys
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:47 INFO: Zoned routing info allocator took 0:00:00.016840 2022-11-17 13:30:47 INFO: Zoned routing info allocator took 0:00:00.016840
Generating Routing info report Generating Routing info report
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:47 INFO: Router info report took 0:00:00.009516 2022-11-17 13:30:47 INFO: Router info report took 0:00:00.009516
Generating routing tables Generating routing tables
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:47 INFO: Merged routing table generator took 0:00:00.007993 2022-11-17 13:30:47 INFO: Merged routing table generator took 0:00:00.007993
Generating Router table report Generating Router table report
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:47 INFO: Uncompressed routing table report took 0:00:00.008344 2022-11-17 13:30:47 INFO: Uncompressed routing table report took 0:00:00.008344
2022-11-17 13:30:47 INFO: Router report skipped as cfg Reports:write_router_reports is False 2022-11-17 13:30:47 INFO: Router report skipped as cfg Reports:write_router_reports is False
2022-11-17 13:30:47 INFO: Router summary report skipped as cfg Reports:write_router_summary_report is False 2022-11-17 13:30:47 INFO: Router summary report skipped as cfg Reports:write_router_summary_report is False
2022-11-17 13:30:47 INFO: Json routing tables skipped as cfg Reports:write_json_routing_tables is False 2022-11-17 13:30:47 INFO: Json routing tables skipped as cfg Reports:write_json_routing_tables is False
Finding executable start types Finding executable start types
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:47 INFO: Locate executable start type took 0:00:00.041289 2022-11-17 13:30:47 INFO: Locate executable start type took 0:00:00.041289
Initialising buffers Initialising buffers
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:47 INFO: Buffer manager creator took 0:00:00.039382 2022-11-17 13:30:47 INFO: Buffer manager creator took 0:00:00.039382
Allocating SDRAM for SDRAM outgoing egde partitions Allocating SDRAM for SDRAM outgoing egde partitions
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:47 INFO: SDRAM outgoing partition allocator took 0:00:00.009337 2022-11-17 13:30:47 INFO: SDRAM outgoing partition allocator took 0:00:00.009337
Preparing Routing Tables Preparing Routing Tables
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:47 INFO: Routing setup took 0:00:00.012468 2022-11-17 13:30:47 INFO: Routing setup took 0:00:00.012468
Finding binaries Finding binaries
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:47 INFO: Graph binary gatherer took 0:00:00.045896 2022-11-17 13:30:47 INFO: Graph binary gatherer took 0:00:00.045896
2022-11-17 13:30:47 INFO: Pair on chip router compression skipped as Tables already small enough 2022-11-17 13:30:47 INFO: Pair on chip router compression skipped as Tables already small enough
Generating data specifications Generating data specifications
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:49 INFO: Spynnaker data specification writer took 0:00:02.053899 2022-11-17 13:30:49 INFO: Spynnaker data specification writer took 0:00:02.053899
2022-11-17 13:30:49 INFO: Control Sync took 0:00:00.000535 2022-11-17 13:30:49 INFO: Control Sync took 0:00:00.000535
loading fixed routes loading fixed routes
|0% 50% 100%| |0% 50% 100%|
============================================================ ============================================================
2022-11-17 13:30:49 INFO: Load fixed routes took 0:00:00.038028 2022-11-17 13:30:49 INFO: Load fixed routes took 0:00:00.038028
Executing data specifications and loading data for system vertices using Java Executing data specifications and loading data for system vertices using Java
|0% 50% 100%| |0% 50% 100%|
......
No preview for this file type
No preview for this file type
No preview for this file type
No preview for this file type
0% Loading or .
You are about to add 0 people to the discussion. Proceed with caution.
Please register or to comment