ホーム
進捗状況
Chainer Reference日本語化 進捗状況
Chainer v3 リファレンス日本語訳
Core Functionalities
Variable and Parameter
Function
Link and Chain
Optimizer
Serializer
データセットの抽象化
訓練ループの抽象化
Debug Mode
Chainerの設定
Utilities
CUDA utilities
Common algorithms
Reporter
Experimental feature annotation
Assertion and Testing
Standard Function implementations
Standard Link implementations
Optimizers
Serializers
Function hooks
Weight Initializers
Dataset examples
Iterator examples
Trainer Extensions
Trainer triggers
Caffe Reference Model Support
Visualization of Computational Graph
Environment variables
オブジェクトリスト1
chainer.Variable
chainer.as_variable
chainer.Parameter
chainer.variable.VariableNode
chainer.Function
chainer.FunctionAdapter
chainer.FunctionNode
chainer.force_backprop_mode
chainer.no_backprop_mode
chainer.grad
chainer.Link
chainer.Chain
chainer.ChainList
chainer.optimizer.Hyperparameter
chainer.UpdateRule
chainer.Optimizer
chainer.GradientMethod
chainer.optimizer.WeightDecay
chainer.optimizer.Lasso
chainer.optimizer.GradientClipping
chainer.optimizer.GradientNoise
chainer.AbstractSerializer
chainer.Serializer
chainer.Deserializer
chainer.dataset.DatasetMixin
chainer.dataset.Iterator
chainer.dataset.to_device
chainer.dataset.concat_examples
chainer.dataset.get_dataset_root
chainer.dataset.set_dataset_root
chainer.dataset.cached_download
chainer.dataset.cache_or_load_file
chainer.training.Trainer
chainer.training.Updater
chainer.training.StandardUpdater
chainer.training.ParallelUpdater
chainer.training.updaters.MultiprocessParallelUpdater
chainer.training.Extension
chainer.training.make_extension
chainer.training.get_trigger
chainer.is_debug
chainer.set_debug
chainer.DebugMode
chainer.global_config
chainer.config
chainer.using_config
chainer.configuration.GlobalConfig
chainer.configuration.LocalConfig
chainer.cuda.get_device
chainer.cuda.get_device_from_id
chainer.cuda.get_device_from_array
chainer.cuda.copy
chainer.cuda.to_cpu
chainer.cuda.to_gpu
chainer.cuda.memoize
chainer.cuda.clear_memo
chainer.cuda.elementwise
chainer.cuda.reduce
chainer.cuda.get_array_module
chainer.cuda.set_max_workspace_size
chainer.cuda.get_max_workspace_size
chainer.utils.WalkerAlias
chainer.Reporter
chainer.report_scope
chainer.get_current_reporter
chainer.report
chainer.Summary
chainer.DictSummary
chainer.utils.experimental
chainer.utils.type_check.Expr
chainer.utils.type_check.expect
chainer.utils.type_check.TypeInfo
chainer.utils.type_check.TypeInfoTuple
chainer.gradient_check.check_backward
chainer.gradient_check.numerical_grad
chainer.testing.assert_allclose
chainer.testing.unary_math_function_unittest
Standard Functions
chainer.functions.clipped_relu
chainer.functions.crelu
chainer.functions.elu
chainer.functions.hard_sigmoid
chainer.functions.leaky_relu
chainer.functions.log_softmax
chainer.functions.lstm
chainer.functions.maxout
chainer.functions.prelu
chainer.functions.relu
chainer.functions.selu
chainer.functions.sigmoid
chainer.functions.slstm
chainer.functions.softmax
chainer.functions.softplus
chainer.functions.tanh
chainer.functions.tree_lstm
chainer.functions.broadcast
chainer.functions.broadcast_to
chainer.functions.cast
chainer.functions.concat
chainer.functions.copy
chainer.functions.depth2space
chainer.functions.dstack
chainer.functions.expand_dims
chainer.functions.flatten
chainer.functions.flip
chainer.functions.fliplr
chainer.functions.flipud
chainer.functions.get_item
chainer.functions.hstack
chainer.functions.im2col
chainer.functions.pad
chainer.functions.pad_sequence
chainer.functions.permutate
chainer.functions.reshape
chainer.functions.resize_images
chainer.functions.rollaxis
chainer.functions.select_item
chainer.functions.separate
chainer.functions.space2depth
chainer.functions.spatial_transformer_grid
spatial_transformer_sampler
chainer.functions.split_axis
chainer.functions.squeeze
chainer.functions.stack
chainer.functions.swapaxes
chainer.functions.tile
chainer.functions.transpose
chainer.functions.transpose_sequence
chainer.functions.vstack
chainer.functions.where
chainer.functions.bilinear
chainer.functions.convolution_2d
chainer.functions.convolution_nd
chainer.functions.deconvolution_2d
chainer.functions.deconvolution_nd
chainer.functions.depthwise_convolution_2d
chainer.functions.dilated_convolution_2d
chainer.functions.embed_id
chainer.functions.linear
chainer.functions.n_step_bigru
chainer.functions.n_step_bilstm
chainer.functions.n_step_birnn
chainer.functions.n_step_gru
chainer.functions.n_step_lstm
chainer.functions.n_step_rnn
chainer.functions.accuracy
chainer.functions.binary_accuracy
chainer.functions.classification_summary
chainer.functions.r2_score
chainer.functions.bernoulli_nll
chainer.functions.black_out
chainer.functions.connectionist_temporal_classification
chainer.functions.contrastive
chainer.functions.crf1d
chainer.functions.argmax_crf1d
chainer.functions.cross_covariance
chainer.functions.gaussian_kl_divergence
chainer.functions.gaussian_nll
chainer.functions.hinge
chainer.functions.huber_loss
chainer.functions.mean_absolute_error
chainer.functions.mean_squared_error
chainer.functions.negative_sampling
chainer.functions.sigmoid_cross_entropy
chainer.functions.softmax_cross_entropy
chainer.functions.squared_error
chainer.functions.triplet
(保)chainer.functions.arccos
(保)chainer.functions.arcsin
(保)chainer.functions.arctan
(保)chainer.functions.arctan2
(保)chainer.functions.argmax
(保)chainer.functions.argmin
(保)chainer.functions.average
(保)chainer.functions.batch_inv
(保)chainer.functions.batch_l2_norm_squared
(保)chainer.functions.batch_matmul
(保)chainer.functions.bias
(保)chainer.functions.ceil
(保)chainer.functions.clip
(保)chainer.functions.cos
(保)chainer.functions.cosh
(保)chainer.functions.exp
(保)chainer.functions.fmod
(保)chainer.functions.floor
(保)chainer.functions.identity
(保)chainer.functions.inv
(保)chainer.functions.linear_interpolate
(保)chainer.functions.log
(保)chainer.functions.log10
(保)chainer.functions.log1p
(保)chainer.functions.log2
(保)chainer.functions.logsumexp
(保)chainer.functions.matmul
(保)chainer.functions.max
(保)chainer.functions.maximum
(保)chainer.functions.mean
(保)chainer.functions.min
(保)chainer.functions.minimum
(保)chainer.functions.prod
(保)chainer.functions.rsqrt
(保)chainer.functions.scale
(保)chainer.functions.sin
(保)chainer.functions.sinh
(保)chainer.functions.sqrt
(保)chainer.functions.square
(保)chainer.functions.squared_difference
(保)chainer.functions.sum
(保)chainer.functions.tan
(保)chainer.functions.tanh
chainer.functions.dropout
chainer.functions.gaussian
chainer.functions.simplified_dropconnect
chainer.functions.batch_normalization
chainer.functions.fixed_batch_normalization
chainer.functions.layer_normalization
chainer.functions.local_response_normalization
chainer.functions.normalize
chainer.functions.average_pooling_2d
chainer.functions.average_pooling_nd
chainer.functions.max_pooling_2d
chainer.functions.max_pooling_nd
chainer.functions.roi_pooling_2d
chainer.functions.spatial_pyramid_pooling_2d
chainer.functions.unpooling_2d
chainer.functions.unpooling_nd
chainer.functions.upsampling_2d
chainer.functions.forget
☆Link
chainer.links.Bias
(未)chainer.links.Bilinear
(未)chainer.links.ChildSumTreeLSTM
(未)chainer.links.Convolution2D
(未)chainer.links.ConvolutionND
(未)chainer.links.Deconvolution2D
(未)chainer.links.DeconvolutionND
(未)chainer.links.DepthwiseConvolution2D
(未)chainer.links.DilatedConvolution2D
(未)chainer.links.EmbedID
(未)chainer.links.GRU
(未)chainer.links.Highway
(未)chainer.links.Inception
(未)chainer.links.InceptionBN
(未)chainer.links.Linear
(未)chainer.links.LSTM
(未)chainer.links.MLPConvolution2D
(未)chainer.links.NaryTreeLSTM
(未)chainer.links.NStepBiGRU
(未)chainer.links.NStepBiLSTM
(未)chainer.links.NStepBiRNNReLU
(未)chainer.links.NStepBiRNNTanh
(未)chainer.links.NStepGRU
(未)chainer.links.NStepLSTM
(未)chainer.links.NStepRNNReLU
(未)chainer.links.NStepRNNTanh
(未)chainer.links.Scale
(未)chainer.links.StatefulGRU
(未)chainer.links.StatelessGRU
(未)chainer.links.StatefulPeepholeLSTM
(未)chainer.links.StatelessLSTM
(未)chainer.links.BatchNormalization
(未)chainer.links.LayerNormalization
(未)chainer.links.BinaryHierarchicalSoftmax
(未)chainer.links.BlackOut
(未)chainer.links.CRF1d
(未)chainer.links.SimplifiedDropconnect
(未)chainer.links.PReLU
(未)chainer.links.Maxout
(未)chainer.links.NegativeSampling
(未)chainer.links.Classifier
(未)chainer.links.VGG16Layers
(未)chainer.links.model.vision.vgg.prepare
(未)chainer.links.GoogLeNet
(未)chainer.links.model.vision.googlenet.prepare
(未)chainer.links.model.vision.resnet.ResNetLayers
(未)chainer.links.ResNet50Layers
(未)chainer.links.ResNet101Layers
(未)chainer.links.ResNet152Layers
(未)chainer.links.model.vision.resnet.prepare
(未)chainer.links.TheanoFunction
(未)chainer.links.caffe.CaffeFunction
ホーム
進捗状況
Chainer v3 リファレンス日本語訳
オブジェクトリスト1
Standard Functions
☆Link
perpetually in search of beauty
chainer.
using_config
(
name
,
value
,
config=chainer.config
)
[source]
¶
一時的にスレッドローカル設定を変更するコンテキスト・マネージャ。
Parameters:
name
(
str
) – 変更設定の名称
value
– 設定項目に設定する一時的な値
config
(
LocalConfig
) – Configuration オブジェクト。 デフォルトで用いられるChainerのスレッド・ローカル設定。
トップへ戻る
閉じる