logo

Quickstart

  • Installation
  • Simulating a Brain Dynamics Model
  • Training a Brain Dynamics Model
  • Analyzing a Brain Dynamics Model

BrainPy Core Concepts

  • Concept 1: Object-oriented Transformation
  • Concept 2: Dynamical System

Brain Dynamics Tutorials

  • Math Foundation
    • brainpy.math.Variable
    • Control Flows for JIT compilation
    • Random Number Generation for JIT Compilation
  • Model Building
    • Using Built-in Models
    • Building Conductance-based Neuron Models
    • Building Synapse Models
    • Building Network Models
    • Customizing Your Neuron Models
    • Customizing Your Synapse Models
  • Model Simulation
    • Simulation with DSRunner
    • Parallel Simulation for Parameter Exploration
  • Model Training
    • Building Training Models
    • Training with Offline Algorithms
    • Training with Online Algorithms
    • Training with Back-propagation Algorithms
    • Introduction to Echo State Network
  • Model Analysis
    • Low-dimensional Analyzers
    • High-dimensional Analyzers
    • Analysis of a Decision-making Model

Advanced Tutorials

  • How does low-dimensional analyzers work?
  • Interoperation with other JAX frameworks

Toolboxes

  • Numerical Solvers for Ordinary Differential Equations
  • Numerical Solvers for Stochastic Differential Equations
  • Numerical Solvers for Fractional Differential Equations
  • Numerical Solvers for Delay Differential Equations
  • Joint Differential Equations
  • Synaptic Connections
  • Synaptic Weights
  • Gradient Descent Optimizers
  • Saving and Loading
  • Inputs Construction

Frequently Asked Questions

  • How to cite BrainPy?
  • How is brainpy different from other frameworks?
  • BrainPy Ecosystem for Brain Dynamics Modeling

