Chainer
latest
Tutorials
Chainer at a Glance
Concepts Walkthrough
Examples
Neural Net Examples
Colab Notebook Examples
Awesome Chainer
References
API Reference
Installation
ChainerX Documentation
Distributed Deep Learning with ChainerMN
Export Chainer to ONNX
Other
API Compatibility Policy
Contribution Guide
Tips and FAQs
Performance Best Practices
Upgrade Guide
License
Community
Slack Chat
Forums
Chainer
Docs
»
Index
Edit on GitHub
Index
_
|
A
|
B
|
C
|
D
|
E
|
F
|
G
|
H
|
I
|
J
|
K
|
L
|
M
|
N
|
O
|
P
|
Q
|
R
|
S
|
T
|
U
|
V
|
W
|
X
|
Z
_
__abs__() (chainer.Parameter method)
(chainer.Variable method)
(chainerx.ndarray method)
__add__() (chainer.Parameter method)
(chainer.Sequential method)
(chainer.utils.type_check.Expr method)
(chainer.utils.type_check.TypeInfoTuple method)
(chainer.utils.type_check.Variable method)
(chainer.Variable method)
(chainerx.ndarray method)
__bool__() (chainer.Parameter method)
(chainer.utils.type_check.Expr method)
(chainer.utils.type_check.Variable method)
(chainer.Variable method)
(chainerx.ndarray method)
__call__() (chainer.AbstractSerializer method)
(chainer.Chain method)
(chainer.ChainList method)
(chainer.dataset.ConcatWithAsyncTransfer method)
(chainer.dataset.Converter method)
(chainer.Deserializer method)
(chainer.Function method)
(chainer.FunctionAdapter method)
(chainer.FunctionNode method)
(chainer.Initializer method)
(chainer.initializers.Constant method)
(chainer.initializers.DownsamplingConvFilter method)
(chainer.initializers.GlorotNormal method)
(chainer.initializers.GlorotUniform method)
(chainer.initializers.HeNormal method)
(chainer.initializers.HeUniform method)
(chainer.initializers.Identity method)
(chainer.initializers.LeCunNormal method)
(chainer.initializers.LeCunUniform method)
(chainer.initializers.NaN method)
(chainer.initializers.Normal method)
(chainer.initializers.One method)
(chainer.initializers.Orthogonal method)
(chainer.initializers.Uniform method)
(chainer.initializers.UpsamplingDeconvFilter method)
(chainer.initializers.Zero method)
(chainer.iterators.OrderSampler method)
(chainer.iterators.ShuffleOrderSampler method)
(chainer.Link method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.optimizer_hooks.GradientClipping method)
(chainer.optimizer_hooks.GradientHardClipping method)
(chainer.optimizer_hooks.GradientLARS method)
(chainer.optimizer_hooks.GradientNoise method)
(chainer.optimizer_hooks.Lasso method)
(chainer.optimizer_hooks.WeightDecay method)
(chainer.Sequential method)
(chainer.Serializer method)
(chainer.serializers.DictionarySerializer method)
(chainer.serializers.HDF5Deserializer method)
(chainer.serializers.HDF5Serializer method)
(chainer.serializers.NpzDeserializer method)
(chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
(chainer.training.Extension method)
(chainer.training.extensions.DumpGraph method)
(chainer.training.extensions.Evaluator method)
(chainer.training.extensions.ExponentialShift method)
(chainer.training.extensions.FailOnNonNumber method)
(chainer.training.extensions.InverseShift method)
(chainer.training.extensions.LinearShift method)
(chainer.training.extensions.LogReport method)
(chainer.training.extensions.MicroAverage method)
(chainer.training.extensions.MultistepShift method)
(chainer.training.extensions.ParameterStatistics method)
(chainer.training.extensions.PlotReport method)
(chainer.training.extensions.PolynomialShift method)
(chainer.training.extensions.PrintReport method)
(chainer.training.extensions.ProgressBar method)
(chainer.training.extensions.snapshot_writers.ProcessQueueWriter method)
(chainer.training.extensions.snapshot_writers.ProcessWriter method)
(chainer.training.extensions.snapshot_writers.QueueWriter method)
(chainer.training.extensions.snapshot_writers.SimpleWriter method)
(chainer.training.extensions.snapshot_writers.ThreadQueueWriter method)
(chainer.training.extensions.snapshot_writers.ThreadWriter method)
(chainer.training.extensions.snapshot_writers.Writer method)
(chainer.training.extensions.StepShift method)
(chainer.training.extensions.unchain_variables method)
(chainer.training.extensions.VariableStatisticsPlot method)
(chainer.training.extensions.WarmupShift method)
(chainer.training.triggers.BestValueTrigger method)
(chainer.training.triggers.EarlyStoppingTrigger method)
(chainer.training.triggers.IntervalTrigger method)
(chainer.training.triggers.ManualScheduleTrigger method)
(chainer.training.triggers.MaxValueTrigger method)
(chainer.training.triggers.MinValueTrigger method)
(chainer.training.triggers.OnceTrigger method)
(chainer.training.triggers.TimeTrigger method)
(chainer.utils.type_check.Expr method)
(chainer.utils.type_check.Variable method)
__copy__() (chainer.distributions.MultivariateNormal method)
(chainer.iterators.MultiprocessIterator method)
(chainer.Parameter method)
(chainer.Variable method)
__div__() (chainer.Parameter method)
(chainer.Variable method)
__enter__() (chainer.backend.ChainerxDevice method)
(chainer.backend.CpuDevice method)
(chainer.backend.Device method)
(chainer.backend.GpuDevice method)
(chainer.backend.Intel64Device method)
(chainer.dataset.Iterator method)
(chainer.datasets.PickleDataset method)
(chainer.datasets.PickleDatasetWriter method)
(chainer.function_hooks.CUDAProfileHook method)
(chainer.function_hooks.CupyMemoryProfileHook method)
(chainer.function_hooks.PrintHook method)
(chainer.function_hooks.TimerHook method)
(chainer.FunctionHook method)
(chainer.iterators.DaliIterator method)
(chainer.iterators.MultiprocessIterator method)
(chainer.iterators.MultithreadIterator method)
(chainer.iterators.SerialIterator method)
(chainer.link_hooks.SpectralNormalization method)
(chainer.link_hooks.TimerHook method)
(chainer.link_hooks.WeightStandardization method)
(chainer.LinkHook method)
(chainer.Reporter method)
__eq__() (chainer.AbstractSerializer method)
(chainer.backend.ChainerxDevice method)
(chainer.backend.CpuDevice method)
(chainer.backend.Device method)
(chainer.backend.GpuDevice method)
(chainer.backend.Intel64Device method)
(chainer.Chain method)
(chainer.ChainList method)
(chainer.computational_graph.ComputationalGraph method)
(chainer.configuration.GlobalConfig method)
(chainer.configuration.LocalConfig method)
(chainer.dataset.ConcatWithAsyncTransfer method)
(chainer.dataset.Converter method)
(chainer.dataset.DatasetMixin method)
(chainer.dataset.Iterator method)
(chainer.dataset.tabular.DelegateDataset method)
(chainer.dataset.TabularDataset method)
(chainer.datasets.ConcatenatedDataset method)
(chainer.datasets.DictDataset method)
(chainer.datasets.ImageDataset method)
(chainer.datasets.LabeledImageDataset method)
(chainer.datasets.LabeledZippedImageDataset method)
(chainer.datasets.MultiZippedImageDataset method)
(chainer.datasets.PickleDataset method)
(chainer.datasets.PickleDatasetWriter method)
(chainer.datasets.SubDataset method)
(chainer.datasets.TextDataset method)
(chainer.datasets.TransformDataset method)
(chainer.datasets.TupleDataset method)
(chainer.datasets.ZippedImageDataset method)
(chainer.Deserializer method)
(chainer.device_resident.DeviceResidentsVisitor method)
(chainer.DeviceResident method)
(chainer.DictSummary method)
(chainer.Distribution method)
(chainer.distributions.Bernoulli method)
(chainer.distributions.Beta method)
(chainer.distributions.Categorical method)
(chainer.distributions.Cauchy method)
(chainer.distributions.Chisquare method)
(chainer.distributions.Dirichlet method)
(chainer.distributions.Exponential method)
(chainer.distributions.Gamma method)
(chainer.distributions.Geometric method)
(chainer.distributions.Gumbel method)
(chainer.distributions.Independent method)
(chainer.distributions.Laplace method)
(chainer.distributions.LogNormal method)
(chainer.distributions.MultivariateNormal method)
(chainer.distributions.Normal method)
(chainer.distributions.OneHotCategorical method)
(chainer.distributions.Pareto method)
(chainer.distributions.Poisson method)
(chainer.distributions.Uniform method)
(chainer.Function method)
(chainer.function_hooks.CUDAProfileHook method)
(chainer.function_hooks.CupyMemoryProfileHook method)
(chainer.function_hooks.PrintHook method)
(chainer.function_hooks.TimerHook method)
(chainer.FunctionAdapter method)
(chainer.FunctionHook method)
(chainer.FunctionNode method)
(chainer.GradientMethod method)
(chainer.Initializer method)
(chainer.initializers.Constant method)
(chainer.initializers.DownsamplingConvFilter method)
(chainer.initializers.GlorotNormal method)
(chainer.initializers.GlorotUniform method)
(chainer.initializers.HeNormal method)
(chainer.initializers.HeUniform method)
(chainer.initializers.Identity method)
(chainer.initializers.LeCunNormal method)
(chainer.initializers.LeCunUniform method)
(chainer.initializers.NaN method)
(chainer.initializers.Normal method)
(chainer.initializers.One method)
(chainer.initializers.Orthogonal method)
(chainer.initializers.Uniform method)
(chainer.initializers.UpsamplingDeconvFilter method)
(chainer.initializers.Zero method)
(chainer.iterators.DaliIterator method)
(chainer.iterators.MultiprocessIterator method)
(chainer.iterators.MultithreadIterator method)
(chainer.iterators.OrderSampler method)
(chainer.iterators.SerialIterator method)
(chainer.iterators.ShuffleOrderSampler method)
(chainer.Link method)
(chainer.link_hooks.SpectralNormalization method)
(chainer.link_hooks.TimerHook method)
(chainer.link_hooks.WeightStandardization method)
(chainer.LinkHook method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Optimizer method)
(chainer.optimizer.Hyperparameter method)
(chainer.optimizer_hooks.GradientClipping method)
(chainer.optimizer_hooks.GradientHardClipping method)
(chainer.optimizer_hooks.GradientLARS method)
(chainer.optimizer_hooks.GradientNoise method)
(chainer.optimizer_hooks.Lasso method)
(chainer.optimizer_hooks.WeightDecay method)
(chainer.optimizers.AdaBound method)
(chainer.optimizers.AdaDelta method)
(chainer.optimizers.AdaGrad method)
(chainer.optimizers.Adam method)
(chainer.optimizers.AdamW method)
(chainer.optimizers.AMSBound method)
(chainer.optimizers.AMSGrad method)
(chainer.optimizers.CorrectedMomentumSGD method)
(chainer.optimizers.MomentumSGD method)
(chainer.optimizers.MSVAG method)
(chainer.optimizers.NesterovAG method)
(chainer.optimizers.RMSprop method)
(chainer.optimizers.RMSpropGraves method)
(chainer.optimizers.SGD method)
(chainer.optimizers.SMORMS3 method)
(chainer.Parameter method)
(chainer.Reporter method)
(chainer.Sequential method)
(chainer.Serializer method)
(chainer.serializers.DictionarySerializer method)
(chainer.serializers.HDF5Deserializer method)
(chainer.serializers.HDF5Serializer method)
(chainer.serializers.NpzDeserializer method)
(chainer.Summary method)
(chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
(chainer.training.Extension method)
(chainer.training.extensions.DumpGraph method)
(chainer.training.extensions.Evaluator method)
(chainer.training.extensions.ExponentialShift method)
(chainer.training.extensions.FailOnNonNumber method)
(chainer.training.extensions.InverseShift method)
(chainer.training.extensions.LinearShift method)
(chainer.training.extensions.LogReport method)
(chainer.training.extensions.MicroAverage method)
(chainer.training.extensions.MultistepShift method)
(chainer.training.extensions.ParameterStatistics method)
(chainer.training.extensions.PlotReport method)
(chainer.training.extensions.PolynomialShift method)
(chainer.training.extensions.PrintReport method)
(chainer.training.extensions.ProgressBar method)
(chainer.training.extensions.snapshot_writers.ProcessQueueWriter method)
(chainer.training.extensions.snapshot_writers.ProcessWriter method)
(chainer.training.extensions.snapshot_writers.QueueWriter method)
(chainer.training.extensions.snapshot_writers.SimpleWriter method)
(chainer.training.extensions.snapshot_writers.ThreadQueueWriter method)
(chainer.training.extensions.snapshot_writers.ThreadWriter method)
(chainer.training.extensions.snapshot_writers.Writer method)
(chainer.training.extensions.StepShift method)
(chainer.training.extensions.unchain_variables method)
(chainer.training.extensions.VariableStatisticsPlot method)
(chainer.training.extensions.WarmupShift method)
(chainer.training.Trainer method)
(chainer.training.triggers.BestValueTrigger method)
(chainer.training.triggers.EarlyStoppingTrigger method)
(chainer.training.triggers.IntervalTrigger method)
(chainer.training.triggers.ManualScheduleTrigger method)
(chainer.training.triggers.MaxValueTrigger method)
(chainer.training.triggers.MinValueTrigger method)
(chainer.training.triggers.OnceTrigger method)
(chainer.training.triggers.TimeTrigger method)
(chainer.training.Updater method)
(chainer.training.updaters.MultiprocessParallelUpdater method)
(chainer.training.updaters.ParallelUpdater method)
(chainer.training.updaters.StandardUpdater method)
(chainer.UpdateRule method)
(chainer.utils.CooMatrix method)
(chainer.utils.type_check.Expr method)
(chainer.utils.type_check.TypeInfo method)
(chainer.utils.type_check.TypeInfoTuple method)
(chainer.utils.type_check.Variable method)
(chainer.utils.WalkerAlias method)
(chainer.Variable method)
(chainer.variable.VariableNode method)
(chainerx.Backend method)
(chainerx.Context method)
(chainerx.Device method)
(chainerx.ndarray method)
__exit__() (chainer.backend.ChainerxDevice method)
(chainer.backend.CpuDevice method)
(chainer.backend.Device method)
(chainer.backend.GpuDevice method)
(chainer.backend.Intel64Device method)
(chainer.dataset.Iterator method)
(chainer.datasets.PickleDataset method)
(chainer.datasets.PickleDatasetWriter method)
(chainer.function_hooks.CUDAProfileHook method)
(chainer.function_hooks.CupyMemoryProfileHook method)
(chainer.function_hooks.PrintHook method)
(chainer.function_hooks.TimerHook method)
(chainer.FunctionHook method)
(chainer.iterators.DaliIterator method)
(chainer.iterators.MultiprocessIterator method)
(chainer.iterators.MultithreadIterator method)
(chainer.iterators.SerialIterator method)
(chainer.link_hooks.SpectralNormalization method)
(chainer.link_hooks.TimerHook method)
(chainer.link_hooks.WeightStandardization method)
(chainer.LinkHook method)
(chainer.Reporter method)
__floordiv__() (chainer.Parameter method)
(chainer.utils.type_check.Expr method)
(chainer.utils.type_check.Variable method)
(chainer.Variable method)
(chainerx.ndarray method)
__ge__() (chainer.AbstractSerializer method)
(chainer.backend.ChainerxDevice method)
(chainer.backend.CpuDevice method)
(chainer.backend.Device method)
(chainer.backend.GpuDevice method)
(chainer.backend.Intel64Device method)
(chainer.Chain method)
(chainer.ChainList method)
(chainer.computational_graph.ComputationalGraph method)
(chainer.configuration.GlobalConfig method)
(chainer.configuration.LocalConfig method)
(chainer.dataset.ConcatWithAsyncTransfer method)
(chainer.dataset.Converter method)
(chainer.dataset.DatasetMixin method)
(chainer.dataset.Iterator method)
(chainer.dataset.tabular.DelegateDataset method)
(chainer.dataset.TabularDataset method)
(chainer.datasets.ConcatenatedDataset method)
(chainer.datasets.DictDataset method)
(chainer.datasets.ImageDataset method)
(chainer.datasets.LabeledImageDataset method)
(chainer.datasets.LabeledZippedImageDataset method)
(chainer.datasets.MultiZippedImageDataset method)
(chainer.datasets.PickleDataset method)
(chainer.datasets.PickleDatasetWriter method)
(chainer.datasets.SubDataset method)
(chainer.datasets.TextDataset method)
(chainer.datasets.TransformDataset method)
(chainer.datasets.TupleDataset method)
(chainer.datasets.ZippedImageDataset method)
(chainer.Deserializer method)
(chainer.device_resident.DeviceResidentsVisitor method)
(chainer.DeviceResident method)
(chainer.DictSummary method)
(chainer.Distribution method)
(chainer.distributions.Bernoulli method)
(chainer.distributions.Beta method)
(chainer.distributions.Categorical method)
(chainer.distributions.Cauchy method)
(chainer.distributions.Chisquare method)
(chainer.distributions.Dirichlet method)
(chainer.distributions.Exponential method)
(chainer.distributions.Gamma method)
(chainer.distributions.Geometric method)
(chainer.distributions.Gumbel method)
(chainer.distributions.Independent method)
(chainer.distributions.Laplace method)
(chainer.distributions.LogNormal method)
(chainer.distributions.MultivariateNormal method)
(chainer.distributions.Normal method)
(chainer.distributions.OneHotCategorical method)
(chainer.distributions.Pareto method)
(chainer.distributions.Poisson method)
(chainer.distributions.Uniform method)
(chainer.Function method)
(chainer.function_hooks.CUDAProfileHook method)
(chainer.function_hooks.CupyMemoryProfileHook method)
(chainer.function_hooks.PrintHook method)
(chainer.function_hooks.TimerHook method)
(chainer.FunctionAdapter method)
(chainer.FunctionHook method)
(chainer.FunctionNode method)
(chainer.GradientMethod method)
(chainer.Initializer method)
(chainer.initializers.Constant method)
(chainer.initializers.DownsamplingConvFilter method)
(chainer.initializers.GlorotNormal method)
(chainer.initializers.GlorotUniform method)
(chainer.initializers.HeNormal method)
(chainer.initializers.HeUniform method)
(chainer.initializers.Identity method)
(chainer.initializers.LeCunNormal method)
(chainer.initializers.LeCunUniform method)
(chainer.initializers.NaN method)
(chainer.initializers.Normal method)
(chainer.initializers.One method)
(chainer.initializers.Orthogonal method)
(chainer.initializers.Uniform method)
(chainer.initializers.UpsamplingDeconvFilter method)
(chainer.initializers.Zero method)
(chainer.iterators.DaliIterator method)
(chainer.iterators.MultiprocessIterator method)
(chainer.iterators.MultithreadIterator method)
(chainer.iterators.OrderSampler method)
(chainer.iterators.SerialIterator method)
(chainer.iterators.ShuffleOrderSampler method)
(chainer.Link method)
(chainer.link_hooks.SpectralNormalization method)
(chainer.link_hooks.TimerHook method)
(chainer.link_hooks.WeightStandardization method)
(chainer.LinkHook method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Optimizer method)
(chainer.optimizer.Hyperparameter method)
(chainer.optimizer_hooks.GradientClipping method)
(chainer.optimizer_hooks.GradientHardClipping method)
(chainer.optimizer_hooks.GradientLARS method)
(chainer.optimizer_hooks.GradientNoise method)
(chainer.optimizer_hooks.Lasso method)
(chainer.optimizer_hooks.WeightDecay method)
(chainer.optimizers.AdaBound method)
(chainer.optimizers.AdaDelta method)
(chainer.optimizers.AdaGrad method)
(chainer.optimizers.Adam method)
(chainer.optimizers.AdamW method)
(chainer.optimizers.AMSBound method)
(chainer.optimizers.AMSGrad method)
(chainer.optimizers.CorrectedMomentumSGD method)
(chainer.optimizers.MomentumSGD method)
(chainer.optimizers.MSVAG method)
(chainer.optimizers.NesterovAG method)
(chainer.optimizers.RMSprop method)
(chainer.optimizers.RMSpropGraves method)
(chainer.optimizers.SGD method)
(chainer.optimizers.SMORMS3 method)
(chainer.Parameter method)
(chainer.Reporter method)
(chainer.Sequential method)
(chainer.Serializer method)
(chainer.serializers.DictionarySerializer method)
(chainer.serializers.HDF5Deserializer method)
(chainer.serializers.HDF5Serializer method)
(chainer.serializers.NpzDeserializer method)
(chainer.Summary method)
(chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
(chainer.training.Extension method)
(chainer.training.extensions.DumpGraph method)
(chainer.training.extensions.Evaluator method)
(chainer.training.extensions.ExponentialShift method)
(chainer.training.extensions.FailOnNonNumber method)
(chainer.training.extensions.InverseShift method)
(chainer.training.extensions.LinearShift method)
(chainer.training.extensions.LogReport method)
(chainer.training.extensions.MicroAverage method)
(chainer.training.extensions.MultistepShift method)
(chainer.training.extensions.ParameterStatistics method)
(chainer.training.extensions.PlotReport method)
(chainer.training.extensions.PolynomialShift method)
(chainer.training.extensions.PrintReport method)
(chainer.training.extensions.ProgressBar method)
(chainer.training.extensions.snapshot_writers.ProcessQueueWriter method)
(chainer.training.extensions.snapshot_writers.ProcessWriter method)
(chainer.training.extensions.snapshot_writers.QueueWriter method)
(chainer.training.extensions.snapshot_writers.SimpleWriter method)
(chainer.training.extensions.snapshot_writers.ThreadQueueWriter method)
(chainer.training.extensions.snapshot_writers.ThreadWriter method)
(chainer.training.extensions.snapshot_writers.Writer method)
(chainer.training.extensions.StepShift method)
(chainer.training.extensions.unchain_variables method)
(chainer.training.extensions.VariableStatisticsPlot method)
(chainer.training.extensions.WarmupShift method)
(chainer.training.Trainer method)
(chainer.training.triggers.BestValueTrigger method)
(chainer.training.triggers.EarlyStoppingTrigger method)
(chainer.training.triggers.IntervalTrigger method)
(chainer.training.triggers.ManualScheduleTrigger method)
(chainer.training.triggers.MaxValueTrigger method)
(chainer.training.triggers.MinValueTrigger method)
(chainer.training.triggers.OnceTrigger method)
(chainer.training.triggers.TimeTrigger method)
(chainer.training.Updater method)
(chainer.training.updaters.MultiprocessParallelUpdater method)
(chainer.training.updaters.ParallelUpdater method)
(chainer.training.updaters.StandardUpdater method)
(chainer.UpdateRule method)
(chainer.utils.CooMatrix method)
(chainer.utils.type_check.Expr method)
(chainer.utils.type_check.TypeInfo method)
(chainer.utils.type_check.TypeInfoTuple method)
(chainer.utils.type_check.Variable method)
(chainer.utils.WalkerAlias method)
(chainer.Variable method)
(chainer.variable.VariableNode method)
(chainerx.Backend method)
(chainerx.Context method)
(chainerx.Device method)
(chainerx.ndarray method)
__getitem__() (chainer.AbstractSerializer method)
(chainer.Chain method)
(chainer.ChainList method)
(chainer.dataset.DatasetMixin method)
(chainer.dataset.tabular.DelegateDataset method)
(chainer.dataset.TabularDataset method)
(chainer.datasets.ConcatenatedDataset method)
(chainer.datasets.DictDataset method)
(chainer.datasets.ImageDataset method)
(chainer.datasets.LabeledImageDataset method)
(chainer.datasets.LabeledZippedImageDataset method)
(chainer.datasets.MultiZippedImageDataset method)
(chainer.datasets.PickleDataset method)
(chainer.datasets.SubDataset method)
(chainer.datasets.TextDataset method)
(chainer.datasets.TransformDataset method)
(chainer.datasets.TupleDataset method)
(chainer.datasets.ZippedImageDataset method)
(chainer.Deserializer method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.GoogLeNet method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Parameter method)
(chainer.Sequential method)
(chainer.Serializer method)
(chainer.serializers.DictionarySerializer method)
(chainer.serializers.HDF5Deserializer method)
(chainer.serializers.HDF5Serializer method)
(chainer.serializers.NpzDeserializer method)
(chainer.utils.type_check.Expr method)
(chainer.utils.type_check.TypeInfoTuple method)
(chainer.utils.type_check.Variable method)
(chainer.Variable method)
(chainerx.ndarray method)
__gt__() (chainer.AbstractSerializer method)
(chainer.backend.ChainerxDevice method)
(chainer.backend.CpuDevice method)
(chainer.backend.Device method)
(chainer.backend.GpuDevice method)
(chainer.backend.Intel64Device method)
(chainer.Chain method)
(chainer.ChainList method)
(chainer.computational_graph.ComputationalGraph method)
(chainer.configuration.GlobalConfig method)
(chainer.configuration.LocalConfig method)
(chainer.dataset.ConcatWithAsyncTransfer method)
(chainer.dataset.Converter method)
(chainer.dataset.DatasetMixin method)
(chainer.dataset.Iterator method)
(chainer.dataset.tabular.DelegateDataset method)
(chainer.dataset.TabularDataset method)
(chainer.datasets.ConcatenatedDataset method)
(chainer.datasets.DictDataset method)
(chainer.datasets.ImageDataset method)
(chainer.datasets.LabeledImageDataset method)
(chainer.datasets.LabeledZippedImageDataset method)
(chainer.datasets.MultiZippedImageDataset method)
(chainer.datasets.PickleDataset method)
(chainer.datasets.PickleDatasetWriter method)
(chainer.datasets.SubDataset method)
(chainer.datasets.TextDataset method)
(chainer.datasets.TransformDataset method)
(chainer.datasets.TupleDataset method)
(chainer.datasets.ZippedImageDataset method)
(chainer.Deserializer method)
(chainer.device_resident.DeviceResidentsVisitor method)
(chainer.DeviceResident method)
(chainer.DictSummary method)
(chainer.Distribution method)
(chainer.distributions.Bernoulli method)
(chainer.distributions.Beta method)
(chainer.distributions.Categorical method)
(chainer.distributions.Cauchy method)
(chainer.distributions.Chisquare method)
(chainer.distributions.Dirichlet method)
(chainer.distributions.Exponential method)
(chainer.distributions.Gamma method)
(chainer.distributions.Geometric method)
(chainer.distributions.Gumbel method)
(chainer.distributions.Independent method)
(chainer.distributions.Laplace method)
(chainer.distributions.LogNormal method)
(chainer.distributions.MultivariateNormal method)
(chainer.distributions.Normal method)
(chainer.distributions.OneHotCategorical method)
(chainer.distributions.Pareto method)
(chainer.distributions.Poisson method)
(chainer.distributions.Uniform method)
(chainer.Function method)
(chainer.function_hooks.CUDAProfileHook method)
(chainer.function_hooks.CupyMemoryProfileHook method)
(chainer.function_hooks.PrintHook method)
(chainer.function_hooks.TimerHook method)
(chainer.FunctionAdapter method)
(chainer.FunctionHook method)
(chainer.FunctionNode method)
(chainer.GradientMethod method)
(chainer.Initializer method)
(chainer.initializers.Constant method)
(chainer.initializers.DownsamplingConvFilter method)
(chainer.initializers.GlorotNormal method)
(chainer.initializers.GlorotUniform method)
(chainer.initializers.HeNormal method)
(chainer.initializers.HeUniform method)
(chainer.initializers.Identity method)
(chainer.initializers.LeCunNormal method)
(chainer.initializers.LeCunUniform method)
(chainer.initializers.NaN method)
(chainer.initializers.Normal method)
(chainer.initializers.One method)
(chainer.initializers.Orthogonal method)
(chainer.initializers.Uniform method)
(chainer.initializers.UpsamplingDeconvFilter method)
(chainer.initializers.Zero method)
(chainer.iterators.DaliIterator method)
(chainer.iterators.MultiprocessIterator method)
(chainer.iterators.MultithreadIterator method)
(chainer.iterators.OrderSampler method)
(chainer.iterators.SerialIterator method)
(chainer.iterators.ShuffleOrderSampler method)
(chainer.Link method)
(chainer.link_hooks.SpectralNormalization method)
(chainer.link_hooks.TimerHook method)
(chainer.link_hooks.WeightStandardization method)
(chainer.LinkHook method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Optimizer method)
(chainer.optimizer.Hyperparameter method)
(chainer.optimizer_hooks.GradientClipping method)
(chainer.optimizer_hooks.GradientHardClipping method)
(chainer.optimizer_hooks.GradientLARS method)
(chainer.optimizer_hooks.GradientNoise method)
(chainer.optimizer_hooks.Lasso method)
(chainer.optimizer_hooks.WeightDecay method)
(chainer.optimizers.AdaBound method)
(chainer.optimizers.AdaDelta method)
(chainer.optimizers.AdaGrad method)
(chainer.optimizers.Adam method)
(chainer.optimizers.AdamW method)
(chainer.optimizers.AMSBound method)
(chainer.optimizers.AMSGrad method)
(chainer.optimizers.CorrectedMomentumSGD method)
(chainer.optimizers.MomentumSGD method)
(chainer.optimizers.MSVAG method)
(chainer.optimizers.NesterovAG method)
(chainer.optimizers.RMSprop method)
(chainer.optimizers.RMSpropGraves method)
(chainer.optimizers.SGD method)
(chainer.optimizers.SMORMS3 method)
(chainer.Parameter method)
(chainer.Reporter method)
(chainer.Sequential method)
(chainer.Serializer method)
(chainer.serializers.DictionarySerializer method)
(chainer.serializers.HDF5Deserializer method)
(chainer.serializers.HDF5Serializer method)
(chainer.serializers.NpzDeserializer method)
(chainer.Summary method)
(chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
(chainer.training.Extension method)
(chainer.training.extensions.DumpGraph method)
(chainer.training.extensions.Evaluator method)
(chainer.training.extensions.ExponentialShift method)
(chainer.training.extensions.FailOnNonNumber method)
(chainer.training.extensions.InverseShift method)
(chainer.training.extensions.LinearShift method)
(chainer.training.extensions.LogReport method)
(chainer.training.extensions.MicroAverage method)
(chainer.training.extensions.MultistepShift method)
(chainer.training.extensions.ParameterStatistics method)
(chainer.training.extensions.PlotReport method)
(chainer.training.extensions.PolynomialShift method)
(chainer.training.extensions.PrintReport method)
(chainer.training.extensions.ProgressBar method)
(chainer.training.extensions.snapshot_writers.ProcessQueueWriter method)
(chainer.training.extensions.snapshot_writers.ProcessWriter method)
(chainer.training.extensions.snapshot_writers.QueueWriter method)
(chainer.training.extensions.snapshot_writers.SimpleWriter method)
(chainer.training.extensions.snapshot_writers.ThreadQueueWriter method)
(chainer.training.extensions.snapshot_writers.ThreadWriter method)
(chainer.training.extensions.snapshot_writers.Writer method)
(chainer.training.extensions.StepShift method)
(chainer.training.extensions.unchain_variables method)
(chainer.training.extensions.VariableStatisticsPlot method)
(chainer.training.extensions.WarmupShift method)
(chainer.training.Trainer method)
(chainer.training.triggers.BestValueTrigger method)
(chainer.training.triggers.EarlyStoppingTrigger method)
(chainer.training.triggers.IntervalTrigger method)
(chainer.training.triggers.ManualScheduleTrigger method)
(chainer.training.triggers.MaxValueTrigger method)
(chainer.training.triggers.MinValueTrigger method)
(chainer.training.triggers.OnceTrigger method)
(chainer.training.triggers.TimeTrigger method)
(chainer.training.Updater method)
(chainer.training.updaters.MultiprocessParallelUpdater method)
(chainer.training.updaters.ParallelUpdater method)
(chainer.training.updaters.StandardUpdater method)
(chainer.UpdateRule method)
(chainer.utils.CooMatrix method)
(chainer.utils.type_check.Expr method)
(chainer.utils.type_check.TypeInfo method)
(chainer.utils.type_check.TypeInfoTuple method)
(chainer.utils.type_check.Variable method)
(chainer.utils.WalkerAlias method)
(chainer.Variable method)
(chainer.variable.VariableNode method)
(chainerx.Backend method)
(chainerx.Context method)
(chainerx.Device method)
(chainerx.ndarray method)
__iter__() (chainer.ChainList method)
(chainer.dataset.Iterator method)
(chainer.dataset.tabular.DelegateDataset method)
(chainer.dataset.TabularDataset method)
(chainer.iterators.DaliIterator method)
(chainer.iterators.MultiprocessIterator method)
(chainer.iterators.MultithreadIterator method)
(chainer.iterators.SerialIterator method)
(chainer.links.MLPConvolution2D method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.Sequential method)
(chainer.utils.type_check.TypeInfoTuple method)
__le__() (chainer.AbstractSerializer method)
(chainer.backend.ChainerxDevice method)
(chainer.backend.CpuDevice method)
(chainer.backend.Device method)
(chainer.backend.GpuDevice method)
(chainer.backend.Intel64Device method)
(chainer.Chain method)
(chainer.ChainList method)
(chainer.computational_graph.ComputationalGraph method)
(chainer.configuration.GlobalConfig method)
(chainer.configuration.LocalConfig method)
(chainer.dataset.ConcatWithAsyncTransfer method)
(chainer.dataset.Converter method)
(chainer.dataset.DatasetMixin method)
(chainer.dataset.Iterator method)
(chainer.dataset.tabular.DelegateDataset method)
(chainer.dataset.TabularDataset method)
(chainer.datasets.ConcatenatedDataset method)
(chainer.datasets.DictDataset method)
(chainer.datasets.ImageDataset method)
(chainer.datasets.LabeledImageDataset method)
(chainer.datasets.LabeledZippedImageDataset method)
(chainer.datasets.MultiZippedImageDataset method)
(chainer.datasets.PickleDataset method)
(chainer.datasets.PickleDatasetWriter method)
(chainer.datasets.SubDataset method)
(chainer.datasets.TextDataset method)
(chainer.datasets.TransformDataset method)
(chainer.datasets.TupleDataset method)
(chainer.datasets.ZippedImageDataset method)
(chainer.Deserializer method)
(chainer.device_resident.DeviceResidentsVisitor method)
(chainer.DeviceResident method)
(chainer.DictSummary method)
(chainer.Distribution method)
(chainer.distributions.Bernoulli method)
(chainer.distributions.Beta method)
(chainer.distributions.Categorical method)
(chainer.distributions.Cauchy method)
(chainer.distributions.Chisquare method)
(chainer.distributions.Dirichlet method)
(chainer.distributions.Exponential method)
(chainer.distributions.Gamma method)
(chainer.distributions.Geometric method)
(chainer.distributions.Gumbel method)
(chainer.distributions.Independent method)
(chainer.distributions.Laplace method)
(chainer.distributions.LogNormal method)
(chainer.distributions.MultivariateNormal method)
(chainer.distributions.Normal method)
(chainer.distributions.OneHotCategorical method)
(chainer.distributions.Pareto method)
(chainer.distributions.Poisson method)
(chainer.distributions.Uniform method)
(chainer.Function method)
(chainer.function_hooks.CUDAProfileHook method)
(chainer.function_hooks.CupyMemoryProfileHook method)
(chainer.function_hooks.PrintHook method)
(chainer.function_hooks.TimerHook method)
(chainer.FunctionAdapter method)
(chainer.FunctionHook method)
(chainer.FunctionNode method)
(chainer.GradientMethod method)
(chainer.Initializer method)
(chainer.initializers.Constant method)
(chainer.initializers.DownsamplingConvFilter method)
(chainer.initializers.GlorotNormal method)
(chainer.initializers.GlorotUniform method)
(chainer.initializers.HeNormal method)
(chainer.initializers.HeUniform method)
(chainer.initializers.Identity method)
(chainer.initializers.LeCunNormal method)
(chainer.initializers.LeCunUniform method)
(chainer.initializers.NaN method)
(chainer.initializers.Normal method)
(chainer.initializers.One method)
(chainer.initializers.Orthogonal method)
(chainer.initializers.Uniform method)
(chainer.initializers.UpsamplingDeconvFilter method)
(chainer.initializers.Zero method)
(chainer.iterators.DaliIterator method)
(chainer.iterators.MultiprocessIterator method)
(chainer.iterators.MultithreadIterator method)
(chainer.iterators.OrderSampler method)
(chainer.iterators.SerialIterator method)
(chainer.iterators.ShuffleOrderSampler method)
(chainer.Link method)
(chainer.link_hooks.SpectralNormalization method)
(chainer.link_hooks.TimerHook method)
(chainer.link_hooks.WeightStandardization method)
(chainer.LinkHook method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Optimizer method)
(chainer.optimizer.Hyperparameter method)
(chainer.optimizer_hooks.GradientClipping method)
(chainer.optimizer_hooks.GradientHardClipping method)
(chainer.optimizer_hooks.GradientLARS method)
(chainer.optimizer_hooks.GradientNoise method)
(chainer.optimizer_hooks.Lasso method)
(chainer.optimizer_hooks.WeightDecay method)
(chainer.optimizers.AdaBound method)
(chainer.optimizers.AdaDelta method)
(chainer.optimizers.AdaGrad method)
(chainer.optimizers.Adam method)
(chainer.optimizers.AdamW method)
(chainer.optimizers.AMSBound method)
(chainer.optimizers.AMSGrad method)
(chainer.optimizers.CorrectedMomentumSGD method)
(chainer.optimizers.MomentumSGD method)
(chainer.optimizers.MSVAG method)
(chainer.optimizers.NesterovAG method)
(chainer.optimizers.RMSprop method)
(chainer.optimizers.RMSpropGraves method)
(chainer.optimizers.SGD method)
(chainer.optimizers.SMORMS3 method)
(chainer.Parameter method)
(chainer.Reporter method)
(chainer.Sequential method)
(chainer.Serializer method)
(chainer.serializers.DictionarySerializer method)
(chainer.serializers.HDF5Deserializer method)
(chainer.serializers.HDF5Serializer method)
(chainer.serializers.NpzDeserializer method)
(chainer.Summary method)
(chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
(chainer.training.Extension method)
(chainer.training.extensions.DumpGraph method)
(chainer.training.extensions.Evaluator method)
(chainer.training.extensions.ExponentialShift method)
(chainer.training.extensions.FailOnNonNumber method)
(chainer.training.extensions.InverseShift method)
(chainer.training.extensions.LinearShift method)
(chainer.training.extensions.LogReport method)
(chainer.training.extensions.MicroAverage method)
(chainer.training.extensions.MultistepShift method)
(chainer.training.extensions.ParameterStatistics method)
(chainer.training.extensions.PlotReport method)
(chainer.training.extensions.PolynomialShift method)
(chainer.training.extensions.PrintReport method)
(chainer.training.extensions.ProgressBar method)
(chainer.training.extensions.snapshot_writers.ProcessQueueWriter method)
(chainer.training.extensions.snapshot_writers.ProcessWriter method)
(chainer.training.extensions.snapshot_writers.QueueWriter method)
(chainer.training.extensions.snapshot_writers.SimpleWriter method)
(chainer.training.extensions.snapshot_writers.ThreadQueueWriter method)
(chainer.training.extensions.snapshot_writers.ThreadWriter method)
(chainer.training.extensions.snapshot_writers.Writer method)
(chainer.training.extensions.StepShift method)
(chainer.training.extensions.unchain_variables method)
(chainer.training.extensions.VariableStatisticsPlot method)
(chainer.training.extensions.WarmupShift method)
(chainer.training.Trainer method)
(chainer.training.triggers.BestValueTrigger method)
(chainer.training.triggers.EarlyStoppingTrigger method)
(chainer.training.triggers.IntervalTrigger method)
(chainer.training.triggers.ManualScheduleTrigger method)
(chainer.training.triggers.MaxValueTrigger method)
(chainer.training.triggers.MinValueTrigger method)
(chainer.training.triggers.OnceTrigger method)
(chainer.training.triggers.TimeTrigger method)
(chainer.training.Updater method)
(chainer.training.updaters.MultiprocessParallelUpdater method)
(chainer.training.updaters.ParallelUpdater method)
(chainer.training.updaters.StandardUpdater method)
(chainer.UpdateRule method)
(chainer.utils.CooMatrix method)
(chainer.utils.type_check.Expr method)
(chainer.utils.type_check.TypeInfo method)
(chainer.utils.type_check.TypeInfoTuple method)
(chainer.utils.type_check.Variable method)
(chainer.utils.WalkerAlias method)
(chainer.Variable method)
(chainer.variable.VariableNode method)
(chainerx.Backend method)
(chainerx.Context method)
(chainerx.Device method)
(chainerx.ndarray method)
__len__() (chainer.ChainList method)
(chainer.dataset.DatasetMixin method)
(chainer.dataset.tabular.DelegateDataset method)
(chainer.dataset.TabularDataset method)
(chainer.datasets.ConcatenatedDataset method)
(chainer.datasets.DictDataset method)
(chainer.datasets.ImageDataset method)
(chainer.datasets.LabeledImageDataset method)
(chainer.datasets.LabeledZippedImageDataset method)
(chainer.datasets.MultiZippedImageDataset method)
(chainer.datasets.PickleDataset method)
(chainer.datasets.SubDataset method)
(chainer.datasets.TextDataset method)
(chainer.datasets.TransformDataset method)
(chainer.datasets.TupleDataset method)
(chainer.datasets.ZippedImageDataset method)
(chainer.links.MLPConvolution2D method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.Parameter method)
(chainer.Sequential method)
(chainer.utils.type_check.TypeInfoTuple method)
(chainer.Variable method)
(chainerx.ndarray method)
__lt__() (chainer.AbstractSerializer method)
(chainer.backend.ChainerxDevice method)
(chainer.backend.CpuDevice method)
(chainer.backend.Device method)
(chainer.backend.GpuDevice method)
(chainer.backend.Intel64Device method)
(chainer.Chain method)
(chainer.ChainList method)
(chainer.computational_graph.ComputationalGraph method)
(chainer.configuration.GlobalConfig method)
(chainer.configuration.LocalConfig method)
(chainer.dataset.ConcatWithAsyncTransfer method)
(chainer.dataset.Converter method)
(chainer.dataset.DatasetMixin method)
(chainer.dataset.Iterator method)
(chainer.dataset.tabular.DelegateDataset method)
(chainer.dataset.TabularDataset method)
(chainer.datasets.ConcatenatedDataset method)
(chainer.datasets.DictDataset method)
(chainer.datasets.ImageDataset method)
(chainer.datasets.LabeledImageDataset method)
(chainer.datasets.LabeledZippedImageDataset method)
(chainer.datasets.MultiZippedImageDataset method)
(chainer.datasets.PickleDataset method)
(chainer.datasets.PickleDatasetWriter method)
(chainer.datasets.SubDataset method)
(chainer.datasets.TextDataset method)
(chainer.datasets.TransformDataset method)
(chainer.datasets.TupleDataset method)
(chainer.datasets.ZippedImageDataset method)
(chainer.Deserializer method)
(chainer.device_resident.DeviceResidentsVisitor method)
(chainer.DeviceResident method)
(chainer.DictSummary method)
(chainer.Distribution method)
(chainer.distributions.Bernoulli method)
(chainer.distributions.Beta method)
(chainer.distributions.Categorical method)
(chainer.distributions.Cauchy method)
(chainer.distributions.Chisquare method)
(chainer.distributions.Dirichlet method)
(chainer.distributions.Exponential method)
(chainer.distributions.Gamma method)
(chainer.distributions.Geometric method)
(chainer.distributions.Gumbel method)
(chainer.distributions.Independent method)
(chainer.distributions.Laplace method)
(chainer.distributions.LogNormal method)
(chainer.distributions.MultivariateNormal method)
(chainer.distributions.Normal method)
(chainer.distributions.OneHotCategorical method)
(chainer.distributions.Pareto method)
(chainer.distributions.Poisson method)
(chainer.distributions.Uniform method)
(chainer.Function method)
(chainer.function_hooks.CUDAProfileHook method)
(chainer.function_hooks.CupyMemoryProfileHook method)
(chainer.function_hooks.PrintHook method)
(chainer.function_hooks.TimerHook method)
(chainer.FunctionAdapter method)
(chainer.FunctionHook method)
(chainer.FunctionNode method)
(chainer.GradientMethod method)
(chainer.Initializer method)
(chainer.initializers.Constant method)
(chainer.initializers.DownsamplingConvFilter method)
(chainer.initializers.GlorotNormal method)
(chainer.initializers.GlorotUniform method)
(chainer.initializers.HeNormal method)
(chainer.initializers.HeUniform method)
(chainer.initializers.Identity method)
(chainer.initializers.LeCunNormal method)
(chainer.initializers.LeCunUniform method)
(chainer.initializers.NaN method)
(chainer.initializers.Normal method)
(chainer.initializers.One method)
(chainer.initializers.Orthogonal method)
(chainer.initializers.Uniform method)
(chainer.initializers.UpsamplingDeconvFilter method)
(chainer.initializers.Zero method)
(chainer.iterators.DaliIterator method)
(chainer.iterators.MultiprocessIterator method)
(chainer.iterators.MultithreadIterator method)
(chainer.iterators.OrderSampler method)
(chainer.iterators.SerialIterator method)
(chainer.iterators.ShuffleOrderSampler method)
(chainer.Link method)
(chainer.link_hooks.SpectralNormalization method)
(chainer.link_hooks.TimerHook method)
(chainer.link_hooks.WeightStandardization method)
(chainer.LinkHook method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Optimizer method)
(chainer.optimizer.Hyperparameter method)
(chainer.optimizer_hooks.GradientClipping method)
(chainer.optimizer_hooks.GradientHardClipping method)
(chainer.optimizer_hooks.GradientLARS method)
(chainer.optimizer_hooks.GradientNoise method)
(chainer.optimizer_hooks.Lasso method)
(chainer.optimizer_hooks.WeightDecay method)
(chainer.optimizers.AdaBound method)
(chainer.optimizers.AdaDelta method)
(chainer.optimizers.AdaGrad method)
(chainer.optimizers.Adam method)
(chainer.optimizers.AdamW method)
(chainer.optimizers.AMSBound method)
(chainer.optimizers.AMSGrad method)
(chainer.optimizers.CorrectedMomentumSGD method)
(chainer.optimizers.MomentumSGD method)
(chainer.optimizers.MSVAG method)
(chainer.optimizers.NesterovAG method)
(chainer.optimizers.RMSprop method)
(chainer.optimizers.RMSpropGraves method)
(chainer.optimizers.SGD method)
(chainer.optimizers.SMORMS3 method)
(chainer.Parameter method)
(chainer.Reporter method)
(chainer.Sequential method)
(chainer.Serializer method)
(chainer.serializers.DictionarySerializer method)
(chainer.serializers.HDF5Deserializer method)
(chainer.serializers.HDF5Serializer method)
(chainer.serializers.NpzDeserializer method)
(chainer.Summary method)
(chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
(chainer.training.Extension method)
(chainer.training.extensions.DumpGraph method)
(chainer.training.extensions.Evaluator method)
(chainer.training.extensions.ExponentialShift method)
(chainer.training.extensions.FailOnNonNumber method)
(chainer.training.extensions.InverseShift method)
(chainer.training.extensions.LinearShift method)
(chainer.training.extensions.LogReport method)
(chainer.training.extensions.MicroAverage method)
(chainer.training.extensions.MultistepShift method)
(chainer.training.extensions.ParameterStatistics method)
(chainer.training.extensions.PlotReport method)
(chainer.training.extensions.PolynomialShift method)
(chainer.training.extensions.PrintReport method)
(chainer.training.extensions.ProgressBar method)
(chainer.training.extensions.snapshot_writers.ProcessQueueWriter method)
(chainer.training.extensions.snapshot_writers.ProcessWriter method)
(chainer.training.extensions.snapshot_writers.QueueWriter method)
(chainer.training.extensions.snapshot_writers.SimpleWriter method)
(chainer.training.extensions.snapshot_writers.ThreadQueueWriter method)
(chainer.training.extensions.snapshot_writers.ThreadWriter method)
(chainer.training.extensions.snapshot_writers.Writer method)
(chainer.training.extensions.StepShift method)
(chainer.training.extensions.unchain_variables method)
(chainer.training.extensions.VariableStatisticsPlot method)
(chainer.training.extensions.WarmupShift method)
(chainer.training.Trainer method)
(chainer.training.triggers.BestValueTrigger method)
(chainer.training.triggers.EarlyStoppingTrigger method)
(chainer.training.triggers.IntervalTrigger method)
(chainer.training.triggers.ManualScheduleTrigger method)
(chainer.training.triggers.MaxValueTrigger method)
(chainer.training.triggers.MinValueTrigger method)
(chainer.training.triggers.OnceTrigger method)
(chainer.training.triggers.TimeTrigger method)
(chainer.training.Updater method)
(chainer.training.updaters.MultiprocessParallelUpdater method)
(chainer.training.updaters.ParallelUpdater method)
(chainer.training.updaters.StandardUpdater method)
(chainer.UpdateRule method)
(chainer.utils.CooMatrix method)
(chainer.utils.type_check.Expr method)
(chainer.utils.type_check.TypeInfo method)
(chainer.utils.type_check.TypeInfoTuple method)
(chainer.utils.type_check.Variable method)
(chainer.utils.WalkerAlias method)
(chainer.Variable method)
(chainer.variable.VariableNode method)
(chainerx.Backend method)
(chainerx.Context method)
(chainerx.Device method)
(chainerx.ndarray method)
__matmul__() (chainer.Parameter method)
(chainer.Variable method)
__mul__() (chainer.Parameter method)
(chainer.utils.type_check.Expr method)
(chainer.utils.type_check.TypeInfoTuple method)
(chainer.utils.type_check.Variable method)
(chainer.Variable method)
(chainerx.ndarray method)
__ne__() (chainer.AbstractSerializer method)
(chainer.backend.ChainerxDevice method)
(chainer.backend.CpuDevice method)
(chainer.backend.Device method)
(chainer.backend.GpuDevice method)
(chainer.backend.Intel64Device method)
(chainer.Chain method)
(chainer.ChainList method)
(chainer.computational_graph.ComputationalGraph method)
(chainer.configuration.GlobalConfig method)
(chainer.configuration.LocalConfig method)
(chainer.dataset.ConcatWithAsyncTransfer method)
(chainer.dataset.Converter method)
(chainer.dataset.DatasetMixin method)
(chainer.dataset.Iterator method)
(chainer.dataset.tabular.DelegateDataset method)
(chainer.dataset.TabularDataset method)
(chainer.datasets.ConcatenatedDataset method)
(chainer.datasets.DictDataset method)
(chainer.datasets.ImageDataset method)
(chainer.datasets.LabeledImageDataset method)
(chainer.datasets.LabeledZippedImageDataset method)
(chainer.datasets.MultiZippedImageDataset method)
(chainer.datasets.PickleDataset method)
(chainer.datasets.PickleDatasetWriter method)
(chainer.datasets.SubDataset method)
(chainer.datasets.TextDataset method)
(chainer.datasets.TransformDataset method)
(chainer.datasets.TupleDataset method)
(chainer.datasets.ZippedImageDataset method)
(chainer.Deserializer method)
(chainer.device_resident.DeviceResidentsVisitor method)
(chainer.DeviceResident method)
(chainer.DictSummary method)
(chainer.Distribution method)
(chainer.distributions.Bernoulli method)
(chainer.distributions.Beta method)
(chainer.distributions.Categorical method)
(chainer.distributions.Cauchy method)
(chainer.distributions.Chisquare method)
(chainer.distributions.Dirichlet method)
(chainer.distributions.Exponential method)
(chainer.distributions.Gamma method)
(chainer.distributions.Geometric method)
(chainer.distributions.Gumbel method)
(chainer.distributions.Independent method)
(chainer.distributions.Laplace method)
(chainer.distributions.LogNormal method)
(chainer.distributions.MultivariateNormal method)
(chainer.distributions.Normal method)
(chainer.distributions.OneHotCategorical method)
(chainer.distributions.Pareto method)
(chainer.distributions.Poisson method)
(chainer.distributions.Uniform method)
(chainer.Function method)
(chainer.function_hooks.CUDAProfileHook method)
(chainer.function_hooks.CupyMemoryProfileHook method)
(chainer.function_hooks.PrintHook method)
(chainer.function_hooks.TimerHook method)
(chainer.FunctionAdapter method)
(chainer.FunctionHook method)
(chainer.FunctionNode method)
(chainer.GradientMethod method)
(chainer.Initializer method)
(chainer.initializers.Constant method)
(chainer.initializers.DownsamplingConvFilter method)
(chainer.initializers.GlorotNormal method)
(chainer.initializers.GlorotUniform method)
(chainer.initializers.HeNormal method)
(chainer.initializers.HeUniform method)
(chainer.initializers.Identity method)
(chainer.initializers.LeCunNormal method)
(chainer.initializers.LeCunUniform method)
(chainer.initializers.NaN method)
(chainer.initializers.Normal method)
(chainer.initializers.One method)
(chainer.initializers.Orthogonal method)
(chainer.initializers.Uniform method)
(chainer.initializers.UpsamplingDeconvFilter method)
(chainer.initializers.Zero method)
(chainer.iterators.DaliIterator method)
(chainer.iterators.MultiprocessIterator method)
(chainer.iterators.MultithreadIterator method)
(chainer.iterators.OrderSampler method)
(chainer.iterators.SerialIterator method)
(chainer.iterators.ShuffleOrderSampler method)
(chainer.Link method)
(chainer.link_hooks.SpectralNormalization method)
(chainer.link_hooks.TimerHook method)
(chainer.link_hooks.WeightStandardization method)
(chainer.LinkHook method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Optimizer method)
(chainer.optimizer.Hyperparameter method)
(chainer.optimizer_hooks.GradientClipping method)
(chainer.optimizer_hooks.GradientHardClipping method)
(chainer.optimizer_hooks.GradientLARS method)
(chainer.optimizer_hooks.GradientNoise method)
(chainer.optimizer_hooks.Lasso method)
(chainer.optimizer_hooks.WeightDecay method)
(chainer.optimizers.AdaBound method)
(chainer.optimizers.AdaDelta method)
(chainer.optimizers.AdaGrad method)
(chainer.optimizers.Adam method)
(chainer.optimizers.AdamW method)
(chainer.optimizers.AMSBound method)
(chainer.optimizers.AMSGrad method)
(chainer.optimizers.CorrectedMomentumSGD method)
(chainer.optimizers.MomentumSGD method)
(chainer.optimizers.MSVAG method)
(chainer.optimizers.NesterovAG method)
(chainer.optimizers.RMSprop method)
(chainer.optimizers.RMSpropGraves method)
(chainer.optimizers.SGD method)
(chainer.optimizers.SMORMS3 method)
(chainer.Parameter method)
(chainer.Reporter method)
(chainer.Sequential method)
(chainer.Serializer method)
(chainer.serializers.DictionarySerializer method)
(chainer.serializers.HDF5Deserializer method)
(chainer.serializers.HDF5Serializer method)
(chainer.serializers.NpzDeserializer method)
(chainer.Summary method)
(chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
(chainer.training.Extension method)
(chainer.training.extensions.DumpGraph method)
(chainer.training.extensions.Evaluator method)
(chainer.training.extensions.ExponentialShift method)
(chainer.training.extensions.FailOnNonNumber method)
(chainer.training.extensions.InverseShift method)
(chainer.training.extensions.LinearShift method)
(chainer.training.extensions.LogReport method)
(chainer.training.extensions.MicroAverage method)
(chainer.training.extensions.MultistepShift method)
(chainer.training.extensions.ParameterStatistics method)
(chainer.training.extensions.PlotReport method)
(chainer.training.extensions.PolynomialShift method)
(chainer.training.extensions.PrintReport method)
(chainer.training.extensions.ProgressBar method)
(chainer.training.extensions.snapshot_writers.ProcessQueueWriter method)
(chainer.training.extensions.snapshot_writers.ProcessWriter method)
(chainer.training.extensions.snapshot_writers.QueueWriter method)
(chainer.training.extensions.snapshot_writers.SimpleWriter method)
(chainer.training.extensions.snapshot_writers.ThreadQueueWriter method)
(chainer.training.extensions.snapshot_writers.ThreadWriter method)
(chainer.training.extensions.snapshot_writers.Writer method)
(chainer.training.extensions.StepShift method)
(chainer.training.extensions.unchain_variables method)
(chainer.training.extensions.VariableStatisticsPlot method)
(chainer.training.extensions.WarmupShift method)
(chainer.training.Trainer method)
(chainer.training.triggers.BestValueTrigger method)
(chainer.training.triggers.EarlyStoppingTrigger method)
(chainer.training.triggers.IntervalTrigger method)
(chainer.training.triggers.ManualScheduleTrigger method)
(chainer.training.triggers.MaxValueTrigger method)
(chainer.training.triggers.MinValueTrigger method)
(chainer.training.triggers.OnceTrigger method)
(chainer.training.triggers.TimeTrigger method)
(chainer.training.Updater method)
(chainer.training.updaters.MultiprocessParallelUpdater method)
(chainer.training.updaters.ParallelUpdater method)
(chainer.training.updaters.StandardUpdater method)
(chainer.UpdateRule method)
(chainer.utils.CooMatrix method)
(chainer.utils.type_check.Expr method)
(chainer.utils.type_check.TypeInfo method)
(chainer.utils.type_check.TypeInfoTuple method)
(chainer.utils.type_check.Variable method)
(chainer.utils.WalkerAlias method)
(chainer.Variable method)
(chainer.variable.VariableNode method)
(chainerx.Backend method)
(chainerx.Context method)
(chainerx.Device method)
(chainerx.ndarray method)
__neg__() (chainer.Parameter method)
(chainer.utils.type_check.Expr method)
(chainer.utils.type_check.Variable method)
(chainer.Variable method)
(chainerx.ndarray method)
__next__() (chainer.dataset.Iterator method)
(chainer.iterators.DaliIterator method)
(chainer.iterators.MultiprocessIterator method)
(chainer.iterators.MultithreadIterator method)
(chainer.iterators.SerialIterator method)
__nonzero__() (chainer.Parameter method)
(chainer.utils.type_check.Expr method)
(chainer.utils.type_check.Variable method)
(chainer.Variable method)
__pow__() (chainer.Parameter method)
(chainer.utils.type_check.Expr method)
(chainer.utils.type_check.Variable method)
(chainer.Variable method)
(chainerx.ndarray method)
__radd__() (chainer.Parameter method)
(chainer.utils.type_check.Expr method)
(chainer.utils.type_check.Variable method)
(chainer.Variable method)
(chainerx.ndarray method)
__rdiv__() (chainer.Parameter method)
(chainer.Variable method)
__rfloordiv__() (chainer.Parameter method)
(chainer.utils.type_check.Expr method)
(chainer.utils.type_check.Variable method)
(chainer.Variable method)
(chainerx.ndarray method)
__rmatmul__() (chainer.Parameter method)
(chainer.Variable method)
__rmul__() (chainer.Parameter method)
(chainer.utils.type_check.Expr method)
(chainer.utils.type_check.TypeInfoTuple method)
(chainer.utils.type_check.Variable method)
(chainer.Variable method)
(chainerx.ndarray method)
__rpow__() (chainer.Parameter method)
(chainer.Variable method)
(chainerx.ndarray method)
__rsub__() (chainer.Parameter method)
(chainer.utils.type_check.Expr method)
(chainer.utils.type_check.Variable method)
(chainer.Variable method)
(chainerx.ndarray method)
__rtruediv__() (chainer.Parameter method)
(chainer.utils.type_check.Expr method)
(chainer.utils.type_check.Variable method)
(chainer.Variable method)
(chainerx.ndarray method)
__setitem__() (chainer.ChainList method)
(chainer.links.MLPConvolution2D method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.Sequential method)
(chainerx.ndarray method)
__sub__() (chainer.Parameter method)
(chainer.utils.type_check.Expr method)
(chainer.utils.type_check.Variable method)
(chainer.Variable method)
(chainerx.ndarray method)
__truediv__() (chainer.Parameter method)
(chainer.utils.type_check.Expr method)
(chainer.utils.type_check.Variable method)
(chainer.Variable method)
(chainerx.ndarray method)
A
a (chainer.distributions.Beta attribute)
absolute() (in module chainer.functions)
absolute_error() (in module chainer.functions)
(in module chainerx)
AbstractSerializer (class in chainer)
accuracy() (in module chainer.functions)
(in module chainerx)
adabound (chainer.optimizers.AdaBound attribute)
(chainer.optimizers.Adam attribute)
(chainer.optimizers.AdamW attribute)
(chainer.optimizers.AMSBound attribute)
(chainer.optimizers.AMSGrad attribute)
AdaBound (class in chainer.optimizers)
AdaDelta (class in chainer.optimizers)
AdaGrad (class in chainer.optimizers)
Adam (class in chainer.optimizers)
AdamW (class in chainer.optimizers)
add() (chainer.DictSummary method)
(chainer.Summary method)
(in module chainer.functions)
(in module chainerx)
add_hook() (chainer.Chain method)
(chainer.ChainList method)
(chainer.Function method)
(chainer.FunctionAdapter method)
(chainer.FunctionNode method)
(chainer.GradientMethod method)
(chainer.Link method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Optimizer method)
(chainer.optimizers.AdaBound method)
(chainer.optimizers.AdaDelta method)
(chainer.optimizers.AdaGrad method)
(chainer.optimizers.Adam method)
(chainer.optimizers.AdamW method)
(chainer.optimizers.AMSBound method)
(chainer.optimizers.AMSGrad method)
(chainer.optimizers.CorrectedMomentumSGD method)
(chainer.optimizers.MomentumSGD method)
(chainer.optimizers.MSVAG method)
(chainer.optimizers.NesterovAG method)
(chainer.optimizers.RMSprop method)
(chainer.optimizers.RMSpropGraves method)
(chainer.optimizers.SGD method)
(chainer.optimizers.SMORMS3 method)
(chainer.Sequential method)
(chainer.UpdateRule method)
(in module chainermn.global_except_hook)
add_link() (chainer.Chain method)
(chainer.ChainList method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.GoogLeNet method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Sequential method)
(chainermn.MultiNodeChainList method)
add_observer() (chainer.Reporter method)
add_observers() (chainer.Reporter method)
add_param() (chainer.Chain method)
(chainer.ChainList method)
(chainer.Link method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Sequential method)
add_persistent() (chainer.Chain method)
(chainer.ChainList method)
(chainer.Link method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Sequential method)
addCleanup() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
added() (chainer.function_hooks.CUDAProfileHook method)
(chainer.function_hooks.CupyMemoryProfileHook method)
(chainer.function_hooks.PrintHook method)
(chainer.function_hooks.TimerHook method)
(chainer.FunctionHook method)
(chainer.link_hooks.SpectralNormalization method)
(chainer.link_hooks.TimerHook method)
(chainer.link_hooks.WeightStandardization method)
(chainer.LinkHook method)
addgrad() (chainer.Parameter method)
(chainer.Variable method)
addgrads() (chainer.Chain method)
(chainer.ChainList method)
(chainer.Link method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Sequential method)
addTypeEqualityFunc() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
aggregate() (chainermn.extensions.GenericMultiNodeEvaluator method)
all() (chainerx.ndarray method)
(in module chainerx)
allgather() (chainermn.CommunicatorBase method)
(in module chainermn.functions)
allreduce() (chainermn.CommunicatorBase method)
allreduce_grad() (chainermn.CommunicatorBase method)
allreduce_obj() (chainermn.CommunicatorBase method)
AllreducePersistent (class in chainermn.extensions)
alltoall() (chainermn.CommunicatorBase method)
(in module chainermn.functions)
alpha (chainer.distributions.Dirichlet attribute)
(chainer.distributions.Pareto attribute)
(chainer.optimizers.AdaBound attribute)
(chainer.optimizers.Adam attribute)
(chainer.optimizers.AdamW attribute)
(chainer.optimizers.AMSBound attribute)
(chainer.optimizers.AMSGrad attribute)
(chainer.optimizers.RMSprop attribute)
(chainer.optimizers.RMSpropGraves attribute)
alpha0 (chainer.distributions.Dirichlet attribute)
alpha_t (chainer.optimizers.AdaBound attribute)
(chainer.optimizers.Adam attribute)
(chainer.optimizers.AdamW attribute)
(chainer.optimizers.AMSBound attribute)
(chainer.optimizers.AMSGrad attribute)
amax() (in module chainerx)
AMSBound (class in chainer.optimizers)
amsgrad (chainer.optimizers.AdaBound attribute)
(chainer.optimizers.Adam attribute)
(chainer.optimizers.AdamW attribute)
(chainer.optimizers.AMSBound attribute)
(chainer.optimizers.AMSGrad attribute)
AMSGrad (class in chainer.optimizers)
any() (chainerx.ndarray method)
(in module chainerx)
append() (chainer.ChainList method)
(chainer.links.MLPConvolution2D method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.Sequential method)
apply() (chainer.FunctionAdapter method)
(chainer.FunctionNode method)
arange() (in module chainerx)
arccos() (in module chainer.functions)
(in module chainerx)
arccosh() (in module chainerx)
arcsin() (in module chainer.functions)
(in module chainerx)
arcsinh() (in module chainerx)
arctan() (in module chainer.functions)
(in module chainerx)
arctan2() (in module chainer.functions)
(in module chainerx)
arctanh() (in module chainer.functions)
argmax() (chainer.links.CRF1d method)
(chainerx.ndarray method)
(in module chainer.functions)
(in module chainerx)
argmax_crf1d() (in module chainer.functions)
argmin() (chainerx.ndarray method)
(in module chainer.functions)
(in module chainerx)
array (chainer.Parameter attribute)
(chainer.Variable attribute)
array() (in module chainerx)
as_array() (in module chainer)
as_funcnode() (in module onnx_chainer.replace_func)
as_grad_stopped() (chainerx.ndarray method)
as_layout() (chainer.Parameter method)
(chainer.Variable method)
as_strided() (in module chainer.functions)
as_variable() (in module chainer)
asanyarray() (in module chainerx)
asarray() (in module chainerx)
ascontiguousarray() (in module chainerx)
asdict() (chainer.dataset.tabular.DelegateDataset method)
(chainer.dataset.TabularDataset method)
assert_() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assert_allclose() (in module chainer.testing)
assert_warns() (in module chainer.testing)
assertAlmostEqual() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertAlmostEquals() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertCountEqual() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertDictContainsSubset() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertDictEqual() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertEqual() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertEquals() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertFalse() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertGreater() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertGreaterEqual() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertIn() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertIs() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertIsInstance() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertIsNone() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertIsNot() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertIsNotNone() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertLess() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertLessEqual() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertListEqual() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertLogs() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertMultiLineEqual() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertNotAlmostEqual() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertNotAlmostEquals() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertNotEqual() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertNotEquals() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertNotIn() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertNotIsInstance() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertNotRegex() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertNotRegexpMatches() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertRaises() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertRaisesRegex() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertRaisesRegexp() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertRegex() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertRegexpMatches() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertSequenceEqual() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertSetEqual() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertTrue() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertTupleEqual() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertWarns() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
assertWarnsRegex() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
astuple() (chainer.dataset.tabular.DelegateDataset method)
(chainer.dataset.TabularDataset method)
astype() (chainerx.ndarray method)
atleast_2d() (in module chainerx)
atleast_3d() (in module chainerx)
autotune (chainer.configuration.GlobalConfig attribute)
available() (chainer.training.extensions.PlotReport static method)
(chainer.training.extensions.VariableStatisticsPlot static method)
(chainer.training.updaters.MultiprocessParallelUpdater static method)
available_layers (chainer.links.GoogLeNet attribute)
(chainer.links.model.vision.resnet.ResNetLayers attribute)
(chainer.links.ResNet101Layers attribute)
(chainer.links.ResNet152Layers attribute)
(chainer.links.ResNet50Layers attribute)
(chainer.links.VGG16Layers attribute)
(chainer.links.VGG19Layers attribute)
average() (in module chainer.functions)
average_pool() (in module chainerx)
average_pooling_1d() (in module chainer.functions)
average_pooling_2d() (in module chainer.functions)
average_pooling_3d() (in module chainer.functions)
average_pooling_nd() (in module chainer.functions)
B
b (chainer.distributions.Beta attribute)
backend (chainerx.Device attribute)
Backend (class in chainerx)
backend_config (chainer.testing.FunctionTestCase attribute)
(chainer.testing.LinkInitializersTestCase attribute)
(chainer.testing.LinkTestCase attribute)
backward() (chainer.Function method)
(chainer.FunctionAdapter method)
(chainer.FunctionNode method)
(chainer.Parameter method)
(chainer.Variable method)
(chainerx.ndarray method)
(in module chainer)
(in module chainerx)
backward_accumulate() (chainer.FunctionAdapter method)
(chainer.FunctionNode method)
backward_cpu() (chainer.Function method)
backward_gpu() (chainer.Function method)
backward_postprocess() (chainer.function_hooks.CUDAProfileHook method)
(chainer.function_hooks.CupyMemoryProfileHook method)
(chainer.function_hooks.PrintHook method)
(chainer.function_hooks.TimerHook method)
(chainer.FunctionHook method)
backward_preprocess() (chainer.function_hooks.CUDAProfileHook method)
(chainer.function_hooks.CupyMemoryProfileHook method)
(chainer.function_hooks.PrintHook method)
(chainer.function_hooks.TimerHook method)
(chainer.FunctionHook method)
batch_det() (in module chainer.functions)
batch_inv() (in module chainer.functions)
batch_l2_norm_squared() (in module chainer.functions)
batch_matmul() (in module chainer.functions)
batch_norm() (in module chainerx)
batch_normalization() (in module chainer.functions)
batch_renormalization() (in module chainer.functions)
batch_shape (chainer.Distribution attribute)
(chainer.distributions.Bernoulli attribute)
(chainer.distributions.Beta attribute)
(chainer.distributions.Categorical attribute)
(chainer.distributions.Cauchy attribute)
(chainer.distributions.Chisquare attribute)
(chainer.distributions.Dirichlet attribute)
(chainer.distributions.Exponential attribute)
(chainer.distributions.Gamma attribute)
(chainer.distributions.Geometric attribute)
(chainer.distributions.Gumbel attribute)
(chainer.distributions.Independent attribute)
(chainer.distributions.Laplace attribute)
(chainer.distributions.LogNormal attribute)
(chainer.distributions.MultivariateNormal attribute)
(chainer.distributions.Normal attribute)
(chainer.distributions.OneHotCategorical attribute)
(chainer.distributions.Pareto attribute)
(chainer.distributions.Poisson attribute)
(chainer.distributions.Uniform attribute)
batch_size (chainer.iterators.DaliIterator attribute)
BatchNormalization (class in chainer.links)
BatchRenormalization (class in chainer.links)
bcast() (chainermn.CommunicatorBase method)
(in module chainermn.functions)
bcast_data() (chainermn.CommunicatorBase method)
bcast_obj() (chainermn.CommunicatorBase method)
before_test() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
Bernoulli (class in chainer.distributions)
bernoulli_nll() (in module chainer.functions)
BestValueTrigger (class in chainer.training.triggers)
beta (chainer.links.BatchNormalization attribute)
(chainer.links.BatchRenormalization attribute)
(chainer.optimizers.MSVAG attribute)
Beta (class in chainer.distributions)
beta1 (chainer.optimizers.AdaBound attribute)
(chainer.optimizers.Adam attribute)
(chainer.optimizers.AdamW attribute)
(chainer.optimizers.AMSBound attribute)
(chainer.optimizers.AMSGrad attribute)
beta2 (chainer.optimizers.AdaBound attribute)
(chainer.optimizers.Adam attribute)
(chainer.optimizers.AdamW attribute)
(chainer.optimizers.AMSBound attribute)
(chainer.optimizers.AMSGrad attribute)
Bias (class in chainer.links)
bias() (in module chainer.functions)
Bilinear (class in chainer.links)
bilinear() (in module chainer.functions)
binary_accuracy() (in module chainer.functions)
BinaryHierarchicalSoftmax (class in chainer.links)
bitwise_and() (in module chainerx)
bitwise_or() (in module chainerx)
bitwise_xor() (in module chainerx)
black_out() (in module chainer.functions)
BlackOut (class in chainer.links)
broadcast() (in module chainer.functions)
broadcast_to() (in module chainer.functions)
(in module chainerx)
build_computational_graph() (in module chainer.computational_graph)
C
cache_or_load_file() (in module chainer.dataset)
cached_download() (in module chainer.dataset)
CaffeFunction (class in chainer.links.caffe)
calc_local() (chainermn.extensions.GenericMultiNodeEvaluator method)
call_for_each_param (chainer.optimizer_hooks.GradientHardClipping attribute)
(chainer.optimizer_hooks.GradientLARS attribute)
(chainer.optimizer_hooks.GradientNoise attribute)
(chainer.optimizer_hooks.Lasso attribute)
(chainer.optimizer_hooks.WeightDecay attribute)
call_hook() (chainer.GradientMethod method)
(chainer.Optimizer method)
(chainer.optimizers.AdaBound method)
(chainer.optimizers.AdaDelta method)
(chainer.optimizers.AdaGrad method)
(chainer.optimizers.Adam method)
(chainer.optimizers.AdamW method)
(chainer.optimizers.AMSBound method)
(chainer.optimizers.AMSGrad method)
(chainer.optimizers.CorrectedMomentumSGD method)
(chainer.optimizers.MomentumSGD method)
(chainer.optimizers.MSVAG method)
(chainer.optimizers.NesterovAG method)
(chainer.optimizers.RMSprop method)
(chainer.optimizers.RMSpropGraves method)
(chainer.optimizers.SGD method)
(chainer.optimizers.SMORMS3 method)
call_hooks() (chainer.GradientMethod method)
(chainer.Optimizer method)
(chainer.optimizers.AdaBound method)
(chainer.optimizers.AdaDelta method)
(chainer.optimizers.AdaGrad method)
(chainer.optimizers.Adam method)
(chainer.optimizers.AdamW method)
(chainer.optimizers.AMSBound method)
(chainer.optimizers.AMSGrad method)
(chainer.optimizers.CorrectedMomentumSGD method)
(chainer.optimizers.MomentumSGD method)
(chainer.optimizers.MSVAG method)
(chainer.optimizers.NesterovAG method)
(chainer.optimizers.RMSprop method)
(chainer.optimizers.RMSpropGraves method)
(chainer.optimizers.SGD method)
(chainer.optimizers.SMORMS3 method)
cast() (in module chainer.functions)
Categorical (class in chainer.distributions)
Cauchy (class in chainer.distributions)
cdf() (chainer.Distribution method)
(chainer.distributions.Bernoulli method)
(chainer.distributions.Beta method)
(chainer.distributions.Categorical method)
(chainer.distributions.Cauchy method)
(chainer.distributions.Chisquare method)
(chainer.distributions.Dirichlet method)
(chainer.distributions.Exponential method)
(chainer.distributions.Gamma method)
(chainer.distributions.Geometric method)
(chainer.distributions.Gumbel method)
(chainer.distributions.Independent method)
(chainer.distributions.Laplace method)
(chainer.distributions.LogNormal method)
(chainer.distributions.MultivariateNormal method)
(chainer.distributions.Normal method)
(chainer.distributions.OneHotCategorical method)
(chainer.distributions.Pareto method)
(chainer.distributions.Poisson method)
(chainer.distributions.Uniform method)
ceil() (in module chainer.functions)
(in module chainerx)
Chain (class in chainer)
chainer
module
,
[1]
,
[2]
chainer.backend
module
chainer.backends.cuda
module
chainer.backends.intel64
module
chainer.computational_graph
module
chainer.dataset
module
chainer.datasets
module
chainer.distributions
module
chainer.exporters
module
chainer.function_hooks
module
chainer.functions
module
chainer.gradient_check
module
chainer.initializers
module
chainer.iterators
module
chainer.link_hooks
module
chainer.links
module
chainer.links.caffe
module
chainer.optimizers
module
chainer.serializers
module
chainer.testing
module
chainer.training
module
chainer.training.extensions.snapshot_writers
module
chainer.utils
module
chainer.utils.type_check
module
chainermn
module
,
[1]
,
[2]
,
[3]
chainerx
module
,
[1]
,
[2]
,
[3]
,
[4]
chainerx_device (chainer.FunctionAdapter attribute)
(chainer.FunctionNode attribute)
ChainerxDevice (class in chainer.backend)
ChainList (class in chainer)
check_backward() (in module chainer.gradient_check)
check_backward_options (chainer.testing.FunctionTestCase attribute)
(chainer.testing.LinkTestCase attribute)
check_double_backward() (in module chainer.gradient_check)
check_double_backward_options (chainer.testing.FunctionTestCase attribute)
check_forward_options (chainer.testing.FunctionTestCase attribute)
(chainer.testing.LinkTestCase attribute)
check_forward_outputs() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
check_initializers_options (chainer.testing.LinkInitializersTestCase attribute)
check_layout_forward() (chainer.FunctionAdapter method)
(chainer.FunctionNode method)
check_nan_in_grads() (chainer.GradientMethod method)
(chainer.Optimizer method)
(chainer.optimizers.AdaBound method)
(chainer.optimizers.AdaDelta method)
(chainer.optimizers.AdaGrad method)
(chainer.optimizers.Adam method)
(chainer.optimizers.AdamW method)
(chainer.optimizers.AMSBound method)
(chainer.optimizers.AMSGrad method)
(chainer.optimizers.CorrectedMomentumSGD method)
(chainer.optimizers.MomentumSGD method)
(chainer.optimizers.MSVAG method)
(chainer.optimizers.NesterovAG method)
(chainer.optimizers.RMSprop method)
(chainer.optimizers.RMSpropGraves method)
(chainer.optimizers.SGD method)
(chainer.optimizers.SMORMS3 method)
check_type_forward() (chainer.Function method)
(chainer.FunctionAdapter method)
(chainer.FunctionNode method)
children() (chainer.Chain method)
(chainer.ChainList method)
(chainer.Link method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Sequential method)
ChildSumTreeLSTM (class in chainer.links)
Chisquare (class in chainer.distributions)
cholesky() (in module chainer.functions)
(in module chainerx.linalg)
chx_array (chainer.Parameter attribute)
(chainer.Variable attribute)
classification_summary() (in module chainer.functions)
Classifier (class in chainer.links)
clear() (chainer.ChainList method)
(chainer.links.MLPConvolution2D method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.Sequential method)
clear_memo() (in module chainer.backends.cuda)
cleargrad() (chainer.Parameter method)
(chainer.Variable method)
(chainerx.ndarray method)
cleargrads() (chainer.Chain method)
(chainer.ChainList method)
(chainer.Link method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Sequential method)
clip() (chainerx.ndarray method)
(in module chainer.functions)
(in module chainerx)
clipped_relu() (in module chainer.functions)
close() (chainer.datasets.PickleDataset method)
(chainer.datasets.PickleDatasetWriter method)
(chainer.datasets.TextDataset method)
CommunicatorBase (class in chainermn)
ComputationalGraph (class in chainer.computational_graph)
compute_accuracy (chainer.links.Classifier attribute)
compute_mean() (chainer.DictSummary method)
(chainer.Summary method)
compute_mode (chainer.configuration.GlobalConfig attribute)
concat() (chainer.dataset.tabular.DelegateDataset method)
(chainer.dataset.TabularDataset method)
(in module chainer.functions)
concat_examples (in module chainer.dataset)
concatenate() (in module chainerx)
ConcatenatedDataset (class in chainer.datasets)
ConcatWithAsyncTransfer (class in chainer.dataset)
config (in module chainer)
connect_trainer() (chainer.training.Updater method)
(chainer.training.updaters.MultiprocessParallelUpdater method)
(chainer.training.updaters.ParallelUpdater method)
(chainer.training.updaters.StandardUpdater method)
connectionist_temporal_classification() (in module chainer.functions)
Constant (class in chainer.initializers)
consume() (chainer.training.extensions.snapshot_writers.ProcessQueueWriter method)
(chainer.training.extensions.snapshot_writers.QueueWriter method)
(chainer.training.extensions.snapshot_writers.ThreadQueueWriter method)
context (chainerx.Backend attribute)
(chainerx.Device attribute)
Context (class in chainerx)
contiguous (chainer.testing.FunctionTestCase attribute)
(chainer.testing.LinkInitializersTestCase attribute)
(chainer.testing.LinkTestCase attribute)
contrastive() (in module chainer.functions)
conv() (in module chainerx)
conv_transpose() (in module chainerx)
convert() (chainer.dataset.tabular.DelegateDataset method)
(chainer.dataset.TabularDataset method)
convert_caffemodel_to_npz() (chainer.links.GoogLeNet class method)
(chainer.links.model.vision.resnet.ResNetLayers class method)
(chainer.links.ResNet101Layers class method)
(chainer.links.ResNet152Layers class method)
(chainer.links.ResNet50Layers class method)
(chainer.links.VGG16Layers class method)
(chainer.links.VGG19Layers class method)
Converter (class in chainer.dataset)
converter() (in module chainer.dataset)
Convolution1D (class in chainer.links)
Convolution2D (class in chainer.links)
Convolution3D (class in chainer.links)
convolution_1d() (in module chainer.functions)
convolution_2d() (in module chainer.functions)
convolution_3d() (in module chainer.functions)
convolution_nd() (in module chainer.functions)
ConvolutionND (class in chainer.links)
CooMatrix (class in chainer.utils)
copy() (chainer.Chain method)
(chainer.ChainList method)
(chainer.Link method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Sequential method)
(chainerx.ndarray method)
(in module chainer.backends.cuda)
(in module chainer.functions)
(in module chainerx)
copydata() (chainer.Parameter method)
(chainer.Variable method)
copyparams() (chainer.Chain method)
(chainer.ChainList method)
(chainer.Link method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Sequential method)
copyto() (in module chainer.backend)
CorrectedMomentumSGD (class in chainer.optimizers)
cos() (in module chainer.functions)
(in module chainerx)
cosh() (in module chainer.functions)
(in module chainerx)
count() (chainer.ChainList method)
(chainer.links.MLPConvolution2D method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.Sequential method)
(chainer.utils.type_check.TypeInfoTuple method)
count_by_layer_type() (chainer.Sequential method)
count_params() (chainer.Chain method)
(chainer.ChainList method)
(chainer.Link method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Sequential method)
countTestCases() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
covariance (chainer.Distribution attribute)
(chainer.distributions.Bernoulli attribute)
(chainer.distributions.Beta attribute)
(chainer.distributions.Categorical attribute)
(chainer.distributions.Cauchy attribute)
(chainer.distributions.Chisquare attribute)
(chainer.distributions.Dirichlet attribute)
(chainer.distributions.Exponential attribute)
(chainer.distributions.Gamma attribute)
(chainer.distributions.Geometric attribute)
(chainer.distributions.Gumbel attribute)
(chainer.distributions.Independent attribute)
(chainer.distributions.Laplace attribute)
(chainer.distributions.LogNormal attribute)
(chainer.distributions.MultivariateNormal attribute)
(chainer.distributions.Normal attribute)
(chainer.distributions.OneHotCategorical attribute)
(chainer.distributions.Pareto attribute)
(chainer.distributions.Poisson attribute)
(chainer.distributions.Uniform attribute)
CpuDevice (class in chainer.backend)
create_communicator() (in module chainermn)
create_consumer() (chainer.training.extensions.snapshot_writers.ProcessQueueWriter method)
(chainer.training.extensions.snapshot_writers.QueueWriter method)
(chainer.training.extensions.snapshot_writers.ThreadQueueWriter method)
create_context() (chainer.backend.ChainerxDevice method)
(chainer.backend.CpuDevice method)
(chainer.backend.Device method)
(chainer.backend.GpuDevice method)
(chainer.backend.Intel64Device method)
create_empty_dataset() (in module chainermn.datasets)
create_huffman_tree() (chainer.links.BinaryHierarchicalSoftmax static method)
create_link() (chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
create_mnbn_model() (in module chainermn.links)
create_multi_node_checkpointer() (in module chainermn)
create_multi_node_evaluator() (in module chainermn)
create_multi_node_iterator() (in module chainermn.iterators)
create_multi_node_optimizer() (in module chainermn)
create_queue() (chainer.training.extensions.snapshot_writers.ProcessQueueWriter method)
(chainer.training.extensions.snapshot_writers.QueueWriter method)
(chainer.training.extensions.snapshot_writers.ThreadQueueWriter method)
create_synchronized_iterator() (in module chainermn.iterators)
create_task() (chainer.training.extensions.snapshot_writers.ProcessQueueWriter method)
(chainer.training.extensions.snapshot_writers.QueueWriter method)
(chainer.training.extensions.snapshot_writers.ThreadQueueWriter method)
create_update_rule() (chainer.GradientMethod method)
(chainer.optimizers.AdaBound method)
(chainer.optimizers.AdaDelta method)
(chainer.optimizers.AdaGrad method)
(chainer.optimizers.Adam method)
(chainer.optimizers.AdamW method)
(chainer.optimizers.AMSBound method)
(chainer.optimizers.AMSGrad method)
(chainer.optimizers.CorrectedMomentumSGD method)
(chainer.optimizers.MomentumSGD method)
(chainer.optimizers.MSVAG method)
(chainer.optimizers.NesterovAG method)
(chainer.optimizers.RMSprop method)
(chainer.optimizers.RMSpropGraves method)
(chainer.optimizers.SGD method)
(chainer.optimizers.SMORMS3 method)
create_worker() (chainer.training.extensions.snapshot_writers.ProcessWriter method)
(chainer.training.extensions.snapshot_writers.ThreadWriter method)
creator (chainer.Parameter attribute)
(chainer.Variable attribute)
(chainer.variable.VariableNode attribute)
creator_node (chainer.Parameter attribute)
(chainer.Variable attribute)
(chainer.variable.VariableNode attribute)
crelu() (in module chainer.functions)
CRF1d (class in chainer.links)
crf1d() (in module chainer.functions)
cross_covariance() (in module chainer.functions)
cross_entropy() (in module chainer)
CUDAProfileHook (class in chainer.function_hooks)
cudnn_deterministic (chainer.configuration.GlobalConfig attribute)
cudnn_fast_batch_normalization (chainer.configuration.GlobalConfig attribute)
cumprod() (in module chainer.functions)
cumsum() (in module chainer.functions)
CupyMemoryProfileHook (class in chainer.function_hooks)
current_position (chainer.iterators.MultiprocessIterator attribute)
(chainer.iterators.MultithreadIterator attribute)
(chainer.iterators.SerialIterator attribute)
D
d (chainer.distributions.MultivariateNormal attribute)
DaliIterator (class in chainer.iterators)
data (chainer.Parameter attribute)
(chainer.Variable attribute)
(chainer.variable.VariableNode attribute)
data_ptr (chainerx.ndarray attribute)
data_size (chainerx.ndarray attribute)
DatasetMixin (class in chainer.dataset)
debug (chainer.configuration.GlobalConfig attribute)
debug() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
debug_print() (chainer.Parameter method)
(chainer.Variable method)
Deconvolution1D (class in chainer.links)
Deconvolution2D (class in chainer.links)
Deconvolution3D (class in chainer.links)
deconvolution_1d() (in module chainer.functions)
deconvolution_2d() (in module chainer.functions)
deconvolution_3d() (in module chainer.functions)
deconvolution_nd() (in module chainer.functions)
DeconvolutionND (class in chainer.links)
decorrelated_batch_normalization() (in module chainer.functions)
DecorrelatedBatchNormalization (class in chainer.links)
decov() (in module chainer.functions)
default_name (chainer.training.Extension attribute)
(chainer.training.extensions.DumpGraph attribute)
(chainer.training.extensions.Evaluator attribute)
(chainer.training.extensions.ExponentialShift attribute)
(chainer.training.extensions.FailOnNonNumber attribute)
(chainer.training.extensions.InverseShift attribute)
(chainer.training.extensions.LinearShift attribute)
(chainer.training.extensions.LogReport attribute)
(chainer.training.extensions.MicroAverage attribute)
(chainer.training.extensions.MultistepShift attribute)
(chainer.training.extensions.ParameterStatistics attribute)
(chainer.training.extensions.PlotReport attribute)
(chainer.training.extensions.PolynomialShift attribute)
(chainer.training.extensions.PrintReport attribute)
(chainer.training.extensions.ProgressBar attribute)
(chainer.training.extensions.StepShift attribute)
(chainer.training.extensions.unchain_variables attribute)
(chainer.training.extensions.VariableStatisticsPlot attribute)
(chainer.training.extensions.WarmupShift attribute)
default_statistics (chainer.training.extensions.ParameterStatistics attribute)
defaultTestResult() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
deformable_convolution_2d_sampler() (in module chainer.functions)
DeformableConvolution2D (class in chainer.links)
DelegateDataset (class in chainer.dataset.tabular)
delete_hook() (chainer.Chain method)
(chainer.ChainList method)
(chainer.Function method)
(chainer.FunctionAdapter method)
(chainer.FunctionNode method)
(chainer.Link method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Sequential method)
deleted() (chainer.function_hooks.CUDAProfileHook method)
(chainer.function_hooks.CupyMemoryProfileHook method)
(chainer.function_hooks.PrintHook method)
(chainer.function_hooks.TimerHook method)
(chainer.FunctionHook method)
(chainer.link_hooks.SpectralNormalization method)
(chainer.link_hooks.TimerHook method)
(chainer.link_hooks.WeightStandardization method)
(chainer.LinkHook method)
depth2space() (in module chainer.functions)
depthwise_convolution_2d() (in module chainer.functions)
DepthwiseConvolution2D (class in chainer.links)
Deserializer (class in chainer)
det() (in module chainer.functions)
device (chainer.Chain attribute)
(chainer.ChainList attribute)
(chainer.DeviceResident attribute)
(chainer.Link attribute)
(chainer.links.BatchNormalization attribute)
(chainer.links.BatchRenormalization attribute)
(chainer.links.Bias attribute)
(chainer.links.Bilinear attribute)
(chainer.links.BinaryHierarchicalSoftmax attribute)
(chainer.links.BlackOut attribute)
(chainer.links.caffe.CaffeFunction attribute)
(chainer.links.ChildSumTreeLSTM attribute)
(chainer.links.Classifier attribute)
(chainer.links.Convolution1D attribute)
(chainer.links.Convolution2D attribute)
(chainer.links.Convolution3D attribute)
(chainer.links.ConvolutionND attribute)
(chainer.links.CRF1d attribute)
(chainer.links.Deconvolution1D attribute)
(chainer.links.Deconvolution2D attribute)
(chainer.links.Deconvolution3D attribute)
(chainer.links.DeconvolutionND attribute)
(chainer.links.DecorrelatedBatchNormalization attribute)
(chainer.links.DeformableConvolution2D attribute)
(chainer.links.DepthwiseConvolution2D attribute)
(chainer.links.DilatedConvolution2D attribute)
(chainer.links.EmbedID attribute)
(chainer.links.GoogLeNet attribute)
(chainer.links.GroupNormalization attribute)
(chainer.links.GRU attribute)
(chainer.links.Highway attribute)
(chainer.links.Inception attribute)
(chainer.links.InceptionBN attribute)
(chainer.links.LayerNormalization attribute)
(chainer.links.Linear attribute)
(chainer.links.LocalConvolution2D attribute)
(chainer.links.LSTM attribute)
(chainer.links.Maxout attribute)
(chainer.links.MLPConvolution2D attribute)
(chainer.links.model.vision.resnet.ResNetLayers attribute)
(chainer.links.NaryTreeLSTM attribute)
(chainer.links.NegativeSampling attribute)
(chainer.links.NStepBiGRU attribute)
(chainer.links.NStepBiLSTM attribute)
(chainer.links.NStepBiRNNReLU attribute)
(chainer.links.NStepBiRNNTanh attribute)
(chainer.links.NStepGRU attribute)
(chainer.links.NStepLSTM attribute)
(chainer.links.NStepRNNReLU attribute)
(chainer.links.NStepRNNTanh attribute)
(chainer.links.Parameter attribute)
(chainer.links.PReLU attribute)
(chainer.links.ResNet101Layers attribute)
(chainer.links.ResNet152Layers attribute)
(chainer.links.ResNet50Layers attribute)
(chainer.links.Scale attribute)
(chainer.links.SimplifiedDropconnect attribute)
(chainer.links.StatefulGRU attribute)
(chainer.links.StatefulMGU attribute)
(chainer.links.StatefulPeepholeLSTM attribute)
(chainer.links.StatefulZoneoutLSTM attribute)
(chainer.links.StatelessGRU attribute)
(chainer.links.StatelessLSTM attribute)
(chainer.links.StatelessMGU attribute)
(chainer.links.Swish attribute)
(chainer.links.TheanoFunction attribute)
(chainer.links.VGG16Layers attribute)
(chainer.links.VGG19Layers attribute)
(chainer.Parameter attribute)
(chainer.Sequential attribute)
(chainer.training.updaters.MultiprocessParallelUpdater attribute)
(chainer.training.updaters.ParallelUpdater attribute)
(chainer.training.updaters.StandardUpdater attribute)
(chainer.utils.WalkerAlias attribute)
(chainer.Variable attribute)
(chainerx.ndarray attribute)
Device (class in chainer.backend)
(class in chainerx)
device_resident_accept() (chainer.Chain method)
(chainer.ChainList method)
(chainer.DeviceResident method)
(chainer.Link method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Sequential method)
(chainer.utils.WalkerAlias method)
DeviceResident (class in chainer)
DeviceResidentsVisitor (class in chainer.device_resident)
diag() (in module chainerx)
diagflat() (in module chainerx)
diagonal() (in module chainer.functions)
DictDataset (class in chainer.datasets)
DictionarySerializer (class in chainer.serializers)
DictSummary (class in chainer)
digamma() (in module chainer.functions)
dilated_convolution_2d() (in module chainer.functions)
DilatedConvolution2D (class in chainer.links)
Dirichlet (class in chainer.distributions)
disable_update() (chainer.Chain method)
(chainer.ChainList method)
(chainer.Link method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Sequential method)
discriminative_margin_based_clustering_loss() (in module chainer.functions)
distribution (chainer.distributions.Independent attribute)
Distribution (class in chainer)
divide() (in module chainerx)
doCleanups() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
dodge_nondifferentiable (chainer.testing.FunctionTestCase attribute)
(chainer.testing.LinkTestCase attribute)
dot() (chainerx.ndarray method)
(in module chainerx)
DownsamplingConvFilter (class in chainer.initializers)
dropout() (in module chainer.functions)
dsplit() (in module chainerx)
dstack() (in module chainer.functions)
(in module chainerx)
dtype (chainer.configuration.GlobalConfig attribute)
(chainer.Parameter attribute)
(chainer.Variable attribute)
(chainer.variable.VariableNode attribute)
(chainerx.ndarray attribute)
dump() (chainer.computational_graph.ComputationalGraph method)
DumpGraph (class in chainer.training.extensions)
DumpGraph()
E
EarlyStoppingTrigger (class in chainer.training.triggers)
eigh() (in module chainerx.linalg)
eigvalsh() (in module chainerx.linalg)
einsum() (in module chainer.functions)
elapsed_time (chainer.training.Trainer attribute)
elementwise() (in module chainer.backends.cuda)
elu() (in module chainer.functions)
embed_id() (in module chainer.functions)
EmbedID (class in chainer.links)
empty() (in module chainerx)
empty_like() (in module chainerx)
enable_backprop (chainer.configuration.GlobalConfig attribute)
enable_update() (chainer.Chain method)
(chainer.ChainList method)
(chainer.Link method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Sequential method)
entropy (chainer.Distribution attribute)
(chainer.distributions.Bernoulli attribute)
(chainer.distributions.Beta attribute)
(chainer.distributions.Categorical attribute)
(chainer.distributions.Cauchy attribute)
(chainer.distributions.Chisquare attribute)
(chainer.distributions.Dirichlet attribute)
(chainer.distributions.Exponential attribute)
(chainer.distributions.Gamma attribute)
(chainer.distributions.Geometric attribute)
(chainer.distributions.Gumbel attribute)
(chainer.distributions.Independent attribute)
(chainer.distributions.Laplace attribute)
(chainer.distributions.LogNormal attribute)
(chainer.distributions.MultivariateNormal attribute)
(chainer.distributions.Normal attribute)
(chainer.distributions.OneHotCategorical attribute)
(chainer.distributions.Pareto attribute)
(chainer.distributions.Poisson attribute)
(chainer.distributions.Uniform attribute)
environment variable
LD_LIBRARY_PATH
MV2_SMP_USE_CMA
,
[1]
MV2_USE_CUDA
,
[1]
PATH
epoch (chainer.GradientMethod attribute)
(chainer.iterators.MultiprocessIterator attribute)
(chainer.iterators.MultithreadIterator attribute)
(chainer.iterators.SerialIterator attribute)
(chainer.Optimizer attribute)
(chainer.optimizers.AdaBound attribute)
(chainer.optimizers.AdaDelta attribute)
(chainer.optimizers.AdaGrad attribute)
(chainer.optimizers.Adam attribute)
(chainer.optimizers.AdamW attribute)
(chainer.optimizers.AMSBound attribute)
(chainer.optimizers.AMSGrad attribute)
(chainer.optimizers.CorrectedMomentumSGD attribute)
(chainer.optimizers.MomentumSGD attribute)
(chainer.optimizers.MSVAG attribute)
(chainer.optimizers.NesterovAG attribute)
(chainer.optimizers.RMSprop attribute)
(chainer.optimizers.RMSpropGraves attribute)
(chainer.optimizers.SGD attribute)
(chainer.optimizers.SMORMS3 attribute)
(chainer.training.updaters.MultiprocessParallelUpdater attribute)
(chainer.training.updaters.ParallelUpdater attribute)
(chainer.training.updaters.StandardUpdater attribute)
epoch_detail (chainer.iterators.DaliIterator attribute)
(chainer.iterators.MultiprocessIterator attribute)
(chainer.iterators.MultithreadIterator attribute)
(chainer.iterators.SerialIterator attribute)
(chainer.training.updaters.MultiprocessParallelUpdater attribute)
(chainer.training.updaters.ParallelUpdater attribute)
(chainer.training.updaters.StandardUpdater attribute)
eps (chainer.optimizers.AdaBound attribute)
(chainer.optimizers.AdaDelta attribute)
(chainer.optimizers.AdaGrad attribute)
(chainer.optimizers.Adam attribute)
(chainer.optimizers.AdamW attribute)
(chainer.optimizers.AMSBound attribute)
(chainer.optimizers.AMSGrad attribute)
(chainer.optimizers.RMSprop attribute)
(chainer.optimizers.RMSpropGraves attribute)
(chainer.optimizers.SMORMS3 attribute)
eps_inside_sqrt (chainer.optimizers.RMSprop attribute)
equal() (in module chainerx)
erf() (in module chainer.functions)
erfc() (in module chainer.functions)
erfcinv() (in module chainer.functions)
erfcx() (in module chainer.functions)
erfinv() (in module chainer.functions)
eta (chainer.optimizers.AdaBound attribute)
(chainer.optimizers.Adam attribute)
(chainer.optimizers.AdamW attribute)
(chainer.optimizers.AMSBound attribute)
(chainer.optimizers.AMSGrad attribute)
(chainer.optimizers.MSVAG attribute)
eval() (chainer.utils.type_check.Expr method)
(chainer.utils.type_check.Variable method)
(in module chainer.utils.type_check)
evaluate() (chainer.training.extensions.Evaluator method)
Evaluator
(class in chainer.training.extensions)
event_shape (chainer.Distribution attribute)
(chainer.distributions.Bernoulli attribute)
(chainer.distributions.Beta attribute)
(chainer.distributions.Categorical attribute)
(chainer.distributions.Cauchy attribute)
(chainer.distributions.Chisquare attribute)
(chainer.distributions.Dirichlet attribute)
(chainer.distributions.Exponential attribute)
(chainer.distributions.Gamma attribute)
(chainer.distributions.Geometric attribute)
(chainer.distributions.Gumbel attribute)
(chainer.distributions.Independent attribute)
(chainer.distributions.Laplace attribute)
(chainer.distributions.LogNormal attribute)
(chainer.distributions.MultivariateNormal attribute)
(chainer.distributions.Normal attribute)
(chainer.distributions.OneHotCategorical attribute)
(chainer.distributions.Pareto attribute)
(chainer.distributions.Poisson attribute)
(chainer.distributions.Uniform attribute)
exp() (in module chainer.functions)
(in module chainerx)
expand_dims() (in module chainer.functions)
(in module chainerx)
expect() (in module chainer.utils.type_check)
experimental() (in module chainer.utils)
expm1() (in module chainer.functions)
Exponential (class in chainer.distributions)
ExponentialShift (class in chainer.training.extensions)
export() (in module chainer.exporters.caffe)
(in module onnx_chainer)
export_testcase() (in module onnx_chainer)
Expr (class in chainer.utils.type_check)
extend() (chainer.ChainList method)
(chainer.links.MLPConvolution2D method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.Sequential method)
(chainer.training.Trainer method)
Extension (class in chainer.training)
extract() (chainer.links.GoogLeNet method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
eye() (in module chainerx)
F
f1_score() (in module chainer.functions)
fabs() (in module chainerx)
fail() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
failIf() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
failIfAlmostEqual() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
failIfEqual() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
FailOnNonNumber (class in chainer.training.extensions)
failUnless() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
failUnlessAlmostEqual() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
failUnlessEqual() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
failUnlessRaises() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
fake_as_funcnode() (in module onnx_chainer.replace_func)
fallback_device (chainer.backend.ChainerxDevice attribute)
fetch() (chainer.dataset.tabular.DelegateDataset method)
(chainer.dataset.TabularDataset method)
fft() (in module chainer.functions)
fill() (chainerx.ndarray method)
fill_value (chainer.initializers.Constant attribute)
(chainer.initializers.NaN attribute)
(chainer.initializers.One attribute)
(chainer.initializers.Zero attribute)
final_lr (chainer.optimizers.AdaBound attribute)
(chainer.optimizers.Adam attribute)
(chainer.optimizers.AdamW attribute)
(chainer.optimizers.AMSBound attribute)
(chainer.optimizers.AMSGrad attribute)
finalize() (chainer.dataset.Iterator method)
(chainer.iterators.DaliIterator method)
(chainer.iterators.MultiprocessIterator method)
(chainer.iterators.MultithreadIterator method)
(chainer.iterators.SerialIterator method)
(chainer.training.Extension method)
(chainer.training.extensions.DumpGraph method)
(chainer.training.extensions.Evaluator method)
(chainer.training.extensions.ExponentialShift method)
(chainer.training.extensions.FailOnNonNumber method)
(chainer.training.extensions.InverseShift method)
(chainer.training.extensions.LinearShift method)
(chainer.training.extensions.LogReport method)
(chainer.training.extensions.MicroAverage method)
(chainer.training.extensions.MultistepShift method)
(chainer.training.extensions.ParameterStatistics method)
(chainer.training.extensions.PlotReport method)
(chainer.training.extensions.PolynomialShift method)
(chainer.training.extensions.PrintReport method)
(chainer.training.extensions.ProgressBar method)
(chainer.training.extensions.snapshot_writers.ProcessQueueWriter method)
(chainer.training.extensions.snapshot_writers.ProcessWriter method)
(chainer.training.extensions.snapshot_writers.QueueWriter method)
(chainer.training.extensions.snapshot_writers.SimpleWriter method)
(chainer.training.extensions.snapshot_writers.ThreadQueueWriter method)
(chainer.training.extensions.snapshot_writers.ThreadWriter method)
(chainer.training.extensions.snapshot_writers.Writer method)
(chainer.training.extensions.StepShift method)
(chainer.training.extensions.unchain_variables method)
(chainer.training.extensions.VariableStatisticsPlot method)
(chainer.training.extensions.WarmupShift method)
(chainer.training.Updater method)
(chainer.training.updaters.MultiprocessParallelUpdater method)
(chainer.training.updaters.ParallelUpdater method)
(chainer.training.updaters.StandardUpdater method)
(chainermn.CommunicatorBase method)
finished (chainer.training.triggers.OnceTrigger attribute)
fix() (in module chainer.functions)
fix_random() (in module chainer.testing)
fixed_batch_norm() (in module chainerx)
fixed_batch_normalization() (in module chainer.functions)
fixed_batch_renormalization() (in module chainer.functions)
fixed_decorrelated_batch_normalization() (in module chainer.functions)
flatten() (chainer.Sequential method)
(chainerx.ndarray method)
(in module chainer.functions)
flip() (in module chainer.functions)
(in module chainerx)
fliplr() (in module chainer.functions)
(in module chainerx)
flipud() (in module chainer.functions)
(in module chainerx)
floor() (in module chainer.functions)
(in module chainerx)
flush() (chainer.datasets.PickleDatasetWriter method)
fmod() (in module chainer.functions)
force_backprop_mode() (in module chainer)
(in module chainerx)
forget() (in module chainer.functions)
forward() (chainer.Function method)
(chainer.FunctionAdapter method)
(chainer.FunctionNode method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Sequential method)
(chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
forward_chainerx() (chainer.FunctionAdapter method)
(chainer.FunctionNode method)
forward_cpu() (chainer.Function method)
(chainer.FunctionAdapter method)
(chainer.FunctionNode method)
forward_expected() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkTestCase method)
forward_gpu() (chainer.Function method)
(chainer.FunctionAdapter method)
(chainer.FunctionNode method)
forward_postprocess() (chainer.function_hooks.CUDAProfileHook method)
(chainer.function_hooks.CupyMemoryProfileHook method)
(chainer.function_hooks.PrintHook method)
(chainer.function_hooks.TimerHook method)
(chainer.FunctionHook method)
(chainer.link_hooks.SpectralNormalization method)
(chainer.link_hooks.TimerHook method)
(chainer.link_hooks.WeightStandardization method)
(chainer.LinkHook method)
forward_preprocess() (chainer.function_hooks.CUDAProfileHook method)
(chainer.function_hooks.CupyMemoryProfileHook method)
(chainer.function_hooks.PrintHook method)
(chainer.function_hooks.TimerHook method)
(chainer.FunctionHook method)
(chainer.link_hooks.SpectralNormalization method)
(chainer.link_hooks.TimerHook method)
(chainer.link_hooks.WeightStandardization method)
(chainer.LinkHook method)
from_array() (chainer.backend.ChainerxDevice static method)
(chainer.backend.CpuDevice static method)
(chainer.backend.GpuDevice static method)
(chainer.backend.Intel64Device static method)
from_chx() (chainer.Chain method)
(chainer.ChainList method)
(chainer.DeviceResident method)
(chainer.Link method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Parameter method)
(chainer.Sequential method)
(chainer.utils.WalkerAlias method)
(chainer.Variable method)
(in module chainer.backend)
from_data() (in module chainer.dataset.tabular)
from_device_id() (chainer.backend.GpuDevice static method)
from_fallback_device() (chainer.backend.ChainerxDevice static method)
from_params() (chainer.Chain class method)
(chainer.ChainList class method)
(chainer.Link class method)
(chainer.links.BatchNormalization class method)
(chainer.links.BatchRenormalization class method)
(chainer.links.Bias class method)
(chainer.links.Bilinear class method)
(chainer.links.BinaryHierarchicalSoftmax class method)
(chainer.links.BlackOut class method)
(chainer.links.caffe.CaffeFunction class method)
(chainer.links.ChildSumTreeLSTM class method)
(chainer.links.Classifier class method)
(chainer.links.Convolution1D class method)
(chainer.links.Convolution2D class method)
(chainer.links.Convolution3D class method)
(chainer.links.ConvolutionND class method)
(chainer.links.CRF1d class method)
(chainer.links.Deconvolution1D class method)
(chainer.links.Deconvolution2D class method)
(chainer.links.Deconvolution3D class method)
(chainer.links.DeconvolutionND class method)
(chainer.links.DecorrelatedBatchNormalization class method)
(chainer.links.DeformableConvolution2D class method)
(chainer.links.DepthwiseConvolution2D class method)
(chainer.links.DilatedConvolution2D class method)
(chainer.links.EmbedID class method)
(chainer.links.GoogLeNet class method)
(chainer.links.GroupNormalization class method)
(chainer.links.GRU class method)
(chainer.links.Highway class method)
(chainer.links.Inception class method)
(chainer.links.InceptionBN class method)
(chainer.links.LayerNormalization class method)
(chainer.links.Linear class method)
(chainer.links.LocalConvolution2D class method)
(chainer.links.LSTM class method)
(chainer.links.Maxout class method)
(chainer.links.MLPConvolution2D class method)
(chainer.links.model.vision.resnet.ResNetLayers class method)
(chainer.links.NaryTreeLSTM class method)
(chainer.links.NegativeSampling class method)
(chainer.links.NStepBiGRU class method)
(chainer.links.NStepBiLSTM class method)
(chainer.links.NStepBiRNNReLU class method)
(chainer.links.NStepBiRNNTanh class method)
(chainer.links.NStepGRU class method)
(chainer.links.NStepLSTM class method)
(chainer.links.NStepRNNReLU class method)
(chainer.links.NStepRNNTanh class method)
(chainer.links.Parameter class method)
(chainer.links.PReLU class method)
(chainer.links.ResNet101Layers class method)
(chainer.links.ResNet152Layers class method)
(chainer.links.ResNet50Layers class method)
(chainer.links.Scale class method)
(chainer.links.SimplifiedDropconnect class method)
(chainer.links.StatefulGRU class method)
(chainer.links.StatefulMGU class method)
(chainer.links.StatefulPeepholeLSTM class method)
(chainer.links.StatefulZoneoutLSTM class method)
(chainer.links.StatelessGRU class method)
(chainer.links.StatelessLSTM class method)
(chainer.links.StatelessMGU class method)
(chainer.links.Swish class method)
(chainer.links.TheanoFunction class method)
(chainer.links.VGG16Layers class method)
(chainer.links.VGG19Layers class method)
(chainer.Sequential class method)
frombuffer() (in module chainerx)
fromfile() (in module chainerx)
fromfunction() (in module chainerx)
fromiter() (in module chainerx)
fromstring() (in module chainerx)
full() (in module chainerx)
full_like() (in module chainerx)
function (chainer.FunctionAdapter attribute)
Function (class in chainer)
FunctionAdapter (class in chainer)
FunctionHook (class in chainer)
FunctionNode (class in chainer)
functions (chainer.links.GoogLeNet attribute)
(chainer.links.model.vision.resnet.ResNetLayers attribute)
(chainer.links.ResNet101Layers attribute)
(chainer.links.ResNet152Layers attribute)
(chainer.links.ResNet50Layers attribute)
(chainer.links.VGG16Layers attribute)
(chainer.links.VGG19Layers attribute)
FunctionTestCase (class in chainer.testing)
G
gamma (chainer.links.BatchNormalization attribute)
(chainer.links.BatchRenormalization attribute)
(chainer.optimizers.AdaBound attribute)
(chainer.optimizers.Adam attribute)
(chainer.optimizers.AdamW attribute)
(chainer.optimizers.AMSBound attribute)
(chainer.optimizers.AMSGrad attribute)
Gamma (class in chainer.distributions)
gather() (chainermn.CommunicatorBase method)
(in module chainermn.functions)
gather_obj() (chainermn.CommunicatorBase method)
gaussian() (in module chainer.functions)
gaussian_kl_divergence() (in module chainer.functions)
(in module chainerx)
gaussian_nll() (in module chainer.functions)
generate_array() (in module chainer.initializers)
generate_grad_grad_inputs() (chainer.testing.FunctionTestCase method)
generate_grad_outputs() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkTestCase method)
generate_inputs() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
generate_params() (chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
GenericMultiNodeEvaluator (class in chainermn.extensions)
Geometric (class in chainer.distributions)
get_all_iterators() (chainer.training.extensions.Evaluator method)
get_all_optimizers() (chainer.training.Updater method)
(chainer.training.updaters.MultiprocessParallelUpdater method)
(chainer.training.updaters.ParallelUpdater method)
(chainer.training.updaters.StandardUpdater method)
get_all_targets() (chainer.training.extensions.Evaluator method)
get_array_module() (in module chainer.backend)
(in module chainer.backends.cuda)
get_backend() (chainerx.Context method)
(in module chainerx)
get_cifar10() (in module chainer.datasets)
get_cifar100() (in module chainer.datasets)
get_config() (chainermn.CommunicatorBase method)
get_conv_outsize() (in module chainer.utils)
get_cross_validation_datasets() (in module chainer.datasets)
get_cross_validation_datasets_random() (in module chainer.datasets)
get_current_reporter() (in module chainer)
get_dataset_root() (in module chainer.dataset)
get_deconv_outsize() (in module chainer.utils)
get_default_device() (in module chainerx)
get_device() (chainerx.Backend method)
(chainerx.Context method)
(in module chainer)
(in module chainer.backends.cuda)
(in module chainerx)
get_device_count() (chainerx.Backend method)
get_device_from_array() (in module chainer.backend)
(in module chainer.backends.cuda)
get_device_from_id() (in module chainer.backends.cuda)
get_dict() (chainer.optimizer.Hyperparameter method)
get_dtype() (in module chainer)
get_example() (chainer.dataset.DatasetMixin method)
(chainer.dataset.tabular.DelegateDataset method)
(chainer.dataset.TabularDataset method)
(chainer.datasets.ConcatenatedDataset method)
(chainer.datasets.ImageDataset method)
(chainer.datasets.LabeledImageDataset method)
(chainer.datasets.LabeledZippedImageDataset method)
(chainer.datasets.MultiZippedImageDataset method)
(chainer.datasets.PickleDataset method)
(chainer.datasets.SubDataset method)
(chainer.datasets.TextDataset method)
(chainer.datasets.TransformDataset method)
(chainer.datasets.ZippedImageDataset method)
get_examples() (chainer.dataset.tabular.DelegateDataset method)
(chainer.dataset.TabularDataset method)
get_extension() (chainer.training.Trainer method)
get_fashion_mnist() (in module chainer.datasets)
get_fashion_mnist_labels() (in module chainer.datasets)
get_grad() (chainerx.ndarray method)
get_initializers() (chainer.testing.LinkInitializersTestCase method)
get_item() (in module chainer.functions)
get_iterator() (chainer.training.extensions.Evaluator method)
(chainer.training.updaters.MultiprocessParallelUpdater method)
(chainer.training.updaters.ParallelUpdater method)
(chainer.training.updaters.StandardUpdater method)
get_kuzushiji_mnist() (in module chainer.datasets)
get_kuzushiji_mnist_labels() (in module chainer.datasets)
get_max_workspace_size() (in module chainer.backends.cuda)
get_mnist() (in module chainer.datasets)
get_optimizer() (chainer.training.Updater method)
(chainer.training.updaters.MultiprocessParallelUpdater method)
(chainer.training.updaters.ParallelUpdater method)
(chainer.training.updaters.StandardUpdater method)
get_ptb_words() (in module chainer.datasets)
get_ptb_words_vocabulary() (in module chainer.datasets)
get_retained_inputs() (chainer.FunctionAdapter method)
(chainer.FunctionNode method)
get_retained_outputs() (chainer.FunctionAdapter method)
(chainer.FunctionNode method)
get_svhn() (in module chainer.datasets)
get_target() (chainer.training.extensions.Evaluator method)
get_trainer_with_mock_updater() (in module chainer.testing)
get_training_length() (chainer.training.triggers.EarlyStoppingTrigger method)
(chainer.training.triggers.IntervalTrigger method)
get_trigger() (in module chainer.training)
get_variable() (chainer.variable.VariableNode method)
get_variable_or_none() (chainer.variable.VariableNode method)
global_config (in module chainer)
GlobalConfig (class in chainer.configuration)
GlorotNormal (class in chainer.initializers)
GlorotUniform (class in chainer.initializers)
GoogLeNet (class in chainer.links)
gpu() (in module chainer.testing.attr)
GpuDevice (class in chainer.backend)
grad (chainer.Parameter attribute)
(chainer.Variable attribute)
(chainer.variable.VariableNode attribute)
(chainerx.ndarray attribute)
grad() (in module chainer)
grad_var (chainer.Parameter attribute)
(chainer.Variable attribute)
(chainer.variable.VariableNode attribute)
GradientClipping (class in chainer.optimizer_hooks)
GradientHardClipping (class in chainer.optimizer_hooks)
GradientLARS (class in chainer.optimizer_hooks)
GradientMethod (class in chainer)
GradientNoise (class in chainer.optimizer_hooks)
greater() (in module chainerx)
greater_equal() (in module chainerx)
group_normalization() (in module chainer.functions)
GroupNormalization (class in chainer.links)
GRU (class in chainer.links)
Gumbel (class in chainer.distributions)
gumbel_softmax() (in module chainer.functions)
H
hard_sigmoid() (in module chainer.functions)
HDF5Deserializer (class in chainer.serializers)
HDF5Serializer (class in chainer.serializers)
HeNormal (class in chainer.initializers)
HeUniform (class in chainer.initializers)
high (chainer.distributions.Uniform attribute)
Highway (class in chainer.links)
hinge() (in module chainer.functions)
hsplit() (in module chainerx)
hstack() (in module chainer.functions)
(in module chainerx)
huber_loss() (in module chainer.functions)
(in module chainerx)
Hyperparameter (class in chainer.optimizer)
I
icdf() (chainer.Distribution method)
(chainer.distributions.Bernoulli method)
(chainer.distributions.Beta method)
(chainer.distributions.Categorical method)
(chainer.distributions.Cauchy method)
(chainer.distributions.Chisquare method)
(chainer.distributions.Dirichlet method)
(chainer.distributions.Exponential method)
(chainer.distributions.Gamma method)
(chainer.distributions.Geometric method)
(chainer.distributions.Gumbel method)
(chainer.distributions.Independent method)
(chainer.distributions.Laplace method)
(chainer.distributions.LogNormal method)
(chainer.distributions.MultivariateNormal method)
(chainer.distributions.Normal method)
(chainer.distributions.OneHotCategorical method)
(chainer.distributions.Pareto method)
(chainer.distributions.Poisson method)
(chainer.distributions.Uniform method)
id() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
Identity (class in chainer.initializers)
identity() (in module chainer.functions)
(in module chainerx)
ifft() (in module chainer.functions)
ignore_label (chainer.links.EmbedID attribute)
im2col() (in module chainer.functions)
ImageDataset (class in chainer.datasets)
in_recomputing (chainer.configuration.GlobalConfig attribute)
Inception (class in chainer.links)
InceptionBN (class in chainer.links)
increasing() (in module onnx_chainer.testing.input_generator)
Independent (class in chainer.distributions)
index (chainerx.Device attribute)
index() (chainer.ChainList method)
(chainer.links.MLPConvolution2D method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.Sequential method)
(chainer.utils.type_check.TypeInfoTuple method)
init_hx() (chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
init_scope() (chainer.Chain method)
(chainer.ChainList method)
(chainer.Link method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Sequential method)
init_state() (chainer.UpdateRule method)
initialize() (chainer.Parameter method)
(chainer.training.Extension method)
(chainer.training.extensions.DumpGraph method)
(chainer.training.extensions.Evaluator method)
(chainer.training.extensions.ExponentialShift method)
(chainer.training.extensions.FailOnNonNumber method)
(chainer.training.extensions.InverseShift method)
(chainer.training.extensions.LinearShift method)
(chainer.training.extensions.LogReport method)
(chainer.training.extensions.MicroAverage method)
(chainer.training.extensions.MultistepShift method)
(chainer.training.extensions.ParameterStatistics method)
(chainer.training.extensions.PlotReport method)
(chainer.training.extensions.PolynomialShift method)
(chainer.training.extensions.PrintReport method)
(chainer.training.extensions.ProgressBar method)
(chainer.training.extensions.StepShift method)
(chainer.training.extensions.unchain_variables method)
(chainer.training.extensions.VariableStatisticsPlot method)
(chainer.training.extensions.WarmupShift method)
initializer (chainer.Parameter attribute)
Initializer (class in chainer)
inject_backend_tests() (in module chainer.testing)
input_device (chainer.training.updaters.MultiprocessParallelUpdater attribute)
(chainer.training.updaters.ParallelUpdater attribute)
(chainer.training.updaters.StandardUpdater attribute)
input_layouts (chainer.FunctionAdapter attribute)
(chainer.FunctionNode attribute)
inputs (chainer.Function attribute)
(chainer.FunctionAdapter attribute)
(chainer.FunctionNode attribute)
insert() (chainer.ChainList method)
(chainer.links.MLPConvolution2D method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.Sequential method)
Intel64Device (class in chainer.backend)
inter_rank (chainermn.CommunicatorBase property)
inter_size (chainermn.CommunicatorBase property)
IntervalTrigger (class in chainer.training.triggers)
intra_rank (chainermn.CommunicatorBase property)
inv() (in module chainer.functions)
(in module chainerx.linalg)
InverseShift (class in chainer.training.extensions)
invoke_before_training (chainer.training.extensions.PolynomialShift attribute)
is_array_supported() (chainer.backend.ChainerxDevice method)
(chainer.backend.CpuDevice method)
(chainer.backend.Device method)
(chainer.backend.GpuDevice method)
(chainer.backend.Intel64Device method)
is_backprop_required() (chainerx.ndarray method)
(in module chainerx)
is_before_training (chainer.training.Trainer attribute)
is_contiguous (chainerx.ndarray attribute)
is_debug() (in module chainer)
is_elementwise (chainer.FunctionAdapter attribute)
(chainer.FunctionNode attribute)
(chainer.UpdateRule attribute)
is_grad_required() (chainerx.ndarray method)
is_ideep_available() (in module chainer.backends.intel64)
is_initialized (chainer.Parameter attribute)
is_new_epoch (chainer.iterators.MultiprocessIterator attribute)
(chainer.iterators.MultithreadIterator attribute)
(chainer.iterators.SerialIterator attribute)
(chainer.training.updaters.MultiprocessParallelUpdater attribute)
(chainer.training.updaters.ParallelUpdater attribute)
(chainer.training.updaters.StandardUpdater attribute)
is_safe_to_update() (chainer.GradientMethod method)
(chainer.Optimizer method)
(chainer.optimizers.AdaBound method)
(chainer.optimizers.AdaDelta method)
(chainer.optimizers.AdaGrad method)
(chainer.optimizers.Adam method)
(chainer.optimizers.AdamW method)
(chainer.optimizers.AMSBound method)
(chainer.optimizers.AMSGrad method)
(chainer.optimizers.CorrectedMomentumSGD method)
(chainer.optimizers.MomentumSGD method)
(chainer.optimizers.MSVAG method)
(chainer.optimizers.NesterovAG method)
(chainer.optimizers.RMSprop method)
(chainer.optimizers.RMSpropGraves method)
(chainer.optimizers.SGD method)
(chainer.optimizers.SMORMS3 method)
isinf() (in module chainerx)
isnan() (in module chainerx)
item() (chainer.Parameter method)
(chainer.Variable method)
(chainerx.ndarray method)
itemsize (chainerx.ndarray attribute)
Iterator (class in chainer.dataset)
J
join() (chainer.dataset.tabular.DelegateDataset method)
(chainer.dataset.TabularDataset method)
K
k (chainer.distributions.Chisquare attribute)
(chainer.distributions.Gamma attribute)
keep_graph_on_report (chainer.configuration.GlobalConfig attribute)
keys (chainer.dataset.tabular.DelegateDataset attribute)
(chainer.dataset.TabularDataset attribute)
kl_divergence() (in module chainer)
L
label (chainer.Function attribute)
(chainer.FunctionAdapter attribute)
(chainer.FunctionNode attribute)
(chainer.Parameter attribute)
(chainer.Variable attribute)
(chainer.variable.VariableNode attribute)
LabeledImageDataset (class in chainer.datasets)
LabeledZippedImageDataset (class in chainer.datasets)
lam (chainer.distributions.Exponential attribute)
(chainer.distributions.Poisson attribute)
Laplace (class in chainer.distributions)
Lasso (class in chainer.optimizer_hooks)
layer_normalization() (in module chainer.functions)
LayerNormalization (class in chainer.links)
layout (chainer.Parameter attribute)
(chainer.Variable attribute)
lazy_grad_sum (chainer.configuration.GlobalConfig attribute)
(chainer.FunctionAdapter attribute)
(chainer.FunctionNode attribute)
LD_LIBRARY_PATH
leaky_relu() (in module chainer.functions)
LeCunNormal (class in chainer.initializers)
LeCunUniform (class in chainer.initializers)
left_shift() (in module chainerx)
less() (in module chainerx)
less_equal() (in module chainerx)
lgamma() (in module chainer.functions)
Linear (class in chainer.links)
linear() (in module chainer.functions)
(in module chainerx)
linear_interpolate() (in module chainer.functions)
LinearShift (class in chainer.training.extensions)
Link (class in chainer)
LinkHook (class in chainer)
LinkInitializersTestCase (class in chainer.testing)
links() (chainer.Chain method)
(chainer.ChainList method)
(chainer.Link method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Sequential method)
LinkTestCase (class in chainer.testing)
linspace() (in module chainerx)
load() (chainer.Deserializer method)
(chainer.serializers.HDF5Deserializer method)
(chainer.serializers.NpzDeserializer method)
load_hdf5() (in module chainer.serializers)
load_npz() (in module chainer.serializers)
loadtxt() (in module chainerx)
loc (chainer.distributions.Cauchy attribute)
(chainer.distributions.Gumbel attribute)
(chainer.distributions.Laplace attribute)
(chainer.distributions.MultivariateNormal attribute)
(chainer.distributions.Normal attribute)
(chainer.distributions.Uniform attribute)
local_convolution_2d() (in module chainer.functions)
local_function_hooks (chainer.Function attribute)
(chainer.FunctionAdapter attribute)
(chainer.FunctionNode attribute)
local_link_hooks (chainer.Chain attribute)
(chainer.ChainList attribute)
(chainer.Link attribute)
(chainer.links.BatchNormalization attribute)
(chainer.links.BatchRenormalization attribute)
(chainer.links.Bias attribute)
(chainer.links.Bilinear attribute)
(chainer.links.BinaryHierarchicalSoftmax attribute)
(chainer.links.BlackOut attribute)
(chainer.links.caffe.CaffeFunction attribute)
(chainer.links.ChildSumTreeLSTM attribute)
(chainer.links.Classifier attribute)
(chainer.links.Convolution1D attribute)
(chainer.links.Convolution2D attribute)
(chainer.links.Convolution3D attribute)
(chainer.links.ConvolutionND attribute)
(chainer.links.CRF1d attribute)
(chainer.links.Deconvolution1D attribute)
(chainer.links.Deconvolution2D attribute)
(chainer.links.Deconvolution3D attribute)
(chainer.links.DeconvolutionND attribute)
(chainer.links.DecorrelatedBatchNormalization attribute)
(chainer.links.DeformableConvolution2D attribute)
(chainer.links.DepthwiseConvolution2D attribute)
(chainer.links.DilatedConvolution2D attribute)
(chainer.links.EmbedID attribute)
(chainer.links.GoogLeNet attribute)
(chainer.links.GroupNormalization attribute)
(chainer.links.GRU attribute)
(chainer.links.Highway attribute)
(chainer.links.Inception attribute)
(chainer.links.InceptionBN attribute)
(chainer.links.LayerNormalization attribute)
(chainer.links.Linear attribute)
(chainer.links.LocalConvolution2D attribute)
(chainer.links.LSTM attribute)
(chainer.links.Maxout attribute)
(chainer.links.MLPConvolution2D attribute)
(chainer.links.model.vision.resnet.ResNetLayers attribute)
(chainer.links.NaryTreeLSTM attribute)
(chainer.links.NegativeSampling attribute)
(chainer.links.NStepBiGRU attribute)
(chainer.links.NStepBiLSTM attribute)
(chainer.links.NStepBiRNNReLU attribute)
(chainer.links.NStepBiRNNTanh attribute)
(chainer.links.NStepGRU attribute)
(chainer.links.NStepLSTM attribute)
(chainer.links.NStepRNNReLU attribute)
(chainer.links.NStepRNNTanh attribute)
(chainer.links.Parameter attribute)
(chainer.links.PReLU attribute)
(chainer.links.ResNet101Layers attribute)
(chainer.links.ResNet152Layers attribute)
(chainer.links.ResNet50Layers attribute)
(chainer.links.Scale attribute)
(chainer.links.SimplifiedDropconnect attribute)
(chainer.links.StatefulGRU attribute)
(chainer.links.StatefulMGU attribute)
(chainer.links.StatefulPeepholeLSTM attribute)
(chainer.links.StatefulZoneoutLSTM attribute)
(chainer.links.StatelessGRU attribute)
(chainer.links.StatelessLSTM attribute)
(chainer.links.StatelessMGU attribute)
(chainer.links.Swish attribute)
(chainer.links.TheanoFunction attribute)
(chainer.links.VGG16Layers attribute)
(chainer.links.VGG19Layers attribute)
(chainer.Sequential attribute)
local_response_normalization() (in module chainer.functions)
LocalConfig (class in chainer.configuration)
LocalConvolution2D (class in chainer.links)
log (chainer.training.extensions.LogReport attribute)
log() (in module chainer.functions)
(in module chainerx)
log10() (in module chainer.functions)
(in module chainerx)
log1p() (in module chainer.functions)
(in module chainerx)
log2() (in module chainer.functions)
(in module chainerx)
log_cdf() (chainer.Distribution method)
(chainer.distributions.Bernoulli method)
(chainer.distributions.Beta method)
(chainer.distributions.Categorical method)
(chainer.distributions.Cauchy method)
(chainer.distributions.Chisquare method)
(chainer.distributions.Dirichlet method)
(chainer.distributions.Exponential method)
(chainer.distributions.Gamma method)
(chainer.distributions.Geometric method)
(chainer.distributions.Gumbel method)
(chainer.distributions.Independent method)
(chainer.distributions.Laplace method)
(chainer.distributions.LogNormal method)
(chainer.distributions.MultivariateNormal method)
(chainer.distributions.Normal method)
(chainer.distributions.OneHotCategorical method)
(chainer.distributions.Pareto method)
(chainer.distributions.Poisson method)
(chainer.distributions.Uniform method)
log_ndtr() (in module chainer.functions)
log_p (chainer.distributions.Categorical attribute)
(chainer.distributions.OneHotCategorical attribute)
log_prob() (chainer.Distribution method)
(chainer.distributions.Bernoulli method)
(chainer.distributions.Beta method)
(chainer.distributions.Categorical method)
(chainer.distributions.Cauchy method)
(chainer.distributions.Chisquare method)
(chainer.distributions.Dirichlet method)
(chainer.distributions.Exponential method)
(chainer.distributions.Gamma method)
(chainer.distributions.Geometric method)
(chainer.distributions.Gumbel method)
(chainer.distributions.Independent method)
(chainer.distributions.Laplace method)
(chainer.distributions.LogNormal method)
(chainer.distributions.MultivariateNormal method)
(chainer.distributions.Normal method)
(chainer.distributions.OneHotCategorical method)
(chainer.distributions.Pareto method)
(chainer.distributions.Poisson method)
(chainer.distributions.Uniform method)
log_scale (chainer.distributions.Normal attribute)
log_softmax() (in module chainer.functions)
(in module chainerx)
log_survival_function() (chainer.Distribution method)
(chainer.distributions.Bernoulli method)
(chainer.distributions.Beta method)
(chainer.distributions.Categorical method)
(chainer.distributions.Cauchy method)
(chainer.distributions.Chisquare method)
(chainer.distributions.Dirichlet method)
(chainer.distributions.Exponential method)
(chainer.distributions.Gamma method)
(chainer.distributions.Geometric method)
(chainer.distributions.Gumbel method)
(chainer.distributions.Independent method)
(chainer.distributions.Laplace method)
(chainer.distributions.LogNormal method)
(chainer.distributions.MultivariateNormal method)
(chainer.distributions.Normal method)
(chainer.distributions.OneHotCategorical method)
(chainer.distributions.Pareto method)
(chainer.distributions.Poisson method)
(chainer.distributions.Uniform method)
logical_and() (in module chainerx)
logical_not() (in module chainerx)
logical_or() (in module chainerx)
logical_xor() (in module chainerx)
logit (chainer.distributions.Bernoulli attribute)
LogNormal (class in chainer.distributions)
LogReport
(class in chainer.training.extensions)
logsumexp() (in module chainer.functions)
(in module chainerx)
longMessage (chainer.testing.FunctionTestCase attribute)
(chainer.testing.LinkInitializersTestCase attribute)
(chainer.testing.LinkTestCase attribute)
loss_scaling() (chainer.GradientMethod method)
(chainer.Optimizer method)
(chainer.optimizers.AdaBound method)
(chainer.optimizers.AdaDelta method)
(chainer.optimizers.AdaGrad method)
(chainer.optimizers.Adam method)
(chainer.optimizers.AdamW method)
(chainer.optimizers.AMSBound method)
(chainer.optimizers.AMSGrad method)
(chainer.optimizers.CorrectedMomentumSGD method)
(chainer.optimizers.MomentumSGD method)
(chainer.optimizers.MSVAG method)
(chainer.optimizers.NesterovAG method)
(chainer.optimizers.RMSprop method)
(chainer.optimizers.RMSpropGraves method)
(chainer.optimizers.SGD method)
(chainer.optimizers.SMORMS3 method)
low (chainer.distributions.Uniform attribute)
lr (chainer.optimizers.AdaBound attribute)
(chainer.optimizers.AdaGrad attribute)
(chainer.optimizers.Adam attribute)
(chainer.optimizers.AdamW attribute)
(chainer.optimizers.AMSBound attribute)
(chainer.optimizers.AMSGrad attribute)
(chainer.optimizers.CorrectedMomentumSGD attribute)
(chainer.optimizers.MomentumSGD attribute)
(chainer.optimizers.MSVAG attribute)
(chainer.optimizers.NesterovAG attribute)
(chainer.optimizers.RMSprop attribute)
(chainer.optimizers.RMSpropGraves attribute)
(chainer.optimizers.SGD attribute)
(chainer.optimizers.SMORMS3 attribute)
LSTM (class in chainer.links)
lstm() (in module chainer.functions)
(in module chainerx)
M
make_backprop_id() (chainerx.Context method)
make_extension() (in module chainer.training)
make_statistics() (chainer.DictSummary method)
(chainer.Summary method)
ManualScheduleTrigger (class in chainer.training.triggers)
matmul() (in module chainer.functions)
max() (chainerx.ndarray method)
(in module chainer.functions)
max_pool() (in module chainerx)
max_pooling_1d() (in module chainer.functions)
max_pooling_2d() (in module chainer.functions)
max_pooling_3d() (in module chainer.functions)
max_pooling_nd() (in module chainer.functions)
maxDiff (chainer.testing.FunctionTestCase attribute)
(chainer.testing.LinkInitializersTestCase attribute)
(chainer.testing.LinkTestCase attribute)
maximum() (in module chainer.functions)
(in module chainerx)
Maxout (class in chainer.links)
maxout() (in module chainer.functions)
MaxValueTrigger (class in chainer.training.triggers)
mean (chainer.Distribution attribute)
(chainer.distributions.Bernoulli attribute)
(chainer.distributions.Beta attribute)
(chainer.distributions.Categorical attribute)
(chainer.distributions.Cauchy attribute)
(chainer.distributions.Chisquare attribute)
(chainer.distributions.Dirichlet attribute)
(chainer.distributions.Exponential attribute)
(chainer.distributions.Gamma attribute)
(chainer.distributions.Geometric attribute)
(chainer.distributions.Gumbel attribute)
(chainer.distributions.Independent attribute)
(chainer.distributions.Laplace attribute)
(chainer.distributions.LogNormal attribute)
(chainer.distributions.MultivariateNormal attribute)
(chainer.distributions.Normal attribute)
(chainer.distributions.OneHotCategorical attribute)
(chainer.distributions.Pareto attribute)
(chainer.distributions.Poisson attribute)
(chainer.distributions.Uniform attribute)
mean() (chainer.Parameter method)
(chainer.Variable method)
(chainerx.ndarray method)
(in module chainer.functions)
(in module chainerx)
mean_absolute_error() (in module chainer.functions)
mean_squared_error() (in module chainer.functions)
memoize() (in module chainer.backends.cuda)
meshgrid() (in module chainerx)
MicroAverage (class in chainer.training.extensions)
min() (chainerx.ndarray method)
(in module chainer.functions)
minimum() (in module chainer.functions)
(in module chainerx)
MinValueTrigger (class in chainer.training.triggers)
mixed16 (in module chainer)
MLPConvolution2D (class in chainer.links)
mod() (in module chainerx)
mode (chainer.dataset.tabular.DelegateDataset attribute)
(chainer.dataset.TabularDataset attribute)
(chainer.Distribution attribute)
(chainer.distributions.Bernoulli attribute)
(chainer.distributions.Beta attribute)
(chainer.distributions.Categorical attribute)
(chainer.distributions.Cauchy attribute)
(chainer.distributions.Chisquare attribute)
(chainer.distributions.Dirichlet attribute)
(chainer.distributions.Exponential attribute)
(chainer.distributions.Gamma attribute)
(chainer.distributions.Geometric attribute)
(chainer.distributions.Gumbel attribute)
(chainer.distributions.Independent attribute)
(chainer.distributions.Laplace attribute)
(chainer.distributions.LogNormal attribute)
(chainer.distributions.MultivariateNormal attribute)
(chainer.distributions.Normal attribute)
(chainer.distributions.OneHotCategorical attribute)
(chainer.distributions.Pareto attribute)
(chainer.distributions.Poisson attribute)
(chainer.distributions.Uniform attribute)
module
chainer
,
[1]
,
[2]
chainer.backend
chainer.backends.cuda
chainer.backends.intel64
chainer.computational_graph
chainer.dataset
chainer.datasets
chainer.distributions
chainer.exporters
chainer.function_hooks
chainer.functions
chainer.gradient_check
chainer.initializers
chainer.iterators
chainer.link_hooks
chainer.links
chainer.links.caffe
chainer.optimizers
chainer.serializers
chainer.testing
chainer.training
chainer.training.extensions.snapshot_writers
chainer.utils
chainer.utils.type_check
chainermn
,
[1]
,
[2]
,
[3]
chainerx
,
[1]
,
[2]
,
[3]
,
[4]
onnx_chainer
momentum (chainer.optimizers.CorrectedMomentumSGD attribute)
(chainer.optimizers.MomentumSGD attribute)
(chainer.optimizers.NesterovAG attribute)
(chainer.optimizers.RMSpropGraves attribute)
MomentumSGD (class in chainer.optimizers)
moveaxis() (in module chainer.functions)
(in module chainerx)
MSVAG (class in chainer.optimizers)
mu (chainer.distributions.LogNormal attribute)
multi_gpu() (in module chainer.testing.attr)
multi_node_mean_grad() (chainermn.CommunicatorBase method)
multi_node_snapshot() (in module chainermn.extensions)
MultiNodeBatchNormalization (class in chainermn.links)
MultiNodeChainList (class in chainermn)
multiply() (in module chainerx)
MultiprocessIterator (class in chainer.iterators)
MultiprocessParallelUpdater (class in chainer.training.updaters)
MultistepShift (class in chainer.training.extensions)
MultithreadIterator (class in chainer.iterators)
MultivariateNormal (class in chainer.distributions)
MultiZippedImageDataset (class in chainer.datasets)
MV2_SMP_USE_CMA
,
[1]
MV2_USE_CUDA
,
[1]
N
n_cells (chainer.links.NStepBiGRU attribute)
(chainer.links.NStepBiLSTM attribute)
(chainer.links.NStepBiRNNReLU attribute)
(chainer.links.NStepBiRNNTanh attribute)
(chainer.links.NStepGRU attribute)
(chainer.links.NStepLSTM attribute)
(chainer.links.NStepRNNReLU attribute)
(chainer.links.NStepRNNTanh attribute)
n_step_bigru() (in module chainer.functions)
(in module chainerx)
n_step_bilstm() (in module chainer.functions)
(in module chainerx)
n_step_birnn() (in module chainer.functions)
(in module chainerx)
n_step_gru() (in module chainer.functions)
(in module chainerx)
n_step_lstm() (in module chainer.functions)
(in module chainerx)
n_step_rnn() (in module chainer.functions)
(in module chainerx)
n_weights (chainer.links.NStepBiGRU attribute)
(chainer.links.NStepBiLSTM attribute)
(chainer.links.NStepBiRNNReLU attribute)
(chainer.links.NStepBiRNNTanh attribute)
(chainer.links.NStepGRU attribute)
(chainer.links.NStepLSTM attribute)
(chainer.links.NStepRNNReLU attribute)
(chainer.links.NStepRNNTanh attribute)
name (chainer.backend.ChainerxDevice attribute)
(chainer.backend.CpuDevice attribute)
(chainer.backend.Device attribute)
(chainer.backend.GpuDevice attribute)
(chainer.backend.Intel64Device attribute)
(chainer.function_hooks.CUDAProfileHook attribute)
(chainer.function_hooks.CupyMemoryProfileHook attribute)
(chainer.function_hooks.PrintHook attribute)
(chainer.function_hooks.TimerHook attribute)
(chainer.FunctionHook attribute)
(chainer.link_hooks.SpectralNormalization attribute)
(chainer.link_hooks.TimerHook attribute)
(chainer.link_hooks.WeightStandardization attribute)
(chainer.LinkHook attribute)
(chainer.optimizer_hooks.GradientClipping attribute)
(chainer.optimizer_hooks.GradientHardClipping attribute)
(chainer.optimizer_hooks.GradientLARS attribute)
(chainer.optimizer_hooks.GradientNoise attribute)
(chainer.optimizer_hooks.Lasso attribute)
(chainer.optimizer_hooks.WeightDecay attribute)
(chainer.Parameter attribute)
(chainer.training.Extension attribute)
(chainer.training.extensions.DumpGraph attribute)
(chainer.training.extensions.Evaluator attribute)
(chainer.training.extensions.ExponentialShift attribute)
(chainer.training.extensions.FailOnNonNumber attribute)
(chainer.training.extensions.InverseShift attribute)
(chainer.training.extensions.LinearShift attribute)
(chainer.training.extensions.LogReport attribute)
(chainer.training.extensions.MicroAverage attribute)
(chainer.training.extensions.MultistepShift attribute)
(chainer.training.extensions.ParameterStatistics attribute)
(chainer.training.extensions.PlotReport attribute)
(chainer.training.extensions.PolynomialShift attribute)
(chainer.training.extensions.PrintReport attribute)
(chainer.training.extensions.ProgressBar attribute)
(chainer.training.extensions.StepShift attribute)
(chainer.training.extensions.unchain_variables attribute)
(chainer.training.extensions.VariableStatisticsPlot attribute)
(chainer.training.extensions.WarmupShift attribute)
(chainer.Variable attribute)
(chainerx.Backend attribute)
(chainerx.Device attribute)
namedlinks() (chainer.Chain method)
(chainer.ChainList method)
(chainer.Link method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Sequential method)
namedparams() (chainer.Chain method)
(chainer.ChainList method)
(chainer.Link method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Sequential method)
NaN (class in chainer.initializers)
NaryTreeLSTM (class in chainer.links)
nbytes (chainerx.ndarray attribute)
ndarray (class in chainerx)
ndim (chainer.Parameter attribute)
(chainer.Variable attribute)
(chainerx.ndarray attribute)
ndtr() (in module chainer.functions)
ndtri() (in module chainer.functions)
negative() (in module chainerx)
negative_sampling() (in module chainer.functions)
NegativeSampling (class in chainer.links)
NesterovAG (class in chainer.optimizers)
new_epoch() (chainer.GradientMethod method)
(chainer.Optimizer method)
(chainer.optimizers.AdaBound method)
(chainer.optimizers.AdaDelta method)
(chainer.optimizers.AdaGrad method)
(chainer.optimizers.Adam method)
(chainer.optimizers.AdamW method)
(chainer.optimizers.AMSBound method)
(chainer.optimizers.AMSGrad method)
(chainer.optimizers.CorrectedMomentumSGD method)
(chainer.optimizers.MomentumSGD method)
(chainer.optimizers.MSVAG method)
(chainer.optimizers.NesterovAG method)
(chainer.optimizers.RMSprop method)
(chainer.optimizers.RMSpropGraves method)
(chainer.optimizers.SGD method)
(chainer.optimizers.SMORMS3 method)
next() (chainer.dataset.Iterator method)
(chainer.iterators.DaliIterator method)
(chainer.iterators.MultiprocessIterator method)
(chainer.iterators.MultithreadIterator method)
(chainer.iterators.SerialIterator method)
no_backprop_mode() (in module chainer)
(in module chainerx)
node (chainer.Function attribute)
(chainer.Parameter attribute)
(chainer.Variable attribute)
nonzero() (in module chainerx)
nonzero_increasing() (in module onnx_chainer.testing.input_generator)
Normal (class in chainer.distributions)
(class in chainer.initializers)
normal() (in module chainerx.random)
normalize() (in module chainer.functions)
normalize_weight() (chainer.link_hooks.SpectralNormalization method)
not_equal() (in module chainerx)
NpzDeserializer (class in chainer.serializers)
NStepBiGRU (class in chainer.links)
NStepBiLSTM (class in chainer.links)
NStepBiRNNReLU (class in chainer.links)
NStepBiRNNTanh (class in chainer.links)
NStepGRU (class in chainer.links)
NStepLSTM (class in chainer.links)
NStepRNNReLU (class in chainer.links)
NStepRNNTanh (class in chainer.links)
numerical_grad() (in module chainer.gradient_check)
O
observe_lr() (in module chainer.training.extensions)
observe_value() (in module chainer.training.extensions)
offset (chainerx.ndarray attribute)
on_error() (chainer.training.Extension method)
(chainer.training.extensions.DumpGraph method)
(chainer.training.extensions.Evaluator method)
(chainer.training.extensions.ExponentialShift method)
(chainer.training.extensions.FailOnNonNumber method)
(chainer.training.extensions.InverseShift method)
(chainer.training.extensions.LinearShift method)
(chainer.training.extensions.LogReport method)
(chainer.training.extensions.MicroAverage method)
(chainer.training.extensions.MultistepShift method)
(chainer.training.extensions.ParameterStatistics method)
(chainer.training.extensions.PlotReport method)
(chainer.training.extensions.PolynomialShift method)
(chainer.training.extensions.PrintReport method)
(chainer.training.extensions.ProgressBar method)
(chainer.training.extensions.StepShift method)
(chainer.training.extensions.unchain_variables method)
(chainer.training.extensions.VariableStatisticsPlot method)
(chainer.training.extensions.WarmupShift method)
OnceTrigger (class in chainer.training.triggers)
One (class in chainer.initializers)
OneHotCategorical (class in chainer.distributions)
ones() (in module chainerx)
ones_like() (in module chainerx)
onnx_chainer
module
open_pickle_dataset() (in module chainer.datasets)
open_pickle_dataset_writer() (in module chainer.datasets)
Optimizer (class in chainer)
OrderSampler (class in chainer.iterators)
Orthogonal (class in chainer.initializers)
output_data (chainer.Function attribute)
(chainer.FunctionAdapter attribute)
(chainer.FunctionNode attribute)
output_layouts (chainer.FunctionAdapter attribute)
(chainer.FunctionNode attribute)
outputs (chainer.Function attribute)
(chainer.FunctionAdapter attribute)
(chainer.FunctionNode attribute)
P
p (chainer.distributions.Bernoulli attribute)
(chainer.distributions.Categorical attribute)
(chainer.distributions.Geometric attribute)
(chainer.distributions.OneHotCategorical attribute)
pad() (in module chainer.functions)
pad_sequence() (in module chainer.functions)
ParallelUpdater (class in chainer.training.updaters)
param_names (chainer.testing.LinkInitializersTestCase attribute)
(chainer.testing.LinkTestCase attribute)
Parameter (class in chainer)
(class in chainer.links)
parameterize() (in module chainer.testing)
ParameterStatistics (class in chainer.training.extensions)
params (chainer.Distribution attribute)
(chainer.distributions.Bernoulli attribute)
(chainer.distributions.Beta attribute)
(chainer.distributions.Categorical attribute)
(chainer.distributions.Cauchy attribute)
(chainer.distributions.Chisquare attribute)
(chainer.distributions.Dirichlet attribute)
(chainer.distributions.Exponential attribute)
(chainer.distributions.Gamma attribute)
(chainer.distributions.Geometric attribute)
(chainer.distributions.Gumbel attribute)
(chainer.distributions.Independent attribute)
(chainer.distributions.Laplace attribute)
(chainer.distributions.LogNormal attribute)
(chainer.distributions.MultivariateNormal attribute)
(chainer.distributions.Normal attribute)
(chainer.distributions.OneHotCategorical attribute)
(chainer.distributions.Pareto attribute)
(chainer.distributions.Poisson attribute)
(chainer.distributions.Uniform attribute)
params() (chainer.Chain method)
(chainer.ChainList method)
(chainer.Link method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Sequential method)
parent (chainer.optimizer.Hyperparameter attribute)
Pareto (class in chainer.distributions)
PATH
permutate() (in module chainer.functions)
perplexity() (chainer.Distribution method)
(chainer.distributions.Bernoulli method)
(chainer.distributions.Beta method)
(chainer.distributions.Categorical method)
(chainer.distributions.Cauchy method)
(chainer.distributions.Chisquare method)
(chainer.distributions.Dirichlet method)
(chainer.distributions.Exponential method)
(chainer.distributions.Gamma method)
(chainer.distributions.Geometric method)
(chainer.distributions.Gumbel method)
(chainer.distributions.Independent method)
(chainer.distributions.Laplace method)
(chainer.distributions.LogNormal method)
(chainer.distributions.MultivariateNormal method)
(chainer.distributions.Normal method)
(chainer.distributions.OneHotCategorical method)
(chainer.distributions.Pareto method)
(chainer.distributions.Poisson method)
(chainer.distributions.Uniform method)
PickleDataset (class in chainer.datasets)
PickleDatasetWriter (class in chainer.datasets)
pinv() (in module chainerx.linalg)
PlotReport
(class in chainer.training.extensions)
Poisson (class in chainer.distributions)
polygamma() (in module chainer.functions)
PolynomialShift (class in chainer.training.extensions)
pop() (chainer.ChainList method)
(chainer.links.MLPConvolution2D method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.Sequential method)
positive_increasing() (in module onnx_chainer.testing.input_generator)
precision() (in module chainer.functions)
predict() (chainer.links.GoogLeNet method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
PReLU (class in chainer.links)
prelu() (in module chainer.functions)
prepare() (in module chainer.links.model.vision.googlenet)
(in module chainer.links.model.vision.resnet)
(in module chainer.links.model.vision.vgg)
previous_epoch_detail (chainer.iterators.DaliIterator attribute)
(chainer.iterators.MultiprocessIterator attribute)
(chainer.iterators.MultithreadIterator attribute)
(chainer.iterators.SerialIterator attribute)
(chainer.training.updaters.MultiprocessParallelUpdater attribute)
(chainer.training.updaters.ParallelUpdater attribute)
(chainer.training.updaters.StandardUpdater attribute)
print_report() (chainer.function_hooks.CupyMemoryProfileHook method)
(chainer.function_hooks.TimerHook method)
(chainer.link_hooks.TimerHook method)
print_runtime_info() (in module chainer)
printable_specs (chainer.Chain attribute)
(chainer.ChainList attribute)
(chainer.Link attribute)
(chainer.links.BatchNormalization attribute)
(chainer.links.BatchRenormalization attribute)
(chainer.links.Bias attribute)
(chainer.links.Bilinear attribute)
(chainer.links.BinaryHierarchicalSoftmax attribute)
(chainer.links.BlackOut attribute)
(chainer.links.caffe.CaffeFunction attribute)
(chainer.links.ChildSumTreeLSTM attribute)
(chainer.links.Classifier attribute)
(chainer.links.Convolution1D attribute)
(chainer.links.Convolution2D attribute)
(chainer.links.Convolution3D attribute)
(chainer.links.ConvolutionND attribute)
(chainer.links.CRF1d attribute)
(chainer.links.Deconvolution1D attribute)
(chainer.links.Deconvolution2D attribute)
(chainer.links.Deconvolution3D attribute)
(chainer.links.DeconvolutionND attribute)
(chainer.links.DecorrelatedBatchNormalization attribute)
(chainer.links.DeformableConvolution2D attribute)
(chainer.links.DepthwiseConvolution2D attribute)
(chainer.links.DilatedConvolution2D attribute)
(chainer.links.EmbedID attribute)
(chainer.links.GoogLeNet attribute)
(chainer.links.GroupNormalization attribute)
(chainer.links.GRU attribute)
(chainer.links.Highway attribute)
(chainer.links.Inception attribute)
(chainer.links.InceptionBN attribute)
(chainer.links.LayerNormalization attribute)
(chainer.links.Linear attribute)
(chainer.links.LocalConvolution2D attribute)
(chainer.links.LSTM attribute)
(chainer.links.Maxout attribute)
(chainer.links.MLPConvolution2D attribute)
(chainer.links.model.vision.resnet.ResNetLayers attribute)
(chainer.links.NaryTreeLSTM attribute)
(chainer.links.NegativeSampling attribute)
(chainer.links.NStepBiGRU attribute)
(chainer.links.NStepBiLSTM attribute)
(chainer.links.NStepBiRNNReLU attribute)
(chainer.links.NStepBiRNNTanh attribute)
(chainer.links.NStepGRU attribute)
(chainer.links.NStepLSTM attribute)
(chainer.links.NStepRNNReLU attribute)
(chainer.links.NStepRNNTanh attribute)
(chainer.links.Parameter attribute)
(chainer.links.PReLU attribute)
(chainer.links.ResNet101Layers attribute)
(chainer.links.ResNet152Layers attribute)
(chainer.links.ResNet50Layers attribute)
(chainer.links.Scale attribute)
(chainer.links.SimplifiedDropconnect attribute)
(chainer.links.StatefulGRU attribute)
(chainer.links.StatefulMGU attribute)
(chainer.links.StatefulPeepholeLSTM attribute)
(chainer.links.StatefulZoneoutLSTM attribute)
(chainer.links.StatelessGRU attribute)
(chainer.links.StatelessLSTM attribute)
(chainer.links.StatelessMGU attribute)
(chainer.links.Swish attribute)
(chainer.links.TheanoFunction attribute)
(chainer.links.VGG16Layers attribute)
(chainer.links.VGG19Layers attribute)
(chainer.Sequential attribute)
PrintHook (class in chainer.function_hooks)
PrintReport
(class in chainer.training.extensions)
priority (chainer.training.Extension attribute)
(chainer.training.extensions.DumpGraph attribute)
(chainer.training.extensions.Evaluator attribute)
(chainer.training.extensions.ExponentialShift attribute)
(chainer.training.extensions.FailOnNonNumber attribute)
(chainer.training.extensions.InverseShift attribute)
(chainer.training.extensions.LinearShift attribute)
(chainer.training.extensions.LogReport attribute)
(chainer.training.extensions.MicroAverage attribute)
(chainer.training.extensions.MultistepShift attribute)
(chainer.training.extensions.ParameterStatistics attribute)
(chainer.training.extensions.PlotReport attribute)
(chainer.training.extensions.PolynomialShift attribute)
(chainer.training.extensions.PrintReport attribute)
(chainer.training.extensions.ProgressBar attribute)
(chainer.training.extensions.StepShift attribute)
(chainer.training.extensions.unchain_variables attribute)
(chainer.training.extensions.VariableStatisticsPlot attribute)
(chainer.training.extensions.WarmupShift attribute)
prob() (chainer.Distribution method)
(chainer.distributions.Bernoulli method)
(chainer.distributions.Beta method)
(chainer.distributions.Categorical method)
(chainer.distributions.Cauchy method)
(chainer.distributions.Chisquare method)
(chainer.distributions.Dirichlet method)
(chainer.distributions.Exponential method)
(chainer.distributions.Gamma method)
(chainer.distributions.Geometric method)
(chainer.distributions.Gumbel method)
(chainer.distributions.Independent method)
(chainer.distributions.Laplace method)
(chainer.distributions.LogNormal method)
(chainer.distributions.MultivariateNormal method)
(chainer.distributions.Normal method)
(chainer.distributions.OneHotCategorical method)
(chainer.distributions.Pareto method)
(chainer.distributions.Poisson method)
(chainer.distributions.Uniform method)
ProcessQueueWriter (class in chainer.training.extensions.snapshot_writers)
ProcessWriter (class in chainer.training.extensions.snapshot_writers)
prod() (in module chainer.functions)
product() (in module chainer.testing)
product_dict() (in module chainer.testing)
ProgressBar (class in chainer.training.extensions)
pseudo_connect() (in module chainermn.functions)
Q
qr() (in module chainerx.linalg)
QueueWriter (class in chainer.training.extensions.snapshot_writers)
R
r2_score() (in module chainer.functions)
rank (chainer.Function attribute)
(chainer.FunctionAdapter attribute)
(chainer.FunctionNode attribute)
(chainer.Parameter attribute)
(chainer.Variable attribute)
(chainer.variable.VariableNode attribute)
(chainermn.CommunicatorBase property)
ravel() (chainerx.ndarray method)
(in module chainerx)
raw() (in module chainer.backends.cuda)
raw_array (chainer.Parameter attribute)
(chainer.Variable attribute)
reallocate_cleared_grads() (chainer.GradientMethod method)
(chainer.optimizers.AdaBound method)
(chainer.optimizers.AdaDelta method)
(chainer.optimizers.AdaGrad method)
(chainer.optimizers.Adam method)
(chainer.optimizers.AdamW method)
(chainer.optimizers.AMSBound method)
(chainer.optimizers.AMSGrad method)
(chainer.optimizers.CorrectedMomentumSGD method)
(chainer.optimizers.MomentumSGD method)
(chainer.optimizers.MSVAG method)
(chainer.optimizers.NesterovAG method)
(chainer.optimizers.RMSprop method)
(chainer.optimizers.RMSpropGraves method)
(chainer.optimizers.SGD method)
(chainer.optimizers.SMORMS3 method)
recall() (in module chainer.functions)
recv() (chainermn.CommunicatorBase method)
(in module chainermn.functions)
recv_obj() (chainermn.CommunicatorBase method)
reduce() (in module chainer.backends.cuda)
register_kl() (in module chainer)
register_persistent() (chainer.Chain method)
(chainer.ChainList method)
(chainer.Link method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Sequential method)
register_statistics() (chainer.training.extensions.ParameterStatistics method)
reinterpreted_batch_ndims (chainer.distributions.Independent attribute)
release_backprop_id() (chainerx.Context method)
relu() (in module chainer.functions)
(in module chainerx)
relu6() (in module chainer.functions)
remainder() (in module chainerx)
remove() (chainer.ChainList method)
(chainer.links.MLPConvolution2D method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.Sequential method)
remove_by_layer_type() (chainer.Sequential method)
remove_hook() (chainer.GradientMethod method)
(chainer.Optimizer method)
(chainer.optimizers.AdaBound method)
(chainer.optimizers.AdaDelta method)
(chainer.optimizers.AdaGrad method)
(chainer.optimizers.Adam method)
(chainer.optimizers.AdamW method)
(chainer.optimizers.AMSBound method)
(chainer.optimizers.AMSGrad method)
(chainer.optimizers.CorrectedMomentumSGD method)
(chainer.optimizers.MomentumSGD method)
(chainer.optimizers.MSVAG method)
(chainer.optimizers.NesterovAG method)
(chainer.optimizers.RMSprop method)
(chainer.optimizers.RMSpropGraves method)
(chainer.optimizers.SGD method)
(chainer.optimizers.SMORMS3 method)
(chainer.UpdateRule method)
repeat (chainer.iterators.DaliIterator attribute)
(chainer.iterators.MultithreadIterator attribute)
(chainer.iterators.SerialIterator attribute)
repeat() (chainer.Chain method)
(chainer.ChainList method)
(chainer.Link method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Sequential method)
(chainerx.ndarray method)
(in module chainer.functions)
(in module chainer.testing.condition)
(in module chainerx)
repeat_with_success_at_least() (in module chainer.testing.condition)
report() (chainer.Reporter method)
(in module chainer)
report_key_template (chainer.training.extensions.ParameterStatistics attribute)
report_scope() (in module chainer)
Reporter (class in chainer)
require_grad() (chainerx.ndarray method)
requires_grad (chainer.Parameter attribute)
(chainer.Variable attribute)
(chainer.variable.VariableNode attribute)
reset() (chainer.iterators.DaliIterator method)
(chainer.iterators.MultiprocessIterator method)
(chainer.iterators.MultithreadIterator method)
(chainer.iterators.SerialIterator method)
reset_state() (chainer.links.GRU method)
(chainer.links.LSTM method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
reshape() (chainer.Parameter method)
(chainer.Variable method)
(chainerx.ndarray method)
(in module chainer.functions)
(in module chainerx)
reshape_W() (chainer.link_hooks.SpectralNormalization method)
resize_images() (in module chainer.functions)
ResNet101Layers (class in chainer.links)
ResNet152Layers (class in chainer.links)
ResNet50Layers (class in chainer.links)
ResNetLayers (class in chainer.links.model.vision.resnet)
retain_data() (chainer.Parameter method)
(chainer.Variable method)
(chainer.variable.VariableNode method)
retain_inputs() (chainer.Function method)
(chainer.FunctionAdapter method)
(chainer.FunctionNode method)
retain_outputs() (chainer.Function method)
(chainer.FunctionAdapter method)
(chainer.FunctionNode method)
retry() (in module chainer.testing.condition)
reverse() (chainer.ChainList method)
(chainer.links.MLPConvolution2D method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.Sequential method)
rho (chainer.optimizers.AdaDelta attribute)
right_shift() (in module chainerx)
RMSprop (class in chainer.optimizers)
RMSpropGraves (class in chainer.optimizers)
rnn() (chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
roi_average_align_2d() (in module chainer.functions)
roi_average_pooling_2d() (in module chainer.functions)
roi_max_align_2d() (in module chainer.functions)
roi_max_pooling_2d() (in module chainer.functions)
roi_pooling_2d() (in module chainer.functions)
rollaxis() (in module chainer.functions)
rrelu() (in module chainer.functions)
rsqrt() (in module chainer.functions)
run() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
(chainer.training.Trainer method)
run_test_backward() (chainer.testing.FunctionTestCase method)
run_test_double_backward() (chainer.testing.FunctionTestCase method)
run_test_forward() (chainer.testing.FunctionTestCase method)
S
sample() (chainer.Distribution method)
(chainer.distributions.Bernoulli method)
(chainer.distributions.Beta method)
(chainer.distributions.Categorical method)
(chainer.distributions.Cauchy method)
(chainer.distributions.Chisquare method)
(chainer.distributions.Dirichlet method)
(chainer.distributions.Exponential method)
(chainer.distributions.Gamma method)
(chainer.distributions.Geometric method)
(chainer.distributions.Gumbel method)
(chainer.distributions.Independent method)
(chainer.distributions.Laplace method)
(chainer.distributions.LogNormal method)
(chainer.distributions.MultivariateNormal method)
(chainer.distributions.Normal method)
(chainer.distributions.OneHotCategorical method)
(chainer.distributions.Pareto method)
(chainer.distributions.Poisson method)
(chainer.distributions.Uniform method)
(chainer.utils.WalkerAlias method)
sample_data (chainer.links.BlackOut attribute)
sample_gpu() (chainer.utils.WalkerAlias method)
sample_n() (chainer.Distribution method)
(chainer.distributions.Bernoulli method)
(chainer.distributions.Beta method)
(chainer.distributions.Categorical method)
(chainer.distributions.Cauchy method)
(chainer.distributions.Chisquare method)
(chainer.distributions.Dirichlet method)
(chainer.distributions.Exponential method)
(chainer.distributions.Gamma method)
(chainer.distributions.Geometric method)
(chainer.distributions.Gumbel method)
(chainer.distributions.Independent method)
(chainer.distributions.Laplace method)
(chainer.distributions.LogNormal method)
(chainer.distributions.MultivariateNormal method)
(chainer.distributions.Normal method)
(chainer.distributions.OneHotCategorical method)
(chainer.distributions.Pareto method)
(chainer.distributions.Poisson method)
(chainer.distributions.Uniform method)
sample_xp() (chainer.utils.WalkerAlias method)
save() (chainer.Serializer method)
(chainer.serializers.DictionarySerializer method)
(chainer.serializers.HDF5Serializer method)
(chainer.training.extensions.snapshot_writers.ProcessQueueWriter method)
(chainer.training.extensions.snapshot_writers.ProcessWriter method)
(chainer.training.extensions.snapshot_writers.QueueWriter method)
(chainer.training.extensions.snapshot_writers.SimpleWriter method)
(chainer.training.extensions.snapshot_writers.ThreadQueueWriter method)
(chainer.training.extensions.snapshot_writers.ThreadWriter method)
(chainer.training.extensions.snapshot_writers.Writer method)
save_and_load() (in module chainer.testing)
save_and_load_hdf5() (in module chainer.testing)
save_and_load_npz() (in module chainer.testing)
save_hdf5() (in module chainer.serializers)
save_npz() (in module chainer.serializers)
save_plot_using_module() (chainer.training.extensions.VariableStatisticsPlot method)
scale (chainer.distributions.Cauchy attribute)
(chainer.distributions.Gumbel attribute)
(chainer.distributions.Laplace attribute)
(chainer.distributions.Normal attribute)
(chainer.distributions.Pareto attribute)
(chainer.distributions.Uniform attribute)
Scale (class in chainer.links)
scale() (in module chainer.functions)
scale_tril (chainer.distributions.MultivariateNormal attribute)
scatter() (chainermn.CommunicatorBase method)
(in module chainermn.functions)
scatter_add() (in module chainer.functions)
scatter_dataset() (in module chainermn)
scatter_index() (in module chainermn)
schedule_func (chainer.configuration.GlobalConfig attribute)
scope() (chainer.Reporter method)
select_item() (in module chainer.functions)
selu() (in module chainer.functions)
send() (chainer.backend.ChainerxDevice method)
(chainer.backend.CpuDevice method)
(chainer.backend.Device method)
(chainer.backend.GpuDevice method)
(chainer.backend.Intel64Device method)
(chainermn.CommunicatorBase method)
(in module chainermn.functions)
send_array() (chainer.backend.ChainerxDevice method)
(chainer.backend.CpuDevice method)
(chainer.backend.GpuDevice method)
(chainer.backend.Intel64Device method)
send_obj() (chainermn.CommunicatorBase method)
separate() (in module chainer.functions)
Sequential (class in chainer)
SerialIterator (class in chainer.iterators)
serialize() (chainer.Chain method)
(chainer.ChainList method)
(chainer.dataset.Iterator method)
(chainer.DictSummary method)
(chainer.GradientMethod method)
(chainer.iterators.DaliIterator method)
(chainer.iterators.MultiprocessIterator method)
(chainer.iterators.MultithreadIterator method)
(chainer.iterators.SerialIterator method)
(chainer.Link method)
(chainer.links.BatchNormalization method)
(chainer.links.BatchRenormalization method)
(chainer.links.Bias method)
(chainer.links.Bilinear method)
(chainer.links.BinaryHierarchicalSoftmax method)
(chainer.links.BlackOut method)
(chainer.links.caffe.CaffeFunction method)
(chainer.links.ChildSumTreeLSTM method)
(chainer.links.Classifier method)
(chainer.links.Convolution1D method)
(chainer.links.Convolution2D method)
(chainer.links.Convolution3D method)
(chainer.links.ConvolutionND method)
(chainer.links.CRF1d method)
(chainer.links.Deconvolution1D method)
(chainer.links.Deconvolution2D method)
(chainer.links.Deconvolution3D method)
(chainer.links.DeconvolutionND method)
(chainer.links.DecorrelatedBatchNormalization method)
(chainer.links.DeformableConvolution2D method)
(chainer.links.DepthwiseConvolution2D method)
(chainer.links.DilatedConvolution2D method)
(chainer.links.EmbedID method)
(chainer.links.GoogLeNet method)
(chainer.links.GroupNormalization method)
(chainer.links.GRU method)
(chainer.links.Highway method)
(chainer.links.Inception method)
(chainer.links.InceptionBN method)
(chainer.links.LayerNormalization method)
(chainer.links.Linear method)
(chainer.links.LocalConvolution2D method)
(chainer.links.LSTM method)
(chainer.links.Maxout method)
(chainer.links.MLPConvolution2D method)
(chainer.links.model.vision.resnet.ResNetLayers method)
(chainer.links.NaryTreeLSTM method)
(chainer.links.NegativeSampling method)
(chainer.links.NStepBiGRU method)
(chainer.links.NStepBiLSTM method)
(chainer.links.NStepBiRNNReLU method)
(chainer.links.NStepBiRNNTanh method)
(chainer.links.NStepGRU method)
(chainer.links.NStepLSTM method)
(chainer.links.NStepRNNReLU method)
(chainer.links.NStepRNNTanh method)
(chainer.links.Parameter method)
(chainer.links.PReLU method)
(chainer.links.ResNet101Layers method)
(chainer.links.ResNet152Layers method)
(chainer.links.ResNet50Layers method)
(chainer.links.Scale method)
(chainer.links.SimplifiedDropconnect method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulPeepholeLSTM method)
(chainer.links.StatefulZoneoutLSTM method)
(chainer.links.StatelessGRU method)
(chainer.links.StatelessLSTM method)
(chainer.links.StatelessMGU method)
(chainer.links.Swish method)
(chainer.links.TheanoFunction method)
(chainer.links.VGG16Layers method)
(chainer.links.VGG19Layers method)
(chainer.Optimizer method)
(chainer.optimizers.AdaBound method)
(chainer.optimizers.AdaDelta method)
(chainer.optimizers.AdaGrad method)
(chainer.optimizers.Adam method)
(chainer.optimizers.AdamW method)
(chainer.optimizers.AMSBound method)
(chainer.optimizers.AMSGrad method)
(chainer.optimizers.CorrectedMomentumSGD method)
(chainer.optimizers.MomentumSGD method)
(chainer.optimizers.MSVAG method)
(chainer.optimizers.NesterovAG method)
(chainer.optimizers.RMSprop method)
(chainer.optimizers.RMSpropGraves method)
(chainer.optimizers.SGD method)
(chainer.optimizers.SMORMS3 method)
(chainer.Sequential method)
(chainer.Summary method)
(chainer.training.Extension method)
(chainer.training.extensions.DumpGraph method)
(chainer.training.extensions.Evaluator method)
(chainer.training.extensions.ExponentialShift method)
(chainer.training.extensions.FailOnNonNumber method)
(chainer.training.extensions.InverseShift method)
(chainer.training.extensions.LinearShift method)
(chainer.training.extensions.LogReport method)
(chainer.training.extensions.MicroAverage method)
(chainer.training.extensions.MultistepShift method)
(chainer.training.extensions.ParameterStatistics method)
(chainer.training.extensions.PlotReport method)
(chainer.training.extensions.PolynomialShift method)
(chainer.training.extensions.PrintReport method)
(chainer.training.extensions.ProgressBar method)
(chainer.training.extensions.StepShift method)
(chainer.training.extensions.unchain_variables method)
(chainer.training.extensions.VariableStatisticsPlot method)
(chainer.training.extensions.WarmupShift method)
(chainer.training.Trainer method)
(chainer.training.triggers.BestValueTrigger method)
(chainer.training.triggers.IntervalTrigger method)
(chainer.training.triggers.ManualScheduleTrigger method)
(chainer.training.triggers.MaxValueTrigger method)
(chainer.training.triggers.MinValueTrigger method)
(chainer.training.triggers.OnceTrigger method)
(chainer.training.triggers.TimeTrigger method)
(chainer.training.Updater method)
(chainer.training.updaters.MultiprocessParallelUpdater method)
(chainer.training.updaters.ParallelUpdater method)
(chainer.training.updaters.StandardUpdater method)
(chainer.UpdateRule method)
Serializer (class in chainer)
set_config() (chainermn.CommunicatorBase method)
set_creator() (chainer.Parameter method)
(chainer.Variable method)
(chainer.variable.VariableNode method)
set_creator_node() (chainer.Parameter method)
(chainer.Variable method)
(chainer.variable.VariableNode method)
set_dataset_root() (in module chainer.dataset)
set_debug() (in module chainer)
set_default_device() (in module chainerx)
set_grad() (chainerx.ndarray method)
set_loss_scale() (chainer.GradientMethod method)
(chainer.Optimizer method)
(chainer.optimizers.AdaBound method)
(chainer.optimizers.AdaDelta method)
(chainer.optimizers.AdaGrad method)
(chainer.optimizers.Adam method)
(chainer.optimizers.AdamW method)
(chainer.optimizers.AMSBound method)
(chainer.optimizers.AMSGrad method)
(chainer.optimizers.CorrectedMomentumSGD method)
(chainer.optimizers.MomentumSGD method)
(chainer.optimizers.MSVAG method)
(chainer.optimizers.NesterovAG method)
(chainer.optimizers.RMSprop method)
(chainer.optimizers.RMSpropGraves method)
(chainer.optimizers.SGD method)
(chainer.optimizers.SMORMS3 method)
set_max_workspace_size() (in module chainer.backends.cuda)
set_state() (chainer.links.GRU method)
(chainer.links.LSTM method)
(chainer.links.StatefulGRU method)
(chainer.links.StatefulMGU method)
(chainer.links.StatefulZoneoutLSTM method)
setup() (chainer.GradientMethod method)
(chainer.Optimizer method)
(chainer.optimizers.AdaBound method)
(chainer.optimizers.AdaDelta method)
(chainer.optimizers.AdaGrad method)
(chainer.optimizers.Adam method)
(chainer.optimizers.AdamW method)
(chainer.optimizers.AMSBound method)
(chainer.optimizers.AMSGrad method)
(chainer.optimizers.CorrectedMomentumSGD method)
(chainer.optimizers.MomentumSGD method)
(chainer.optimizers.MSVAG method)
(chainer.optimizers.NesterovAG method)
(chainer.optimizers.RMSprop method)
(chainer.optimizers.RMSpropGraves method)
(chainer.optimizers.SGD method)
(chainer.optimizers.SMORMS3 method)
setUp() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
setup_workers() (chainer.training.updaters.MultiprocessParallelUpdater method)
setUpClass() (chainer.testing.FunctionTestCase class method)
(chainer.testing.LinkInitializersTestCase class method)
(chainer.testing.LinkTestCase class method)
SGD (class in chainer.optimizers)
shape (chainer.Parameter attribute)
(chainer.Variable attribute)
(chainer.variable.VariableNode attribute)
(chainerx.ndarray attribute)
shift() (in module chainer.functions)
shortDescription() (chainer.testing.FunctionTestCase method)
(chainer.testing.LinkInitializersTestCase method)
(chainer.testing.LinkTestCase method)
show() (chainer.configuration.GlobalConfig method)
(chainer.configuration.LocalConfig method)
ShuffleOrderSampler (class in chainer.iterators)
sigma (chainer.distributions.LogNormal attribute)
sigmoid() (in module chainer.functions)
(in module chainerx)
sigmoid_cross_entropy() (in module chainer.functions)
(in module chainerx)
sign() (in module chainer.functions)
(in module chainerx)
SimpleWriter (class in chainer.training.extensions.snapshot_writers)
simplified_dropconnect() (in module chainer.functions)
SimplifiedDropconnect (class in chainer.links)
sin() (in module chainer.functions)
(in module chainerx)
sinh() (in module chainer.functions)
(in module chainerx)
size (chainer.Parameter attribute)
(chainer.utils.type_check.TypeInfo attribute)
(chainer.Variable attribute)