mlGeNN
Building networks
Datasets
Training networks
Inference
Callbacks and recording
Metrics
Converting TF models
Bibliography
Tutorials
mlGeNN reference
mlGeNN TF reference
mlGeNN
Index
Index
A
|
B
|
C
|
D
|
E
|
F
|
G
|
H
|
I
|
K
|
L
|
M
|
N
|
O
|
P
|
R
|
S
|
T
|
U
|
V
|
W
A
Adam (class in ml_genn.optimisers)
AdaptiveLeakyIntegrateFire (class in ml_genn.neurons)
add_additional_input_var() (ml_genn.utils.model.NeuronModel method)
add_custom_update() (ml_genn.compilers.Compiler method)
add_egp() (ml_genn.utils.model.Model method)
add_egp_ref() (ml_genn.utils.model.CustomUpdateModel method)
add_out_post_zero_custom_update() (ml_genn.compilers.Compiler method)
add_param() (ml_genn.utils.model.Model method)
add_post_neuron_var_ref() (ml_genn.utils.model.WeightUpdateModel method)
add_pre_neuron_var_ref() (ml_genn.utils.model.WeightUpdateModel method)
add_readout_logic() (ml_genn.readouts.AvgVar method)
(ml_genn.readouts.AvgVarExpWeight method)
(ml_genn.readouts.FirstSpikeTime method)
(ml_genn.readouts.MaxVar method)
(ml_genn.readouts.Readout method)
(ml_genn.readouts.SpikeCount method)
(ml_genn.readouts.SumVar method)
(ml_genn.readouts.Var method)
add_softmax_custom_updates() (ml_genn.compilers.Compiler method)
add_to_neuron() (ml_genn.losses.Loss method)
(ml_genn.losses.MeanSquareError method)
(ml_genn.losses.SparseCategoricalCrossentropy method)
add_var() (ml_genn.utils.model.Model method)
add_var_ref() (ml_genn.utils.model.CustomUpdateModel method)
append_pre_event_syn_code() (ml_genn.utils.model.WeightUpdateModel method)
append_pre_spike_syn_code() (ml_genn.utils.model.WeightUpdateModel method)
append_reset_code() (ml_genn.utils.model.NeuronModel method)
append_sim_code() (ml_genn.utils.model.NeuronModel method)
append_synapse_dynamics() (ml_genn.utils.model.WeightUpdateModel method)
append_update_code() (ml_genn.utils.model.CustomUpdateModel method)
apply_delay() (ml_genn.compilers.Compiler method)
(ml_genn.compilers.EventPropCompiler method)
(ml_genn.compilers.FewSpikeCompiler method)
AvgPool2D (class in ml_genn.connectivity)
AvgPoolConv2D (class in ml_genn.connectivity)
AvgPoolDense2D (class in ml_genn.connectivity)
AvgVar (class in ml_genn.readouts)
AvgVarExpWeight (class in ml_genn.readouts)
B
barrier() (ml_genn.communicators.Communicator method)
(ml_genn.communicators.MPI method)
batch_dataset() (in module ml_genn.utils.data)
batch_spikes() (in module ml_genn.utils.data)
BatchProgressBar (class in ml_genn.callbacks)
BinarySpikeInput (class in ml_genn.neurons)
broadcast() (ml_genn.communicators.Communicator method)
(ml_genn.communicators.MPI method)
build_neuron_model() (ml_genn.compilers.Compiler method)
(ml_genn.compilers.EPropCompiler method)
(ml_genn.compilers.EventPropCompiler method)
(ml_genn.compilers.FewSpikeCompiler method)
(ml_genn.compilers.InferenceCompiler method)
(ml_genn_tf.converters.spike_norm.NormCompiler method)
build_synapse_model() (ml_genn.compilers.Compiler method)
(ml_genn.compilers.EPropCompiler method)
(ml_genn.compilers.EventPropCompiler method)
(ml_genn.compilers.FewSpikeCompiler method)
(ml_genn.compilers.InferenceCompiler method)
build_weight_update_model() (ml_genn.compilers.Compiler method)
(ml_genn.compilers.EPropCompiler method)
(ml_genn.compilers.EventPropCompiler method)
C
calc_latest_spike_time() (in module ml_genn.utils.data)
calc_max_spikes() (in module ml_genn.utils.data)
calc_start_spikes() (in module ml_genn.utils.data)
Callback (class in ml_genn.callbacks)
CallbackList (class in ml_genn.utils.callback_list)
Checkpoint (class in ml_genn.callbacks)
Communicator (class in ml_genn.communicators)
compile() (ml_genn.compilers.Compiler method)
CompiledFewSpikeNetwork (class in ml_genn.compilers)
CompiledInferenceNetwork (class in ml_genn.compilers)
CompiledNetwork (class in ml_genn.compilers)
CompiledTrainingNetwork (class in ml_genn.compilers)
Compiler (class in ml_genn.compilers)
connect() (ml_genn.connectivity.AvgPool2D method)
(ml_genn.connectivity.AvgPoolConv2D method)
(ml_genn.connectivity.AvgPoolDense2D method)
(ml_genn.connectivity.Connectivity method)
(ml_genn.connectivity.Conv2D method)
(ml_genn.connectivity.Conv2DTranspose method)
(ml_genn.connectivity.Dense method)
(ml_genn.connectivity.FixedProbability method)
(ml_genn.connectivity.OneToOne method)
Connection (class in ml_genn)
Connectivity (class in ml_genn.connectivity)
ConnectivitySnippet (class in ml_genn.utils.snippet)
ConnVarRecorder (class in ml_genn.callbacks)
ConstantValueDescriptor (class in ml_genn.utils.snippet)
Conv2D (class in ml_genn.connectivity)
Conv2DTranspose (class in ml_genn.connectivity)
convert() (ml_genn_tf.converters.Converter method)
(ml_genn_tf.converters.converter.Converter method)
Converter (class in ml_genn_tf.converters)
(class in ml_genn_tf.converters.converter)
create_compiled_network() (ml_genn.compilers.Compiler method)
(ml_genn.compilers.EPropCompiler method)
(ml_genn.compilers.EventPropCompiler method)
(ml_genn.compilers.FewSpikeCompiler method)
(ml_genn.compilers.InferenceCompiler method)
(ml_genn_tf.converters.spike_norm.NormCompiler method)
create_compiler() (ml_genn_tf.converters.Converter method)
(ml_genn_tf.converters.converter.Converter method)
(ml_genn_tf.converters.data_norm.DataNorm method)
(ml_genn_tf.converters.DataNorm method)
(ml_genn_tf.converters.few_spike.FewSpike method)
(ml_genn_tf.converters.FewSpike method)
(ml_genn_tf.converters.Simple method)
(ml_genn_tf.converters.simple.Simple method)
create_input_neurons() (ml_genn_tf.converters.Converter method)
(ml_genn_tf.converters.converter.Converter method)
(ml_genn_tf.converters.data_norm.DataNorm method)
(ml_genn_tf.converters.DataNorm method)
(ml_genn_tf.converters.few_spike.FewSpike method)
(ml_genn_tf.converters.FewSpike method)
(ml_genn_tf.converters.Simple method)
(ml_genn_tf.converters.simple.Simple method)
create_neurons() (ml_genn_tf.converters.Converter method)
(ml_genn_tf.converters.converter.Converter method)
(ml_genn_tf.converters.data_norm.DataNorm method)
(ml_genn_tf.converters.DataNorm method)
(ml_genn_tf.converters.few_spike.FewSpike method)
(ml_genn_tf.converters.FewSpike method)
(ml_genn_tf.converters.Simple method)
(ml_genn_tf.converters.simple.Simple method)
custom_update() (ml_genn.compilers.CompiledNetwork method)
CustomUpdateModel (class in ml_genn.utils.model)
CustomUpdateOnBatchBegin (class in ml_genn.callbacks)
CustomUpdateOnBatchEnd (class in ml_genn.callbacks)
CustomUpdateOnTimestepBegin (class in ml_genn.callbacks)
CustomUpdateOnTimestepEnd (class in ml_genn.callbacks)
D
DataNorm (class in ml_genn_tf.converters)
(class in ml_genn_tf.converters.data_norm)
delay (ml_genn.utils.snippet.ConnectivitySnippet attribute)
Delta (class in ml_genn.synapses)
Dense (class in ml_genn.connectivity)
deserialise() (ml_genn.serialisers.Numpy method)
(ml_genn.serialisers.Serialiser method)
deserialise_all() (ml_genn.serialisers.Numpy method)
(ml_genn.serialisers.Serialiser method)
E
egp_vals (ml_genn.utils.snippet.InitializerSnippet attribute)
end_spikes (ml_genn.utils.data.PreprocessedSpikes attribute)
EPropCompiler (class in ml_genn.compilers)
evaluate() (ml_genn.compilers.CompiledFewSpikeNetwork method)
(ml_genn.compilers.CompiledInferenceNetwork method)
evaluate_batch() (ml_genn.compilers.CompiledInferenceNetwork method)
evaluate_batch_iter() (ml_genn.compilers.CompiledFewSpikeNetwork method)
(ml_genn.compilers.CompiledInferenceNetwork method)
EventPropCompiler (class in ml_genn.compilers)
ExampleFilter (class in ml_genn.utils.filter)
Exponential (class in ml_genn.synapses)
F
FewSpike (class in ml_genn_tf.converters)
(class in ml_genn_tf.converters.few_spike)
FewSpikeCompiler (class in ml_genn.compilers)
FewSpikeRelu (class in ml_genn.neurons)
FewSpikeReluInput (class in ml_genn.neurons)
FirstSpikeTime (class in ml_genn.readouts)
FixedProbability (class in ml_genn.connectivity)
from_val_descriptors() (ml_genn.utils.model.NeuronModel static method)
(ml_genn.utils.model.SynapseModel static method)
G
generate_yin_yang_dataset() (in module ml_genn.utils.data)
get_batch_mask() (ml_genn.utils.filter.ExampleFilter method)
get_conv_same_padding() (in module ml_genn.utils.connectivity)
get_data() (ml_genn.callbacks.ConnVarRecorder method)
(ml_genn.callbacks.SpikeRecorder method)
(ml_genn.callbacks.VarRecorder method)
(ml_genn.utils.callback_list.CallbackList method)
get_dataset_size() (in module ml_genn.utils.data)
get_default_params() (ml_genn.Network static method)
get_genn_var_name() (in module ml_genn.utils.value)
get_model() (ml_genn.neurons.AdaptiveLeakyIntegrateFire method)
(ml_genn.neurons.BinarySpikeInput method)
(ml_genn.neurons.FewSpikeRelu method)
(ml_genn.neurons.FewSpikeReluInput method)
(ml_genn.neurons.IntegrateFire method)
(ml_genn.neurons.IntegrateFireInput method)
(ml_genn.neurons.LeakyIntegrate method)
(ml_genn.neurons.LeakyIntegrateFire method)
(ml_genn.neurons.LeakyIntegrateFireInput method)
(ml_genn.neurons.Neuron method)
(ml_genn.neurons.PoissonInput method)
(ml_genn.neurons.SpikeInput method)
(ml_genn.optimisers.Adam method)
(ml_genn.optimisers.Optimiser method)
(ml_genn.synapses.Delta method)
(ml_genn.synapses.Exponential method)
(ml_genn.synapses.Synapse method)
get_module_classes() (in module ml_genn.utils.module)
get_network_dag() (in module ml_genn.utils.network)
get_neuron_filter_mask() (in module ml_genn.utils.filter)
get_object() (in module ml_genn.utils.module)
get_object_mapping() (in module ml_genn.utils.module)
get_param_2d() (in module ml_genn.utils.connectivity)
get_prev_layer() (ml_genn.SequentialNetwork static method)
get_readout() (ml_genn.compilers.CompiledNetwork method)
(ml_genn.neurons.Neuron method)
(ml_genn.readouts.AvgVar method)
(ml_genn.readouts.AvgVarExpWeight method)
(ml_genn.readouts.FirstSpikeTime method)
(ml_genn.readouts.MaxVar method)
(ml_genn.readouts.Readout method)
(ml_genn.readouts.SpikeCount method)
(ml_genn.readouts.SumVar method)
(ml_genn.readouts.Var method)
get_snippet() (ml_genn.connectivity.AvgPool2D method)
(ml_genn.connectivity.AvgPoolConv2D method)
(ml_genn.connectivity.AvgPoolDense2D method)
(ml_genn.connectivity.Connectivity method)
(ml_genn.connectivity.Conv2D method)
(ml_genn.connectivity.Conv2DTranspose method)
(ml_genn.connectivity.Dense method)
(ml_genn.connectivity.FixedProbability method)
(ml_genn.connectivity.OneToOne method)
(ml_genn.initializers.Initializer method)
(ml_genn.initializers.Normal method)
(ml_genn.initializers.Uniform method)
(ml_genn.initializers.Wrapper method)
(ml_genn.utils.connectivity.KernelInit method)
get_transformed() (ml_genn.utils.value.ValueDescriptor method)
get_underlying_conn() (in module ml_genn.utils.network)
get_underlying_pop() (in module ml_genn.utils.network)
get_values() (in module ml_genn.utils.value)
H
has_egp() (ml_genn.utils.model.Model method)
has_egp_ref() (ml_genn.utils.model.CustomUpdateModel method)
has_param() (ml_genn.utils.model.Model method)
has_var() (ml_genn.utils.model.Model method)
has_var_ref() (ml_genn.utils.model.CustomUpdateModel method)
I
IF (ml_genn_tf.converters.enum.InputType attribute)
(ml_genn_tf.converters.InputType attribute)
incoming_connections (ml_genn.Population property)
InferenceCompiler (class in ml_genn.compilers)
Initializer (class in ml_genn.initializers)
InitializerSnippet (class in ml_genn.utils.snippet)
Input (class in ml_genn.neurons)
input_alpha (ml_genn_tf.converters.few_spike.PreConvertOutput attribute)
InputLayer (class in ml_genn)
InputType (class in ml_genn_tf.converters)
(class in ml_genn_tf.converters.enum)
IntegrateFire (class in ml_genn.neurons)
IntegrateFireInput (class in ml_genn.neurons)
is_value_array() (in module ml_genn.utils.value)
is_value_constant() (in module ml_genn.utils.value)
is_value_initializer() (in module ml_genn.utils.value)
K
KernelInit (class in ml_genn.utils.connectivity)
L
Layer (class in ml_genn)
layer_alpha (ml_genn_tf.converters.few_spike.PreConvertOutput attribute)
LeakyIntegrate (class in ml_genn.neurons)
LeakyIntegrateFire (class in ml_genn.neurons)
LeakyIntegrateFireInput (class in ml_genn.neurons)
linear_latency_encode_data() (in module ml_genn.utils.data)
load() (ml_genn.Network method)
log_latency_encode_data() (in module ml_genn.utils.data)
Loss (class in ml_genn.losses)
M
make_param_var() (ml_genn.utils.model.Model method)
matrix_type (ml_genn.utils.snippet.ConnectivitySnippet attribute)
MaxVar (class in ml_genn.readouts)
MeanSquareError (class in ml_genn.losses)
(class in ml_genn.metrics)
Metric (class in ml_genn.metrics)
ml_genn
module
ml_genn.callbacks
module
ml_genn.communicators
module
ml_genn.compilers
module
ml_genn.connectivity
module
ml_genn.initializers
module
ml_genn.losses
module
ml_genn.metrics
module
ml_genn.neurons
module
ml_genn.optimisers
module
ml_genn.readouts
module
ml_genn.serialisers
module
ml_genn.synapses
module
ml_genn.utils
module
ml_genn.utils.callback_list
module
ml_genn.utils.connectivity
module
ml_genn.utils.data
module
ml_genn.utils.decorators
module
ml_genn.utils.filter
module
ml_genn.utils.model
module
ml_genn.utils.module
module
ml_genn.utils.network
module
ml_genn.utils.snippet
module
ml_genn.utils.value
module
ml_genn_tf
module
ml_genn_tf.converters
module
ml_genn_tf.converters.converter
module
ml_genn_tf.converters.data_norm
module
ml_genn_tf.converters.enum
module
ml_genn_tf.converters.few_spike
module
ml_genn_tf.converters.simple
module
ml_genn_tf.converters.spike_norm
module
Model (class in ml_genn.utils.model)
module
ml_genn
ml_genn.callbacks
ml_genn.communicators
ml_genn.compilers
ml_genn.connectivity
ml_genn.initializers
ml_genn.losses
ml_genn.metrics
ml_genn.neurons
ml_genn.optimisers
ml_genn.readouts
ml_genn.serialisers
ml_genn.synapses
ml_genn.utils
ml_genn.utils.callback_list
ml_genn.utils.connectivity
ml_genn.utils.data
ml_genn.utils.decorators
ml_genn.utils.filter
ml_genn.utils.model
ml_genn.utils.module
ml_genn.utils.network
ml_genn.utils.snippet
ml_genn.utils.value
ml_genn_tf
ml_genn_tf.converters
ml_genn_tf.converters.converter
ml_genn_tf.converters.data_norm
ml_genn_tf.converters.enum
ml_genn_tf.converters.few_spike
ml_genn_tf.converters.simple
ml_genn_tf.converters.spike_norm
MPI (class in ml_genn.communicators)
N
Network (class in ml_genn)
network_default_params() (in module ml_genn.utils.decorators)
Neuron (class in ml_genn.neurons)
neuron (ml_genn.Population property)
NeuronModel (class in ml_genn.utils.model)
Normal (class in ml_genn.initializers)
NormCompiler (class in ml_genn_tf.converters.spike_norm)
num_ranks (ml_genn.communicators.Communicator property)
(ml_genn.communicators.MPI property)
Numpy (class in ml_genn.serialisers)
O
on_batch_begin() (ml_genn.callbacks.ConnVarRecorder method)
(ml_genn.callbacks.CustomUpdateOnBatchBegin method)
(ml_genn.callbacks.SpikeRecorder method)
(ml_genn.callbacks.VarRecorder method)
(ml_genn.utils.callback_list.CallbackList method)
on_batch_end() (ml_genn.callbacks.BatchProgressBar method)
(ml_genn.callbacks.CustomUpdateOnBatchEnd method)
(ml_genn.utils.callback_list.CallbackList method)
on_epoch_begin() (ml_genn.callbacks.BatchProgressBar method)
(ml_genn.callbacks.OptimiserParamSchedule method)
(ml_genn.utils.callback_list.CallbackList method)
on_epoch_end() (ml_genn.callbacks.Checkpoint method)
(ml_genn.utils.callback_list.CallbackList method)
on_test_begin() (ml_genn.callbacks.BatchProgressBar method)
(ml_genn.utils.callback_list.CallbackList method)
on_test_end() (ml_genn.callbacks.BatchProgressBar method)
(ml_genn.utils.callback_list.CallbackList method)
on_timestep_begin() (ml_genn.callbacks.CustomUpdateOnTimestepBegin method)
(ml_genn.utils.callback_list.CallbackList method)
on_timestep_end() (ml_genn.callbacks.ConnVarRecorder method)
(ml_genn.callbacks.CustomUpdateOnTimestepEnd method)
(ml_genn.callbacks.SpikeRecorder method)
(ml_genn.callbacks.VarRecorder method)
(ml_genn.utils.callback_list.CallbackList method)
on_train_begin() (ml_genn.callbacks.BatchProgressBar method)
(ml_genn.utils.callback_list.CallbackList method)
on_train_end() (ml_genn.callbacks.BatchProgressBar method)
(ml_genn.utils.callback_list.CallbackList method)
OneToOne (class in ml_genn.connectivity)
Optimiser (class in ml_genn.optimisers)
OptimiserParamSchedule (class in ml_genn.callbacks)
outgoing_connections (ml_genn.Population property)
output_var (ml_genn.utils.model.NeuronModel property)
P
PadMode (class in ml_genn.utils.connectivity)
param_vals (ml_genn.utils.snippet.InitializerSnippet attribute)
permute_dataset() (in module ml_genn.utils.data)
pipelined (ml_genn.neurons.FewSpikeRelu attribute)
POISSON (ml_genn_tf.converters.enum.InputType attribute)
(ml_genn_tf.converters.InputType attribute)
PoissonInput (class in ml_genn.neurons)
Population (class in ml_genn)
post_convert() (ml_genn_tf.converters.Converter method)
(ml_genn_tf.converters.converter.Converter method)
(ml_genn_tf.converters.few_spike.FewSpike method)
(ml_genn_tf.converters.FewSpike method)
post_ind (ml_genn.utils.snippet.ConnectivitySnippet attribute)
pre_compile() (ml_genn.compilers.Compiler method)
(ml_genn.compilers.EPropCompiler method)
(ml_genn.compilers.EventPropCompiler method)
(ml_genn.compilers.FewSpikeCompiler method)
(ml_genn.compilers.InferenceCompiler method)
(ml_genn_tf.converters.Simple method)
(ml_genn_tf.converters.simple.Simple method)
pre_convert() (ml_genn_tf.converters.Converter method)
(ml_genn_tf.converters.converter.Converter method)
(ml_genn_tf.converters.data_norm.DataNorm method)
(ml_genn_tf.converters.DataNorm method)
(ml_genn_tf.converters.few_spike.FewSpike method)
(ml_genn_tf.converters.FewSpike method)
(ml_genn_tf.converters.Simple method)
(ml_genn_tf.converters.simple.Simple method)
pre_ind (ml_genn.utils.snippet.ConnectivitySnippet attribute)
PreConvertOutput (class in ml_genn_tf.converters.data_norm)
(class in ml_genn_tf.converters.few_spike)
predict() (ml_genn.compilers.CompiledInferenceNetwork method)
prepend_reset_code() (ml_genn.utils.model.NeuronModel method)
prepend_sim_code() (ml_genn.utils.model.NeuronModel method)
preprocess_spikes() (in module ml_genn.utils.data)
preprocess_tonic_spikes() (in module ml_genn.utils.data)
PreprocessedSpikes (class in ml_genn.utils.data)
process() (ml_genn.utils.model.CustomUpdateModel method)
(ml_genn.utils.model.Model method)
(ml_genn.utils.model.SynapseModel method)
(ml_genn.utils.model.WeightUpdateModel method)
R
rank (ml_genn.communicators.Communicator property)
(ml_genn.communicators.MPI property)
Readout (class in ml_genn.readouts)
readout (ml_genn.neurons.Neuron property)
reduce_sum() (ml_genn.communicators.Communicator method)
(ml_genn.communicators.MPI method)
regulariser_enabled (ml_genn.compilers.EventPropCompiler property)
replace_reset_code() (ml_genn.utils.model.NeuronModel method)
replace_sim_code() (ml_genn.utils.model.NeuronModel method)
replace_threshold_condition_code() (ml_genn.utils.model.NeuronModel method)
reset() (ml_genn.metrics.MeanSquareError method)
(ml_genn.metrics.Metric method)
(ml_genn.metrics.SparseCategoricalAccuracy method)
reset_post_vars (ml_genn.utils.model.WeightUpdateModel property)
reset_pre_vars (ml_genn.utils.model.WeightUpdateModel property)
reset_time() (ml_genn.compilers.CompiledNetwork method)
reset_vars (ml_genn.readouts.AvgVar property)
(ml_genn.readouts.AvgVarExpWeight property)
(ml_genn.readouts.FirstSpikeTime property)
(ml_genn.readouts.MaxVar property)
(ml_genn.readouts.Readout property)
(ml_genn.readouts.SpikeCount property)
(ml_genn.readouts.SumVar property)
(ml_genn.utils.model.Model property)
result (ml_genn.metrics.MeanSquareError property)
(ml_genn.metrics.Metric property)
(ml_genn.metrics.SparseCategoricalAccuracy property)
S
SAME (ml_genn.utils.connectivity.PadMode attribute)
save() (ml_genn.compilers.CompiledTrainingNetwork method)
save_connectivity() (ml_genn.compilers.CompiledTrainingNetwork method)
SequentialNetwork (class in ml_genn)
serialise() (ml_genn.serialisers.Numpy method)
(ml_genn.serialisers.Serialiser method)
Serialiser (class in ml_genn.serialisers)
set_first() (ml_genn.callbacks.SpikeRecorder method)
set_input() (ml_genn.compilers.CompiledNetwork method)
(ml_genn.neurons.Input method)
(ml_genn.neurons.SpikeInput method)
set_param_dynamic() (ml_genn.utils.model.Model method)
set_params() (ml_genn.callbacks.BatchProgressBar method)
(ml_genn.callbacks.Checkpoint method)
(ml_genn.callbacks.ConnVarRecorder method)
(ml_genn.callbacks.OptimiserParamSchedule method)
(ml_genn.callbacks.SpikeRecorder method)
(ml_genn.callbacks.VarRecorder method)
set_step() (ml_genn.optimisers.Adam method)
(ml_genn.optimisers.Optimiser method)
set_target() (ml_genn.losses.Loss method)
(ml_genn.losses.MeanSquareError method)
(ml_genn.losses.SparseCategoricalCrossentropy method)
set_values() (in module ml_genn.utils.value)
set_var_access_mode() (ml_genn.utils.model.Model method)
set_var_ref_access_mode() (ml_genn.utils.model.CustomUpdateModel method)
Simple (class in ml_genn_tf.converters)
(class in ml_genn_tf.converters.simple)
snippet (ml_genn.utils.snippet.ConnectivitySnippet attribute)
(ml_genn.utils.snippet.InitializerSnippet attribute)
source (ml_genn.Connection property)
SparseCategoricalAccuracy (class in ml_genn.metrics)
SparseCategoricalCrossentropy (class in ml_genn.losses)
SPIKE (ml_genn_tf.converters.enum.InputType attribute)
(ml_genn_tf.converters.InputType attribute)
spike_normalise() (in module ml_genn_tf.converters.spike_norm)
spike_times (ml_genn.utils.data.PreprocessedSpikes attribute)
SpikeCount (class in ml_genn.readouts)
SpikeInput (class in ml_genn.neurons)
SpikeRecorder (class in ml_genn.callbacks)
split_dataset() (in module ml_genn.utils.data)
step_time() (ml_genn.compilers.CompiledNetwork method)
SumVar (class in ml_genn.readouts)
Synapse (class in ml_genn.synapses)
SynapseModel (class in ml_genn.utils.model)
T
target (ml_genn.Connection property)
thresholds (ml_genn_tf.converters.data_norm.PreConvertOutput attribute)
train() (ml_genn.compilers.CompiledTrainingNetwork method)
trainable (ml_genn.utils.snippet.ConnectivitySnippet attribute)
U
Uniform (class in ml_genn.initializers)
update() (ml_genn.metrics.MeanSquareError method)
(ml_genn.metrics.Metric method)
(ml_genn.metrics.SparseCategoricalAccuracy method)
update_target_shape() (in module ml_genn.utils.connectivity)
V
VALID (ml_genn.utils.connectivity.PadMode attribute)
validate_tf_layer() (ml_genn_tf.converters.Converter method)
(ml_genn_tf.converters.converter.Converter method)
ValueDescriptor (class in ml_genn.utils.value)
Var (class in ml_genn.readouts)
VarRecorder (class in ml_genn.callbacks)
W
weight (ml_genn.utils.snippet.ConnectivitySnippet attribute)
WeightUpdateModel (class in ml_genn.utils.model)
Wrapper (class in ml_genn.initializers)