API Documentation

  • brainpy module
    • brainpy.Integrator
    • brainpy.JointEq
    • brainpy.IntegratorRunner
    • brainpy.odeint
    • brainpy.sdeint
    • brainpy.fdeint
    • brainpy.DynamicalSystem
    • brainpy.Container
    • brainpy.Sequential
    • brainpy.Network
    • brainpy.NeuGroup
    • brainpy.SynConn
    • brainpy.SynOut
    • brainpy.SynSTP
    • brainpy.SynLTP
    • brainpy.TwoEndConn
    • brainpy.CondNeuGroup
    • brainpy.Channel
    • brainpy.DSRunner
    • brainpy.DSTrainer
    • brainpy.BPTT
    • brainpy.BPFF
    • brainpy.OnlineTrainer
    • brainpy.ForceTrainer
    • brainpy.OfflineTrainer
    • brainpy.RidgeTrainer
    • brainpy.DSPartial
    • brainpy.NoSharedArg
    • brainpy.LoopOverTime
  • brainpy.math module
    • brainpy.math.BrainPyObject
    • brainpy.math.FunAsObject
    • brainpy.math.dyn_seq
    • brainpy.math.dyn_dict
    • brainpy.math.Variable
    • brainpy.math.Parameter
    • brainpy.math.TrainVar
    • brainpy.math.Partial
    • brainpy.math.grad
    • brainpy.math.vector_grad
    • brainpy.math.jacobian
    • brainpy.math.jacrev
    • brainpy.math.jacfwd
    • brainpy.math.hessian
    • brainpy.math.make_loop
    • brainpy.math.make_while
    • brainpy.math.make_cond
    • brainpy.math.cond
    • brainpy.math.ifelse
    • brainpy.math.for_loop
    • brainpy.math.while_loop
    • brainpy.math.to_object
    • brainpy.math.to_dynsys
    • brainpy.math.function
    • brainpy.math.jit
    • brainpy.math.ObjectTransform
    • brainpy.math.pre2post_sum
    • brainpy.math.pre2post_prod
    • brainpy.math.pre2post_max
    • brainpy.math.pre2post_min
    • brainpy.math.pre2post_mean
    • brainpy.math.pre2post_event_sum
    • brainpy.math.pre2post_coo_event_sum
    • brainpy.math.pre2post_event_prod
    • brainpy.math.pre2syn
    • brainpy.math.syn2post_sum
    • brainpy.math.syn2post
    • brainpy.math.syn2post_prod
    • brainpy.math.syn2post_max
    • brainpy.math.syn2post_min
    • brainpy.math.syn2post_mean
    • brainpy.math.syn2post_softmax
    • brainpy.math.sparse_matmul
    • brainpy.math.csr_matvec
    • brainpy.math.event_csr_matvec
    • brainpy.math.segment_sum
    • brainpy.math.segment_prod
    • brainpy.math.segment_max
    • brainpy.math.segment_min
    • brainpy.math.XLACustomOp
    • brainpy.math.celu
    • brainpy.math.elu
    • brainpy.math.gelu
    • brainpy.math.glu
    • brainpy.math.hard_tanh
    • brainpy.math.hard_sigmoid
    • brainpy.math.hard_silu
    • brainpy.math.hard_swish
    • brainpy.math.leaky_relu
    • brainpy.math.log_sigmoid
    • brainpy.math.log_softmax
    • brainpy.math.one_hot
    • brainpy.math.normalize
    • brainpy.math.relu
    • brainpy.math.relu6
    • brainpy.math.sigmoid
    • brainpy.math.soft_sign
    • brainpy.math.softmax
    • brainpy.math.softplus
    • brainpy.math.silu
    • brainpy.math.swish
    • brainpy.math.selu
    • brainpy.math.identity
    • brainpy.math.tanh
    • brainpy.math.TimeDelay
    • brainpy.math.LengthDelay
    • brainpy.math.NeuTimeDelay
    • brainpy.math.NeuLenDelay
    • brainpy.math.set_float
    • brainpy.math.get_float
    • brainpy.math.set_int
    • brainpy.math.get_int
    • brainpy.math.set_bool
    • brainpy.math.get_bool
    • brainpy.math.set_complex
    • brainpy.math.get_complex
    • brainpy.math.set_dt
    • brainpy.math.get_dt
    • brainpy.math.set_mode
    • brainpy.math.get_mode
    • brainpy.math.set_environment
    • brainpy.math.enable_x64
    • brainpy.math.disable_x64
    • brainpy.math.set_platform
    • brainpy.math.get_platform
    • brainpy.math.set_host_device_count
    • brainpy.math.clear_buffer_memory
    • brainpy.math.enable_gpu_memory_preallocation
    • brainpy.math.disable_gpu_memory_preallocation
    • brainpy.math.ditype
    • brainpy.math.dftype
    • brainpy.math.environment
    • brainpy.math.batching_environment
    • brainpy.math.training_environment
    • brainpy.math.Mode
    • brainpy.math.NonBatchingMode
    • brainpy.math.BatchingMode
    • brainpy.math.TrainingMode
    • brainpy.math.nonbatching_mode
    • brainpy.math.batching_mode
    • brainpy.math.training_mode
    • brainpy.math.as_device_array
    • brainpy.math.as_jax
    • brainpy.math.as_ndarray
    • brainpy.math.as_numpy
    • brainpy.math.as_variable
    • brainpy.math.surrogate.sigmoid
    • brainpy.math.surrogate.piecewise_quadratic
    • brainpy.math.surrogate.piecewise_exp
    • brainpy.math.surrogate.soft_sign
    • brainpy.math.surrogate.arctan
    • brainpy.math.surrogate.nonzero_sign_log
    • brainpy.math.surrogate.erf
    • brainpy.math.surrogate.piecewise_leaky_relu
    • brainpy.math.surrogate.squarewave_fourier_series
    • brainpy.math.surrogate.s2nn
    • brainpy.math.surrogate.q_pseudo_spike
    • brainpy.math.surrogate.leaky_relu
    • brainpy.math.surrogate.log_tailed_relu
    • brainpy.math.surrogate.relu_grad
    • brainpy.math.surrogate.gaussian_grad
    • brainpy.math.surrogate.inv_square_grad
    • brainpy.math.surrogate.multi_gaussian_grad
    • brainpy.math.surrogate.slayer_grad
    • brainpy.math.surrogate.inv_square_grad2
    • brainpy.math.surrogate.relu_grad2
    • brainpy.math.random.seed
    • brainpy.math.random.split_key
    • brainpy.math.random.default_rng
    • brainpy.math.random.rand
    • brainpy.math.random.randint
    • brainpy.math.random.random_integers
    • brainpy.math.random.randn
    • brainpy.math.random.random
    • brainpy.math.random.random_sample
    • brainpy.math.random.ranf
    • brainpy.math.random.sample
    • brainpy.math.random.choice
    • brainpy.math.random.permutation
    • brainpy.math.random.shuffle
    • brainpy.math.random.beta
    • brainpy.math.random.exponential
    • brainpy.math.random.gamma
    • brainpy.math.random.gumbel
    • brainpy.math.random.laplace
    • brainpy.math.random.logistic
    • brainpy.math.random.normal
    • brainpy.math.random.pareto
    • brainpy.math.random.poisson
    • brainpy.math.random.standard_cauchy
    • brainpy.math.random.standard_exponential
    • brainpy.math.random.standard_gamma
    • brainpy.math.random.standard_normal
    • brainpy.math.random.standard_t
    • brainpy.math.random.uniform
    • brainpy.math.random.truncated_normal
    • brainpy.math.random.bernoulli
    • brainpy.math.random.lognormal
    • brainpy.math.random.binomial
    • brainpy.math.random.chisquare
    • brainpy.math.random.dirichlet
    • brainpy.math.random.geometric
    • brainpy.math.random.f
    • brainpy.math.random.hypergeometric
    • brainpy.math.random.logseries
    • brainpy.math.random.multinomial
    • brainpy.math.random.multivariate_normal
    • brainpy.math.random.negative_binomial
    • brainpy.math.random.noncentral_chisquare
    • brainpy.math.random.noncentral_f
    • brainpy.math.random.power
    • brainpy.math.random.rayleigh
    • brainpy.math.random.triangular
    • brainpy.math.random.vonmises
    • brainpy.math.random.wald
    • brainpy.math.random.weibull
    • brainpy.math.random.weibull_min
    • brainpy.math.random.zipf
    • brainpy.math.random.maxwell
    • brainpy.math.random.t
    • brainpy.math.random.orthogonal
    • brainpy.math.random.loggamma
    • brainpy.math.random.categorical
    • brainpy.math.random.rand_like
    • brainpy.math.random.randint_like
    • brainpy.math.random.randn_like
    • brainpy.math.random.RandomState
    • brainpy.math.random.Generator
    • brainpy.math.random.DEFAULT
  • brainpy.channels module
    • brainpy.channels.Ion
    • brainpy.channels.IonChannel
    • brainpy.channels.Calcium
    • brainpy.channels.IhChannel
    • brainpy.channels.CalciumChannel
    • brainpy.channels.SodiumChannel
    • brainpy.channels.PotassiumChannel
    • brainpy.channels.LeakyChannel
    • brainpy.channels.INa_Ba2002
    • brainpy.channels.INa_TM1991
    • brainpy.channels.INa_HH1952
    • brainpy.channels.IKDR_Ba2002
    • brainpy.channels.IK_TM1991
    • brainpy.channels.IK_HH1952
    • brainpy.channels.IKA1_HM1992
    • brainpy.channels.IKA2_HM1992
    • brainpy.channels.IKK2A_HM1992
    • brainpy.channels.IKK2B_HM1992
    • brainpy.channels.IKNI_Ya1989
    • brainpy.channels.CalciumFixed
    • brainpy.channels.CalciumDyna
    • brainpy.channels.CalciumDetailed
    • brainpy.channels.CalciumFirstOrder
    • brainpy.channels.ICaN_IS2008
    • brainpy.channels.ICaT_HM1992
    • brainpy.channels.ICaT_HP1992
    • brainpy.channels.ICaHT_HM1992
    • brainpy.channels.ICaL_IS2008
    • brainpy.channels.IAHP_De1994
    • brainpy.channels.Ih_HM1992
    • brainpy.channels.Ih_De1996
    • brainpy.channels.IL
    • brainpy.channels.IKL
  • brainpy.layers module
    • brainpy.layers.Layer
    • brainpy.layers.Conv1d
    • brainpy.layers.Conv2d
    • brainpy.layers.Conv3d
    • brainpy.layers.Conv1D
    • brainpy.layers.Conv2D
    • brainpy.layers.Conv3D
    • brainpy.layers.ConvTranspose1d
    • brainpy.layers.ConvTranspose2d
    • brainpy.layers.ConvTranspose3d
    • brainpy.layers.Dropout
    • brainpy.layers.Activation
    • brainpy.layers.Flatten
    • brainpy.layers.FunAsLayer
    • brainpy.layers.Dense
    • brainpy.layers.Linear
    • brainpy.layers.Identity
    • brainpy.layers.BatchNorm1d
    • brainpy.layers.BatchNorm2d
    • brainpy.layers.BatchNorm3d
    • brainpy.layers.BatchNorm1D
    • brainpy.layers.BatchNorm2D
    • brainpy.layers.BatchNorm3D
    • brainpy.layers.LayerNorm
    • brainpy.layers.GroupNorm
    • brainpy.layers.InstanceNorm
    • brainpy.layers.NVAR
    • brainpy.layers.MaxPool
    • brainpy.layers.MinPool
    • brainpy.layers.AvgPool
    • brainpy.layers.AvgPool1d
    • brainpy.layers.AvgPool2d
    • brainpy.layers.AvgPool3d
    • brainpy.layers.MaxPool1d
    • brainpy.layers.MaxPool2d
    • brainpy.layers.MaxPool3d
    • brainpy.layers.AdaptiveAvgPool1d
    • brainpy.layers.AdaptiveAvgPool2d
    • brainpy.layers.AdaptiveAvgPool3d
    • brainpy.layers.AdaptiveMaxPool1d
    • brainpy.layers.AdaptiveMaxPool2d
    • brainpy.layers.AdaptiveMaxPool3d
    • brainpy.layers.Reservoir
    • brainpy.layers.RNNCell
    • brainpy.layers.GRUCell
    • brainpy.layers.LSTMCell
    • brainpy.layers.Conv1dLSTMCell
    • brainpy.layers.Conv2dLSTMCell
    • brainpy.layers.Conv3dLSTMCell
    • brainpy.layers.VanillaRNN
    • brainpy.layers.GRU
    • brainpy.layers.LSTM
  • brainpy.neurons module
    • brainpy.neurons.HH
    • brainpy.neurons.MorrisLecar
    • brainpy.neurons.PinskyRinzelModel
    • brainpy.neurons.WangBuzsakiModel
    • brainpy.neurons.FractionalNeuron
    • brainpy.neurons.FractionalFHR
    • brainpy.neurons.FractionalIzhikevich
    • brainpy.neurons.LeakyIntegrator
    • brainpy.neurons.LIF
    • brainpy.neurons.ExpIF
    • brainpy.neurons.AdExIF
    • brainpy.neurons.QuaIF
    • brainpy.neurons.AdQuaIF
    • brainpy.neurons.GIF
    • brainpy.neurons.ALIFBellec2020
    • brainpy.neurons.Izhikevich
    • brainpy.neurons.HindmarshRose
    • brainpy.neurons.FHN
    • brainpy.neurons.OUProcess
    • brainpy.neurons.InputGroup
    • brainpy.neurons.OutputGroup
    • brainpy.neurons.SpikeTimeGroup
    • brainpy.neurons.PoissonGroup
  • brainpy.rates module
    • brainpy.rates.RateModel
    • brainpy.rates.FHN
    • brainpy.rates.FeedbackFHN
    • brainpy.rates.QIF
    • brainpy.rates.StuartLandauOscillator
    • brainpy.rates.WilsonCowanModel
    • brainpy.rates.ThresholdLinearModel
  • brainpy.synapses module
    • brainpy.synapses.Delta
    • brainpy.synapses.Exponential
    • brainpy.synapses.DualExponential
    • brainpy.synapses.Alpha
    • brainpy.synapses.NMDA
    • brainpy.synapses.PoissonInput
    • brainpy.synapses.AMPA
    • brainpy.synapses.GABAa
    • brainpy.synapses.BioNMDA
    • brainpy.synapses.DelayCoupling
    • brainpy.synapses.DiffusiveCoupling
    • brainpy.synapses.AdditiveCoupling
    • brainpy.synapses.GapJunction
  • brainpy.synouts module
    • brainpy.synouts.COBA
    • brainpy.synouts.CUBA
    • brainpy.synouts.MgBlock
  • brainpy.synplast module
    • brainpy.synplast.STD
    • brainpy.synplast.STP
  • brainpy.integrators module
    • brainpy.integrators.ode.ODEIntegrator
    • brainpy.integrators.ode.set_default_odeint
    • brainpy.integrators.ode.get_default_odeint
    • brainpy.integrators.ode.register_ode_integrator
    • brainpy.integrators.ode.get_supported_methods
    • brainpy.integrators.ode.ExplicitRKIntegrator
    • brainpy.integrators.ode.Euler
    • brainpy.integrators.ode.MidPoint
    • brainpy.integrators.ode.Heun2
    • brainpy.integrators.ode.Ralston2
    • brainpy.integrators.ode.RK2
    • brainpy.integrators.ode.RK3
    • brainpy.integrators.ode.Heun3
    • brainpy.integrators.ode.Ralston3
    • brainpy.integrators.ode.SSPRK3
    • brainpy.integrators.ode.RK4
    • brainpy.integrators.ode.Ralston4
    • brainpy.integrators.ode.RK4Rule38
    • brainpy.integrators.ode.AdaptiveRKIntegrator
    • brainpy.integrators.ode.RKF12
    • brainpy.integrators.ode.RKF45
    • brainpy.integrators.ode.DormandPrince
    • brainpy.integrators.ode.CashKarp
    • brainpy.integrators.ode.BogackiShampine
    • brainpy.integrators.ode.HeunEuler
    • brainpy.integrators.ode.ExponentialEuler
    • brainpy.integrators.sde.SDEIntegrator
    • brainpy.integrators.sde.set_default_sdeint
    • brainpy.integrators.sde.get_default_sdeint
    • brainpy.integrators.sde.register_sde_integrator
    • brainpy.integrators.sde.get_supported_methods
    • brainpy.integrators.sde.Euler
    • brainpy.integrators.sde.Heun
    • brainpy.integrators.sde.Milstein
    • brainpy.integrators.sde.MilsteinGradFree
    • brainpy.integrators.sde.ExponentialEuler
    • brainpy.integrators.sde.SRK1W1
    • brainpy.integrators.sde.SRK2W1
    • brainpy.integrators.sde.KlPl
    • brainpy.integrators.fde.FDEIntegrator
    • brainpy.integrators.fde.set_default_fdeint
    • brainpy.integrators.fde.get_default_fdeint
    • brainpy.integrators.fde.register_fde_integrator
    • brainpy.integrators.fde.get_supported_methods
    • brainpy.integrators.fde.CaputoEuler
    • brainpy.integrators.fde.CaputoL1Schema
    • brainpy.integrators.fde.GLShortMemory
  • brainpy.analysis module
    • brainpy.analysis.PhasePlane1D
    • brainpy.analysis.PhasePlane2D
    • brainpy.analysis.Bifurcation1D
    • brainpy.analysis.Bifurcation2D
    • brainpy.analysis.FastSlow1D
    • brainpy.analysis.FastSlow2D
    • brainpy.analysis.SlowPointFinder
  • brainpy.connect module
    • brainpy.connect.mat2coo
    • brainpy.connect.mat2csc
    • brainpy.connect.mat2csr
    • brainpy.connect.csr2csc
    • brainpy.connect.csr2mat
    • brainpy.connect.csr2coo
    • brainpy.connect.coo2csr
    • brainpy.connect.coo2csc
    • brainpy.connect.coo2mat
    • brainpy.connect.Connector
    • brainpy.connect.TwoEndConnector
    • brainpy.connect.OneEndConnector
    • brainpy.connect.CONN_MAT
    • brainpy.connect.PRE_IDS
    • brainpy.connect.POST_IDS
    • brainpy.connect.PRE2POST
    • brainpy.connect.POST2PRE
    • brainpy.connect.PRE2SYN
    • brainpy.connect.POST2SYN
    • brainpy.connect.MatConn
    • brainpy.connect.IJConn
    • brainpy.connect.CSRConn
    • brainpy.connect.SparseMatConn
    • brainpy.connect.FixedProb
    • brainpy.connect.FixedPreNum
    • brainpy.connect.FixedPostNum
    • brainpy.connect.FixedTotalNum
    • brainpy.connect.GaussianProb
    • brainpy.connect.ProbDist
    • brainpy.connect.SmallWorld
    • brainpy.connect.ScaleFreeBA
    • brainpy.connect.ScaleFreeBADual
    • brainpy.connect.PowerLaw
    • brainpy.connect.One2One
    • brainpy.connect.All2All
    • brainpy.connect.GridFour
    • brainpy.connect.GridEight
    • brainpy.connect.GridN
    • brainpy.connect.one2one
    • brainpy.connect.all2all
    • brainpy.connect.grid_four
    • brainpy.connect.grid_eight
  • brainpy.encoding module
    • brainpy.encoding.Encoder
    • brainpy.encoding.LatencyEncoder
    • brainpy.encoding.WeightedPhaseEncoder
    • brainpy.encoding.PoissonEncoder
  • brainpy.initialize module
    • brainpy.initialize.Initializer
    • brainpy.initialize.InterLayerInitializer
    • brainpy.initialize.IntraLayerInitializer
    • brainpy.initialize.ZeroInit
    • brainpy.initialize.Constant
    • brainpy.initialize.OneInit
    • brainpy.initialize.Identity
    • brainpy.initialize.Normal
    • brainpy.initialize.Uniform
    • brainpy.initialize.VarianceScaling
    • brainpy.initialize.KaimingUniform
    • brainpy.initialize.KaimingNormal
    • brainpy.initialize.XavierUniform
    • brainpy.initialize.XavierNormal
    • brainpy.initialize.LecunUniform
    • brainpy.initialize.LecunNormal
    • brainpy.initialize.Orthogonal
    • brainpy.initialize.DeltaOrthogonal
    • brainpy.initialize.GaussianDecay
    • brainpy.initialize.DOGDecay
  • brainpy.inputs module
    • brainpy.inputs.section_input
    • brainpy.inputs.constant_input
    • brainpy.inputs.spike_input
    • brainpy.inputs.ramp_input
    • brainpy.inputs.wiener_process
    • brainpy.inputs.ou_process
    • brainpy.inputs.sinusoidal_input
    • brainpy.inputs.square_input
  • brainpy.losses module
    • brainpy.losses.cross_entropy_loss
    • brainpy.losses.cross_entropy_sparse
    • brainpy.losses.cross_entropy_sigmoid
    • brainpy.losses.l1_loos
    • brainpy.losses.l2_loss
    • brainpy.losses.huber_loss
    • brainpy.losses.mean_absolute_error
    • brainpy.losses.mean_squared_error
    • brainpy.losses.mean_squared_log_error
    • brainpy.losses.binary_logistic_loss
    • brainpy.losses.multiclass_logistic_loss
    • brainpy.losses.sigmoid_binary_cross_entropy
    • brainpy.losses.softmax_cross_entropy
    • brainpy.losses.log_cosh_loss
    • brainpy.losses.ctc_loss_with_forward_probs
    • brainpy.losses.ctc_loss
    • brainpy.losses.l2_norm
    • brainpy.losses.mean_absolute
    • brainpy.losses.mean_square
    • brainpy.losses.log_cosh
    • brainpy.losses.smooth_labels
  • brainpy.measure module
    • brainpy.measure.cross_correlation
    • brainpy.measure.voltage_fluctuation
    • brainpy.measure.matrix_correlation
    • brainpy.measure.weighted_correlation
    • brainpy.measure.functional_connectivity
    • brainpy.measure.raster_plot
    • brainpy.measure.firing_rate
    • brainpy.measure.unitary_LFP
  • brainpy.optim module
    • brainpy.optim.Optimizer
    • brainpy.optim.SGD
    • brainpy.optim.Momentum
    • brainpy.optim.MomentumNesterov
    • brainpy.optim.Adagrad
    • brainpy.optim.Adadelta
    • brainpy.optim.RMSProp
    • brainpy.optim.Adam
    • brainpy.optim.LARS
    • brainpy.optim.Adan
    • brainpy.optim.AdamW
    • brainpy.optim.make_schedule
    • brainpy.optim.Scheduler
    • brainpy.optim.Constant
    • brainpy.optim.StepLR
    • brainpy.optim.MultiStepLR
    • brainpy.optim.CosineAnnealingLR
    • brainpy.optim.CosineAnnealingWarmRestarts
    • brainpy.optim.ExponentialLR
    • brainpy.optim.ExponentialDecay
    • brainpy.optim.InverseTimeDecay
    • brainpy.optim.PolynomialDecay
    • brainpy.optim.PiecewiseConstant
  • brainpy.running module
    • brainpy.running.jax_vectorize_map
    • brainpy.running.jax_parallelize_map
    • brainpy.running.process_pool
    • brainpy.running.process_pool_lock
    • brainpy.running.cpu_ordered_parallel
    • brainpy.running.cpu_unordered_parallel
  • Release notes (brainpy)
Theme by the Executable Book Project

Python Module Index

b
 
b
- brainpy
    brainpy.analysis
    brainpy.channels
    brainpy.connect
    brainpy.encoding
    brainpy.initialize
    brainpy.inputs
    brainpy.integrators
    brainpy.integrators.fde
    brainpy.integrators.ode
    brainpy.integrators.sde
    brainpy.layers
    brainpy.losses
    brainpy.math
    brainpy.math.random
    brainpy.math.surrogate
    brainpy.measure
    brainpy.neurons
    brainpy.optim
    brainpy.rates
    brainpy.running
    brainpy.synapses
    brainpy.synouts
    brainpy.synplast

By BrainPy Team
© Copyright 2020-2023, BrainPy.
Last updated on Feb 06, 2023.