├── .coveragerc ├── .github ├── CONTRIBUTING.md ├── ISSUE_TEMPLATE.md ├── PULL_REQUEST_TEMPLATE.md └── stale.yml ├── .gitignore ├── .travis.yml ├── LICENSE ├── MANIFEST.in ├── README.md ├── appveyor.yml ├── appveyor ├── install.ps1 └── run_with_env.cmd ├── chainer ├── __init__.py ├── _backprop_utils.py ├── _environment_check.py ├── _runtime_info.py ├── _version.py ├── backends │ ├── __init__.py │ ├── cuda.py │ ├── cuda_fusion.py │ └── intel64.py ├── computational_graph.py ├── configuration.py ├── cuda.py ├── dataset │ ├── __init__.py │ ├── convert.py │ ├── dataset_mixin.py │ ├── download.py │ └── iterator.py ├── datasets │ ├── __init__.py │ ├── _mnist_helper.py │ ├── cifar.py │ ├── concatenated_dataset.py │ ├── dict_dataset.py │ ├── fashion_mnist.py │ ├── image_dataset.py │ ├── mnist.py │ ├── ptb.py │ ├── sub_dataset.py │ ├── svhn.py │ ├── transform_dataset.py │ └── tuple_dataset.py ├── exporters │ ├── __init__.py │ └── caffe.py ├── function.py ├── function_hook.py ├── function_hooks │ ├── __init__.py │ ├── cuda_profile.py │ ├── cupy_memory_profile.py │ ├── debug_print.py │ └── timer.py ├── function_node.py ├── functions │ ├── __init__.py │ ├── activation │ │ ├── __init__.py │ │ ├── clipped_relu.py │ │ ├── crelu.py │ │ ├── elu.py │ │ ├── hard_sigmoid.py │ │ ├── leaky_relu.py │ │ ├── log_softmax.py │ │ ├── lstm.py │ │ ├── maxout.py │ │ ├── prelu.py │ │ ├── relu.py │ │ ├── selu.py │ │ ├── sigmoid.py │ │ ├── slstm.py │ │ ├── softmax.py │ │ ├── softplus.py │ │ ├── swish.py │ │ ├── tanh.py │ │ └── tree_lstm.py │ ├── array │ │ ├── __init__.py │ │ ├── broadcast.py │ │ ├── cast.py │ │ ├── concat.py │ │ ├── copy.py │ │ ├── depth2space.py │ │ ├── dstack.py │ │ ├── expand_dims.py │ │ ├── flatten.py │ │ ├── flip.py │ │ ├── fliplr.py │ │ ├── flipud.py │ │ ├── get_item.py │ │ ├── hstack.py │ │ ├── im2col.py │ │ ├── pad.py │ │ ├── pad_sequence.py │ │ ├── permutate.py │ │ ├── repeat.py │ │ ├── reshape.py │ │ ├── resize_images.py │ │ ├── rollaxis.py │ │ ├── scatter_add.py │ │ ├── select_item.py │ │ ├── separate.py │ │ ├── space2depth.py │ │ ├── spatial_transformer_grid.py │ │ ├── spatial_transformer_sampler.py │ │ ├── split_axis.py │ │ ├── squeeze.py │ │ ├── stack.py │ │ ├── swapaxes.py │ │ ├── tile.py │ │ ├── transpose.py │ │ ├── transpose_sequence.py │ │ ├── vstack.py │ │ └── where.py │ ├── connection │ │ ├── __init__.py │ │ ├── bilinear.py │ │ ├── convolution_2d.py │ │ ├── convolution_nd.py │ │ ├── deconvolution_2d.py │ │ ├── deconvolution_nd.py │ │ ├── depthwise_convolution_2d.py │ │ ├── dilated_convolution_2d.py │ │ ├── embed_id.py │ │ ├── linear.py │ │ ├── local_convolution_2d.py │ │ ├── n_step_gru.py │ │ ├── n_step_lstm.py │ │ ├── n_step_rnn.py │ │ └── shift.py │ ├── evaluation │ │ ├── __init__.py │ │ ├── accuracy.py │ │ ├── binary_accuracy.py │ │ ├── classification_summary.py │ │ └── r2_score.py │ ├── loss │ │ ├── __init__.py │ │ ├── absolute_error.py │ │ ├── black_out.py │ │ ├── contrastive.py │ │ ├── crf1d.py │ │ ├── cross_covariance.py │ │ ├── ctc.py │ │ ├── decov.py │ │ ├── hinge.py │ │ ├── huber_loss.py │ │ ├── mean_absolute_error.py │ │ ├── mean_squared_error.py │ │ ├── negative_sampling.py │ │ ├── sigmoid_cross_entropy.py │ │ ├── softmax_cross_entropy.py │ │ ├── squared_error.py │ │ ├── triplet.py │ │ └── vae.py │ ├── math │ │ ├── __init__.py │ │ ├── average.py │ │ ├── basic_math.py │ │ ├── batch_l2_norm_squared.py │ │ ├── bias.py │ │ ├── ceil.py │ │ ├── clip.py │ │ ├── cumsum.py │ │ ├── det.py │ │ ├── erf.py │ │ ├── erfc.py │ │ ├── exponential.py │ │ ├── exponential_m1.py │ │ ├── fft.py │ │ ├── fix.py │ │ ├── floor.py │ │ ├── fmod.py │ │ ├── hyperbolic.py │ │ ├── identity.py │ │ ├── inv.py │ │ ├── linear_interpolate.py │ │ ├── logarithm_1p.py │ │ ├── logsumexp.py │ │ ├── matmul.py │ │ ├── maximum.py │ │ ├── minimum.py │ │ ├── minmax.py │ │ ├── prod.py │ │ ├── scale.py │ │ ├── sign.py │ │ ├── sqrt.py │ │ ├── square.py │ │ ├── squared_difference.py │ │ ├── sum.py │ │ ├── tensordot.py │ │ └── trigonometric.py │ ├── noise │ │ ├── __init__.py │ │ ├── dropout.py │ │ ├── gaussian.py │ │ ├── gumbel_softmax.py │ │ ├── simplified_dropconnect.py │ │ └── zoneout.py │ ├── normalization │ │ ├── __init__.py │ │ ├── batch_normalization.py │ │ ├── batch_renormalization.py │ │ ├── l2_normalization.py │ │ ├── layer_normalization.py │ │ └── local_response_normalization.py │ ├── pooling │ │ ├── __init__.py │ │ ├── average_pooling_2d.py │ │ ├── average_pooling_nd.py │ │ ├── average_pooling_nd_kernel.py │ │ ├── max_pooling_2d.py │ │ ├── max_pooling_nd.py │ │ ├── max_pooling_nd_kernel.py │ │ ├── pooling_2d.py │ │ ├── pooling_nd.py │ │ ├── pooling_nd_kernel.py │ │ ├── roi_pooling_2d.py │ │ ├── spatial_pyramid_pooling_2d.py │ │ ├── unpooling_2d.py │ │ ├── unpooling_nd.py │ │ └── upsampling_2d.py │ ├── theano │ │ ├── __init__.py │ │ └── theano_function.py │ └── util │ │ ├── __init__.py │ │ └── forget.py ├── gradient_check.py ├── initializer.py ├── initializers │ ├── __init__.py │ ├── constant.py │ ├── normal.py │ ├── orthogonal.py │ └── uniform.py ├── iterators │ ├── __init__.py │ ├── multiprocess_iterator.py │ ├── multithread_iterator.py │ └── serial_iterator.py ├── link.py ├── links │ ├── __init__.py │ ├── activation │ │ ├── __init__.py │ │ ├── maxout.py │ │ ├── prelu.py │ │ ├── simplified_dropconnect.py │ │ └── swish.py │ ├── caffe │ │ ├── LICENSE_caffe_pb2 │ │ ├── __init__.py │ │ ├── caffe_function.py │ │ └── protobuf3 │ │ │ ├── __init__.py │ │ │ └── caffe_pb2.py │ ├── connection │ │ ├── __init__.py │ │ ├── bias.py │ │ ├── bilinear.py │ │ ├── convolution_2d.py │ │ ├── convolution_nd.py │ │ ├── deconvolution_2d.py │ │ ├── deconvolution_nd.py │ │ ├── depthwise_convolution_2d.py │ │ ├── dilated_convolution_2d.py │ │ ├── embed_id.py │ │ ├── gru.py │ │ ├── highway.py │ │ ├── inception.py │ │ ├── inceptionbn.py │ │ ├── linear.py │ │ ├── local_convolution_2d.py │ │ ├── lstm.py │ │ ├── mgu.py │ │ ├── mlp_convolution_2d.py │ │ ├── n_step_gru.py │ │ ├── n_step_lstm.py │ │ ├── n_step_rnn.py │ │ ├── parameter.py │ │ ├── peephole.py │ │ ├── scale.py │ │ ├── tree_lstm.py │ │ └── zoneoutlstm.py │ ├── loss │ │ ├── __init__.py │ │ ├── black_out.py │ │ ├── crf1d.py │ │ ├── hierarchical_softmax.py │ │ └── negative_sampling.py │ ├── model │ │ ├── __init__.py │ │ ├── classifier.py │ │ └── vision │ │ │ ├── __init__.py │ │ │ ├── googlenet.py │ │ │ ├── resnet.py │ │ │ └── vgg.py │ ├── normalization │ │ ├── __init__.py │ │ ├── batch_normalization.py │ │ ├── batch_renormalization.py │ │ └── layer_normalization.py │ └── theano │ │ ├── __init__.py │ │ └── theano_function.py ├── optimizer.py ├── optimizer_hooks │ ├── __init__.py │ ├── gradient_clipping.py │ ├── gradient_hard_clipping.py │ ├── gradient_lars.py │ ├── gradient_noise.py │ ├── lasso.py │ └── weight_decay.py ├── optimizers │ ├── __init__.py │ ├── ada_delta.py │ ├── ada_grad.py │ ├── adam.py │ ├── momentum_sgd.py │ ├── nesterov_ag.py │ ├── rmsprop.py │ ├── rmsprop_graves.py │ ├── sgd.py │ └── smorms3.py ├── reporter.py ├── sequential.py ├── serializer.py ├── serializers │ ├── __init__.py │ ├── hdf5.py │ └── npz.py ├── testing │ ├── __init__.py │ ├── array.py │ ├── attr.py │ ├── backend.py │ ├── condition.py │ ├── helper.py │ ├── parameterized.py │ ├── random.py │ ├── serializer.py │ ├── training.py │ └── unary_math_function_test.py ├── training │ ├── __init__.py │ ├── _updater.py │ ├── extension.py │ ├── extensions │ │ ├── __init__.py │ │ ├── _snapshot.py │ │ ├── computational_graph.py │ │ ├── evaluator.py │ │ ├── exponential_shift.py │ │ ├── fail_on_nonnumber.py │ │ ├── linear_shift.py │ │ ├── log_report.py │ │ ├── micro_average.py │ │ ├── multistep.py │ │ ├── parameter_statistics.py │ │ ├── plot_report.py │ │ ├── polynomial_shift.py │ │ ├── print_report.py │ │ ├── progress_bar.py │ │ ├── util.py │ │ ├── value_observation.py │ │ ├── variable_statistics_plot.py │ │ └── warm_up.py │ ├── trainer.py │ ├── trigger.py │ ├── triggers │ │ ├── __init__.py │ │ ├── early_stopping_trigger.py │ │ ├── interval_trigger.py │ │ ├── manual_schedule_trigger.py │ │ ├── minmax_value_trigger.py │ │ └── time_trigger.py │ ├── updater.py │ ├── updaters │ │ ├── __init__.py │ │ ├── multiprocess_parallel_updater.py │ │ ├── parallel_updater.py │ │ └── standard_updater.py │ └── util.py ├── utils │ ├── __init__.py │ ├── argument.py │ ├── array.py │ ├── conv.py │ ├── conv_nd.py │ ├── conv_nd_kernel.py │ ├── experimental.py │ ├── imgproc.py │ ├── type_check.py │ └── walker_alias.py └── variable.py ├── chainer_bibtex.txt ├── codecov.yml ├── docker ├── intel │ ├── README.md │ ├── python2 │ │ └── Dockerfile │ └── python3 │ │ └── Dockerfile ├── python2 │ └── Dockerfile └── python3 │ └── Dockerfile ├── docs ├── Makefile ├── image │ ├── chainer_red_h.png │ ├── googlenet.png │ ├── polynomial.png │ ├── ptb │ │ ├── rnnlm.png │ │ └── rnnlm_example.png │ ├── seq2seq │ │ ├── lstm-rnn.png │ │ └── seq2seq.png │ ├── train_loop │ │ ├── 5.png │ │ └── 7.png │ ├── trainer │ │ ├── mnist_accuracy.png │ │ ├── mnist_graph.png │ │ ├── mnist_loss.png │ │ ├── mnist_output.png │ │ └── trainer.png │ └── word2vec │ │ ├── center_context_word.png │ │ └── skipgram_detail.png ├── make.bat └── source │ ├── _autosummary_check.py │ ├── _docstring_check.py │ ├── _static │ └── css │ │ └── modified_theme.css │ ├── _templates │ └── autosummary │ │ └── class.rst │ ├── comparison.rst │ ├── compatibility.rst │ ├── conf.py │ ├── contribution.rst │ ├── examples │ ├── cnn.rst │ ├── index.rst │ ├── mnist.rst │ ├── ptb.rst │ ├── rnn.rst │ ├── seq2seq.rst │ ├── train_loop.rst │ └── word2vec.rst │ ├── guides │ ├── define_by_run.rst │ ├── extensions.rst │ ├── functions.rst │ ├── gpu.rst │ ├── index.rst │ ├── links.rst │ ├── models.rst │ ├── optimizers.rst │ ├── report.rst │ ├── serializers.rst │ ├── trainer.rst │ ├── type_checks.rst │ └── variables.rst │ ├── imports.rst │ ├── index.rst │ ├── install.rst │ ├── license.rst │ ├── reference │ ├── caffe.rst │ ├── check.rst │ ├── configuration.rst │ ├── datasets.rst │ ├── debug.rst │ ├── functions.rst │ ├── graph.rst │ ├── index.rst │ ├── initializers.rst │ ├── iterators.rst │ ├── links.rst │ ├── optimizers.rst │ ├── serializers.rst │ ├── training.rst │ ├── util.rst │ ├── util │ │ ├── algorithm.rst │ │ ├── conv.rst │ │ ├── cuda.rst │ │ ├── experimental.rst │ │ └── reporter.rst │ └── variable.rst │ ├── spelling_wordlist.txt │ ├── tips.rst │ ├── upgrade.rst │ └── upgrade_v2.rst ├── examples ├── .gitignore ├── README.md ├── caffe_export │ ├── README.md │ └── export.py ├── cifar │ ├── README.md │ ├── models │ │ ├── VGG.py │ │ └── __init__.py │ ├── train_cifar.py │ └── train_cifar_custom_loop.py ├── dcgan │ ├── README.md │ ├── example_image.png │ ├── net.py │ ├── train_dcgan.py │ ├── updater.py │ └── visualize.py ├── image_captioning │ ├── README.md │ ├── datasets.py │ ├── download.py │ ├── model.py │ ├── predict.py │ └── train.py ├── imagenet │ ├── README.md │ ├── alex.py │ ├── compute_mean.py │ ├── googlenet.py │ ├── googlenetbn.py │ ├── mean.npy │ ├── nin.py │ ├── resnet50.py │ ├── train_imagenet.py │ └── train_imagenet_data_parallel.py ├── memnn │ ├── README.md │ ├── babi.py │ ├── download.py │ ├── memnn.py │ ├── test_memnn.py │ └── train_memnn.py ├── mnist │ ├── .gitignore │ ├── README.md │ ├── train_mnist.py │ ├── train_mnist_custom_loop.py │ ├── train_mnist_data_parallel.py │ └── train_mnist_model_parallel.py ├── modelzoo │ ├── .gitignore │ ├── README.md │ ├── download_mean_file.py │ ├── download_model.py │ └── evaluate_caffe_net.py ├── pos │ ├── README.md │ └── postagging.py ├── ptb │ ├── .gitignore │ ├── README.md │ ├── gentxt.py │ ├── train_ptb.py │ └── train_ptb_custom_loop.py ├── reinforcement_learning │ ├── README.md │ ├── ddpg_pendulum.py │ └── dqn_cartpole.py ├── sentiment │ ├── README.md │ ├── data.py │ ├── download.py │ ├── test_thin_stack.py │ ├── thin_stack.py │ ├── train_recursive_minibatch.py │ └── train_sentiment.py ├── seq2seq │ ├── README.md │ ├── seq2seq.py │ └── wmt_preprocess.py ├── text_classification │ ├── README.md │ ├── nets.py │ ├── nlp_utils.py │ ├── run_text_classifier.py │ ├── text_datasets.py │ └── train_text_classifier.py ├── vae │ ├── README.md │ ├── net.py │ ├── train_vae.py │ └── train_vae_custom_loop.py └── word2vec │ ├── README.md │ ├── search.py │ └── train_word2vec.py ├── readthedocs.yml ├── setup.cfg ├── setup.py └── tests └── chainer_tests ├── __init__.py ├── dataset_tests ├── __init__.py ├── test_convert.py ├── test_dataset_mixin.py └── test_download.py ├── datasets_tests ├── __init__.py ├── image_dataset │ ├── __init__.py │ ├── chainer.png │ ├── chainer_grey.png │ ├── img.lst │ ├── labeled_img.lst │ ├── zipped_images_1.zip │ └── zipped_images_2.zip ├── test_cifar.py ├── test_concatenated_dataset.py ├── test_dict_dataset.py ├── test_image_dataset.py ├── test_mnist.py ├── test_sub_dataset.py ├── test_svhn.py ├── test_transform_dataset.py └── test_tuple_dataset.py ├── exporters_tests ├── __init__.py └── test_caffe.py ├── function_hooks_tests ├── __init__.py ├── test_cuda_profile.py ├── test_cupy_memory_profile.py ├── test_debug_print.py └── test_timer.py ├── functions_tests ├── __init__.py ├── activation_tests │ ├── __init__.py │ ├── test_clipped_relu.py │ ├── test_crelu.py │ ├── test_elu.py │ ├── test_hard_sigmoid.py │ ├── test_leaky_relu.py │ ├── test_log_softmax.py │ ├── test_lstm.py │ ├── test_maxout.py │ ├── test_prelu.py │ ├── test_relu.py │ ├── test_selu.py │ ├── test_sigmoid.py │ ├── test_slstm.py │ ├── test_softmax.py │ ├── test_softplus.py │ ├── test_swish.py │ └── test_tanh.py ├── array_tests │ ├── __init__.py │ ├── test_broadcast.py │ ├── test_cast.py │ ├── test_concat.py │ ├── test_copy.py │ ├── test_depth_2_space.py │ ├── test_dstack.py │ ├── test_expand_dims.py │ ├── test_flatten.py │ ├── test_flip.py │ ├── test_fliplr.py │ ├── test_flipud.py │ ├── test_get_item.py │ ├── test_hstack.py │ ├── test_im2col.py │ ├── test_pad.py │ ├── test_pad_sequence.py │ ├── test_permutate.py │ ├── test_repeat.py │ ├── test_reshape.py │ ├── test_resize_images.py │ ├── test_rollaxis.py │ ├── test_scatter_add.py │ ├── test_select_item.py │ ├── test_separate.py │ ├── test_space_2_depth.py │ ├── test_spatial_transformer_grid.py │ ├── test_spatial_transformer_sampler.py │ ├── test_split_axis.py │ ├── test_squeeze.py │ ├── test_stack.py │ ├── test_swapaxes.py │ ├── test_tile.py │ ├── test_transpose.py │ ├── test_transpose_sequence.py │ ├── test_vstack.py │ └── test_where.py ├── connection_tests │ ├── __init__.py │ ├── test_bilinear.py │ ├── test_convolution_2d.py │ ├── test_convolution_nd.py │ ├── test_deconvolution_2d.py │ ├── test_deconvolution_nd.py │ ├── test_depthwise_convolution_2d.py │ ├── test_dilated_convolution_2d.py │ ├── test_embed_id.py │ ├── test_linear.py │ ├── test_local_convolution_2d.py │ ├── test_n_step_gru.py │ ├── test_n_step_lstm.py │ ├── test_n_step_rnn.py │ └── test_shift.py ├── evaluation_tests │ ├── __init__.py │ ├── test_accuracy.py │ ├── test_binary_accuracy.py │ ├── test_classification_summary.py │ └── test_r2_score.py ├── loss_tests │ ├── __init__.py │ ├── test_absolute_error.py │ ├── test_black_out.py │ ├── test_contrastive.py │ ├── test_crf1d.py │ ├── test_cross_covariance.py │ ├── test_ctc.py │ ├── test_decov.py │ ├── test_hinge.py │ ├── test_huber_loss.py │ ├── test_mean_absolute_error.py │ ├── test_mean_squared_error.py │ ├── test_negative_sampling.py │ ├── test_sigmoid_cross_entropy.py │ ├── test_softmax_cross_entropy.py │ ├── test_squared_error.py │ ├── test_triplet.py │ └── test_vae.py ├── math_tests │ ├── __init__.py │ ├── test_average.py │ ├── test_basic_math.py │ ├── test_batch_l2_norm_squared.py │ ├── test_bias.py │ ├── test_ceil.py │ ├── test_clip.py │ ├── test_cumsum.py │ ├── test_det.py │ ├── test_erf.py │ ├── test_erfc.py │ ├── test_exponential.py │ ├── test_exponential_m1.py │ ├── test_fft.py │ ├── test_fix.py │ ├── test_floor.py │ ├── test_fmod.py │ ├── test_hyperbolic.py │ ├── test_inv.py │ ├── test_linear_interpolate.py │ ├── test_logarithm_1p.py │ ├── test_logsumexp.py │ ├── test_matmul.py │ ├── test_maximum.py │ ├── test_minimum.py │ ├── test_minmax.py │ ├── test_prod.py │ ├── test_scale.py │ ├── test_sign.py │ ├── test_sqrt.py │ ├── test_square.py │ ├── test_squared_difference.py │ ├── test_sum.py │ ├── test_tensordot.py │ └── test_trigonometric.py ├── noise_tests │ ├── __init__.py │ ├── test_dropout.py │ ├── test_gaussian.py │ ├── test_gumbel_softmax.py │ ├── test_simplified_dropconnect.py │ └── test_zoneout.py ├── normalization_tests │ ├── __init__.py │ ├── test_batch_normalization.py │ ├── test_batch_renormalization.py │ ├── test_l2_normalization.py │ ├── test_layer_normalization.py │ └── test_local_response_normalization.py ├── pooling_tests │ ├── __init__.py │ ├── pooling_nd_helper.py │ ├── test_average_pooling_2d.py │ ├── test_average_pooling_nd.py │ ├── test_max_pooling_2d.py │ ├── test_max_pooling_nd.py │ ├── test_pooling_nd_kernel.py │ ├── test_roi_pooling_2d.py │ ├── test_spatial_pyramid_pooling_2d.py │ ├── test_unpooling_2d.py │ ├── test_unpooling_nd.py │ └── test_upsampling_2d.py └── util_tests │ ├── __init__.py │ └── test_forget.py ├── initializer_tests ├── __init__.py ├── test_constant.py ├── test_init.py ├── test_normal.py ├── test_orthogonal.py └── test_uniform.py ├── iterators_tests ├── __init__.py ├── test_iterator_compatibility.py ├── test_multiprocess_iterator.py ├── test_multithread_iterator.py └── test_serial_iterator.py ├── links_tests ├── __init__.py ├── activation_tests │ ├── __init__.py │ ├── test_maxout.py │ ├── test_prelu.py │ ├── test_simplified_dropconnect.py │ └── test_swish.py ├── caffe_tests │ ├── __init__.py │ └── test_caffe_function.py ├── connection_tests │ ├── __init__.py │ ├── test_bias.py │ ├── test_bilinear.py │ ├── test_convolution_2d.py │ ├── test_convolution_nd.py │ ├── test_deconvolution_2d.py │ ├── test_deconvolution_nd.py │ ├── test_depthwise_convolution_2d.py │ ├── test_dilated_convolution_2d.py │ ├── test_embed_id.py │ ├── test_gru.py │ ├── test_highway.py │ ├── test_inception.py │ ├── test_inceptionbn.py │ ├── test_linear.py │ ├── test_local_convolution_2d.py │ ├── test_lstm.py │ ├── test_mgu.py │ ├── test_mlp_convolution_2d.py │ ├── test_n_step_gru.py │ ├── test_n_step_lstm.py │ ├── test_n_step_rnn.py │ ├── test_peephole.py │ ├── test_scale.py │ ├── test_tree_lstm.py │ └── test_zoneoutlstm.py ├── loss_tests │ ├── __init__.py │ ├── test_black_out.py │ ├── test_hierarchical_softmax.py │ └── test_negative_sampling.py ├── model_tests │ ├── __init__.py │ ├── test_classifier.py │ └── test_vision.py ├── normalization_tests │ ├── __init__.py │ ├── test_batch_normalization.py │ ├── test_batch_renormalization.py │ └── test_layer_normalization.py └── theano_tests │ ├── __init__.py │ └── test_theano_function.py ├── optimizer_hooks_tests ├── test_gradient_clipping.py ├── test_gradient_hard_clipping.py ├── test_gradient_lars.py ├── test_gradient_noise.py ├── test_lasso.py └── test_weight_decay.py ├── optimizers_tests ├── __init__.py ├── test_optimizers.py └── test_optimizers_by_linear_model.py ├── serializers_tests ├── __init__.py ├── test_hdf5.py └── test_npz.py ├── test_computational_graph.py ├── test_configuration.py ├── test_cuda.py ├── test_function.py ├── test_function_hook.py ├── test_function_node.py ├── test_gradient_check.py ├── test_init.py ├── test_init_docstring.py ├── test_initializer.py ├── test_link.py ├── test_optimizer.py ├── test_reporter.py ├── test_runnable.py ├── test_runtime_info.py ├── test_sequential.py ├── test_variable.py ├── testing_tests ├── __init__.py ├── test_condition.py ├── test_parameterized.py ├── test_serializer.py ├── test_training.py └── test_unary_math_function_test.py ├── training_tests ├── __init__.py ├── extensions_tests │ ├── __init__.py │ ├── test_computational_graph.py │ ├── test_evaluator.py │ ├── test_exponential_shift.py │ ├── test_fail_on_nonnumber.py │ ├── test_linear_shift.py │ ├── test_multistep.py │ ├── test_parameter_statistics.py │ ├── test_plot_report.py │ ├── test_snapshot.py │ ├── test_variable_statistics_plot.py │ └── test_warm_up.py ├── test_extension.py ├── test_trainer.py ├── triggers_tests │ ├── __init__.py │ ├── test_early_stopping_trigger.py │ ├── test_interval_trigger.py │ ├── test_manual_schedule_trigger.py │ ├── test_minmax_trigger.py │ └── test_time_trigger.py └── updaters_tests │ ├── __init__.py │ ├── test_multiprocess_parallel_updater.py │ └── test_standard_updater.py └── utils_tests ├── __init__.py ├── test_argument.py ├── test_conv.py ├── test_conv_nd.py ├── test_conv_nd_kernel.py ├── test_experimental.py ├── test_type_check.py ├── test_utils.py └── test_walker_alias.py /.coveragerc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/.coveragerc -------------------------------------------------------------------------------- /.github/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/.github/CONTRIBUTING.md -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/.github/ISSUE_TEMPLATE.md -------------------------------------------------------------------------------- /.github/PULL_REQUEST_TEMPLATE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/.github/PULL_REQUEST_TEMPLATE.md -------------------------------------------------------------------------------- /.github/stale.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/.github/stale.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/.gitignore -------------------------------------------------------------------------------- /.travis.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/.travis.yml -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/LICENSE -------------------------------------------------------------------------------- /MANIFEST.in: -------------------------------------------------------------------------------- 1 | include LICENSE 2 | -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/README.md -------------------------------------------------------------------------------- /appveyor.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/appveyor.yml -------------------------------------------------------------------------------- /appveyor/install.ps1: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/appveyor/install.ps1 -------------------------------------------------------------------------------- /appveyor/run_with_env.cmd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/appveyor/run_with_env.cmd -------------------------------------------------------------------------------- /chainer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/__init__.py -------------------------------------------------------------------------------- /chainer/_backprop_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/_backprop_utils.py -------------------------------------------------------------------------------- /chainer/_environment_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/_environment_check.py -------------------------------------------------------------------------------- /chainer/_runtime_info.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/_runtime_info.py -------------------------------------------------------------------------------- /chainer/_version.py: -------------------------------------------------------------------------------- 1 | __version__ = '5.0.0a1' 2 | -------------------------------------------------------------------------------- /chainer/backends/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /chainer/backends/cuda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/backends/cuda.py -------------------------------------------------------------------------------- /chainer/backends/cuda_fusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/backends/cuda_fusion.py -------------------------------------------------------------------------------- /chainer/backends/intel64.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/backends/intel64.py -------------------------------------------------------------------------------- /chainer/computational_graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/computational_graph.py -------------------------------------------------------------------------------- /chainer/configuration.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/configuration.py -------------------------------------------------------------------------------- /chainer/cuda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/cuda.py -------------------------------------------------------------------------------- /chainer/dataset/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/dataset/__init__.py -------------------------------------------------------------------------------- /chainer/dataset/convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/dataset/convert.py -------------------------------------------------------------------------------- /chainer/dataset/dataset_mixin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/dataset/dataset_mixin.py -------------------------------------------------------------------------------- /chainer/dataset/download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/dataset/download.py -------------------------------------------------------------------------------- /chainer/dataset/iterator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/dataset/iterator.py -------------------------------------------------------------------------------- /chainer/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/datasets/__init__.py -------------------------------------------------------------------------------- /chainer/datasets/_mnist_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/datasets/_mnist_helper.py -------------------------------------------------------------------------------- /chainer/datasets/cifar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/datasets/cifar.py -------------------------------------------------------------------------------- /chainer/datasets/concatenated_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/datasets/concatenated_dataset.py -------------------------------------------------------------------------------- /chainer/datasets/dict_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/datasets/dict_dataset.py -------------------------------------------------------------------------------- /chainer/datasets/fashion_mnist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/datasets/fashion_mnist.py -------------------------------------------------------------------------------- /chainer/datasets/image_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/datasets/image_dataset.py -------------------------------------------------------------------------------- /chainer/datasets/mnist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/datasets/mnist.py -------------------------------------------------------------------------------- /chainer/datasets/ptb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/datasets/ptb.py -------------------------------------------------------------------------------- /chainer/datasets/sub_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/datasets/sub_dataset.py -------------------------------------------------------------------------------- /chainer/datasets/svhn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/datasets/svhn.py -------------------------------------------------------------------------------- /chainer/datasets/transform_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/datasets/transform_dataset.py -------------------------------------------------------------------------------- /chainer/datasets/tuple_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/datasets/tuple_dataset.py -------------------------------------------------------------------------------- /chainer/exporters/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/exporters/__init__.py -------------------------------------------------------------------------------- /chainer/exporters/caffe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/exporters/caffe.py -------------------------------------------------------------------------------- /chainer/function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/function.py -------------------------------------------------------------------------------- /chainer/function_hook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/function_hook.py -------------------------------------------------------------------------------- /chainer/function_hooks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/function_hooks/__init__.py -------------------------------------------------------------------------------- /chainer/function_hooks/cuda_profile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/function_hooks/cuda_profile.py -------------------------------------------------------------------------------- /chainer/function_hooks/cupy_memory_profile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/function_hooks/cupy_memory_profile.py -------------------------------------------------------------------------------- /chainer/function_hooks/debug_print.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/function_hooks/debug_print.py -------------------------------------------------------------------------------- /chainer/function_hooks/timer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/function_hooks/timer.py -------------------------------------------------------------------------------- /chainer/function_node.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/function_node.py -------------------------------------------------------------------------------- /chainer/functions/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/__init__.py -------------------------------------------------------------------------------- /chainer/functions/activation/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /chainer/functions/activation/clipped_relu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/activation/clipped_relu.py -------------------------------------------------------------------------------- /chainer/functions/activation/crelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/activation/crelu.py -------------------------------------------------------------------------------- /chainer/functions/activation/elu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/activation/elu.py -------------------------------------------------------------------------------- /chainer/functions/activation/hard_sigmoid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/activation/hard_sigmoid.py -------------------------------------------------------------------------------- /chainer/functions/activation/leaky_relu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/activation/leaky_relu.py -------------------------------------------------------------------------------- /chainer/functions/activation/log_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/activation/log_softmax.py -------------------------------------------------------------------------------- /chainer/functions/activation/lstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/activation/lstm.py -------------------------------------------------------------------------------- /chainer/functions/activation/maxout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/activation/maxout.py -------------------------------------------------------------------------------- /chainer/functions/activation/prelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/activation/prelu.py -------------------------------------------------------------------------------- /chainer/functions/activation/relu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/activation/relu.py -------------------------------------------------------------------------------- /chainer/functions/activation/selu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/activation/selu.py -------------------------------------------------------------------------------- /chainer/functions/activation/sigmoid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/activation/sigmoid.py -------------------------------------------------------------------------------- /chainer/functions/activation/slstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/activation/slstm.py -------------------------------------------------------------------------------- /chainer/functions/activation/softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/activation/softmax.py -------------------------------------------------------------------------------- /chainer/functions/activation/softplus.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/activation/softplus.py -------------------------------------------------------------------------------- /chainer/functions/activation/swish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/activation/swish.py -------------------------------------------------------------------------------- /chainer/functions/activation/tanh.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/activation/tanh.py -------------------------------------------------------------------------------- /chainer/functions/activation/tree_lstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/activation/tree_lstm.py -------------------------------------------------------------------------------- /chainer/functions/array/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /chainer/functions/array/broadcast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/broadcast.py -------------------------------------------------------------------------------- /chainer/functions/array/cast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/cast.py -------------------------------------------------------------------------------- /chainer/functions/array/concat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/concat.py -------------------------------------------------------------------------------- /chainer/functions/array/copy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/copy.py -------------------------------------------------------------------------------- /chainer/functions/array/depth2space.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/depth2space.py -------------------------------------------------------------------------------- /chainer/functions/array/dstack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/dstack.py -------------------------------------------------------------------------------- /chainer/functions/array/expand_dims.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/expand_dims.py -------------------------------------------------------------------------------- /chainer/functions/array/flatten.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/flatten.py -------------------------------------------------------------------------------- /chainer/functions/array/flip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/flip.py -------------------------------------------------------------------------------- /chainer/functions/array/fliplr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/fliplr.py -------------------------------------------------------------------------------- /chainer/functions/array/flipud.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/flipud.py -------------------------------------------------------------------------------- /chainer/functions/array/get_item.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/get_item.py -------------------------------------------------------------------------------- /chainer/functions/array/hstack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/hstack.py -------------------------------------------------------------------------------- /chainer/functions/array/im2col.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/im2col.py -------------------------------------------------------------------------------- /chainer/functions/array/pad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/pad.py -------------------------------------------------------------------------------- /chainer/functions/array/pad_sequence.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/pad_sequence.py -------------------------------------------------------------------------------- /chainer/functions/array/permutate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/permutate.py -------------------------------------------------------------------------------- /chainer/functions/array/repeat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/repeat.py -------------------------------------------------------------------------------- /chainer/functions/array/reshape.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/reshape.py -------------------------------------------------------------------------------- /chainer/functions/array/resize_images.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/resize_images.py -------------------------------------------------------------------------------- /chainer/functions/array/rollaxis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/rollaxis.py -------------------------------------------------------------------------------- /chainer/functions/array/scatter_add.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/scatter_add.py -------------------------------------------------------------------------------- /chainer/functions/array/select_item.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/select_item.py -------------------------------------------------------------------------------- /chainer/functions/array/separate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/separate.py -------------------------------------------------------------------------------- /chainer/functions/array/space2depth.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/space2depth.py -------------------------------------------------------------------------------- /chainer/functions/array/spatial_transformer_grid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/spatial_transformer_grid.py -------------------------------------------------------------------------------- /chainer/functions/array/spatial_transformer_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/spatial_transformer_sampler.py -------------------------------------------------------------------------------- /chainer/functions/array/split_axis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/split_axis.py -------------------------------------------------------------------------------- /chainer/functions/array/squeeze.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/squeeze.py -------------------------------------------------------------------------------- /chainer/functions/array/stack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/stack.py -------------------------------------------------------------------------------- /chainer/functions/array/swapaxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/swapaxes.py -------------------------------------------------------------------------------- /chainer/functions/array/tile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/tile.py -------------------------------------------------------------------------------- /chainer/functions/array/transpose.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/transpose.py -------------------------------------------------------------------------------- /chainer/functions/array/transpose_sequence.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/transpose_sequence.py -------------------------------------------------------------------------------- /chainer/functions/array/vstack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/vstack.py -------------------------------------------------------------------------------- /chainer/functions/array/where.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/array/where.py -------------------------------------------------------------------------------- /chainer/functions/connection/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /chainer/functions/connection/bilinear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/connection/bilinear.py -------------------------------------------------------------------------------- /chainer/functions/connection/convolution_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/connection/convolution_2d.py -------------------------------------------------------------------------------- /chainer/functions/connection/convolution_nd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/connection/convolution_nd.py -------------------------------------------------------------------------------- /chainer/functions/connection/deconvolution_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/connection/deconvolution_2d.py -------------------------------------------------------------------------------- /chainer/functions/connection/deconvolution_nd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/connection/deconvolution_nd.py -------------------------------------------------------------------------------- /chainer/functions/connection/depthwise_convolution_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/connection/depthwise_convolution_2d.py -------------------------------------------------------------------------------- /chainer/functions/connection/dilated_convolution_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/connection/dilated_convolution_2d.py -------------------------------------------------------------------------------- /chainer/functions/connection/embed_id.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/connection/embed_id.py -------------------------------------------------------------------------------- /chainer/functions/connection/linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/connection/linear.py -------------------------------------------------------------------------------- /chainer/functions/connection/local_convolution_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/connection/local_convolution_2d.py -------------------------------------------------------------------------------- /chainer/functions/connection/n_step_gru.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/connection/n_step_gru.py -------------------------------------------------------------------------------- /chainer/functions/connection/n_step_lstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/connection/n_step_lstm.py -------------------------------------------------------------------------------- /chainer/functions/connection/n_step_rnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/connection/n_step_rnn.py -------------------------------------------------------------------------------- /chainer/functions/connection/shift.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/connection/shift.py -------------------------------------------------------------------------------- /chainer/functions/evaluation/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /chainer/functions/evaluation/accuracy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/evaluation/accuracy.py -------------------------------------------------------------------------------- /chainer/functions/evaluation/binary_accuracy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/evaluation/binary_accuracy.py -------------------------------------------------------------------------------- /chainer/functions/evaluation/classification_summary.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/evaluation/classification_summary.py -------------------------------------------------------------------------------- /chainer/functions/evaluation/r2_score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/evaluation/r2_score.py -------------------------------------------------------------------------------- /chainer/functions/loss/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /chainer/functions/loss/absolute_error.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/loss/absolute_error.py -------------------------------------------------------------------------------- /chainer/functions/loss/black_out.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/loss/black_out.py -------------------------------------------------------------------------------- /chainer/functions/loss/contrastive.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/loss/contrastive.py -------------------------------------------------------------------------------- /chainer/functions/loss/crf1d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/loss/crf1d.py -------------------------------------------------------------------------------- /chainer/functions/loss/cross_covariance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/loss/cross_covariance.py -------------------------------------------------------------------------------- /chainer/functions/loss/ctc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/loss/ctc.py -------------------------------------------------------------------------------- /chainer/functions/loss/decov.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/loss/decov.py -------------------------------------------------------------------------------- /chainer/functions/loss/hinge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/loss/hinge.py -------------------------------------------------------------------------------- /chainer/functions/loss/huber_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/loss/huber_loss.py -------------------------------------------------------------------------------- /chainer/functions/loss/mean_absolute_error.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/loss/mean_absolute_error.py -------------------------------------------------------------------------------- /chainer/functions/loss/mean_squared_error.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/loss/mean_squared_error.py -------------------------------------------------------------------------------- /chainer/functions/loss/negative_sampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/loss/negative_sampling.py -------------------------------------------------------------------------------- /chainer/functions/loss/sigmoid_cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/loss/sigmoid_cross_entropy.py -------------------------------------------------------------------------------- /chainer/functions/loss/softmax_cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/loss/softmax_cross_entropy.py -------------------------------------------------------------------------------- /chainer/functions/loss/squared_error.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/loss/squared_error.py -------------------------------------------------------------------------------- /chainer/functions/loss/triplet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/loss/triplet.py -------------------------------------------------------------------------------- /chainer/functions/loss/vae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/loss/vae.py -------------------------------------------------------------------------------- /chainer/functions/math/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /chainer/functions/math/average.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/average.py -------------------------------------------------------------------------------- /chainer/functions/math/basic_math.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/basic_math.py -------------------------------------------------------------------------------- /chainer/functions/math/batch_l2_norm_squared.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/batch_l2_norm_squared.py -------------------------------------------------------------------------------- /chainer/functions/math/bias.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/bias.py -------------------------------------------------------------------------------- /chainer/functions/math/ceil.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/ceil.py -------------------------------------------------------------------------------- /chainer/functions/math/clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/clip.py -------------------------------------------------------------------------------- /chainer/functions/math/cumsum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/cumsum.py -------------------------------------------------------------------------------- /chainer/functions/math/det.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/det.py -------------------------------------------------------------------------------- /chainer/functions/math/erf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/erf.py -------------------------------------------------------------------------------- /chainer/functions/math/erfc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/erfc.py -------------------------------------------------------------------------------- /chainer/functions/math/exponential.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/exponential.py -------------------------------------------------------------------------------- /chainer/functions/math/exponential_m1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/exponential_m1.py -------------------------------------------------------------------------------- /chainer/functions/math/fft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/fft.py -------------------------------------------------------------------------------- /chainer/functions/math/fix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/fix.py -------------------------------------------------------------------------------- /chainer/functions/math/floor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/floor.py -------------------------------------------------------------------------------- /chainer/functions/math/fmod.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/fmod.py -------------------------------------------------------------------------------- /chainer/functions/math/hyperbolic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/hyperbolic.py -------------------------------------------------------------------------------- /chainer/functions/math/identity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/identity.py -------------------------------------------------------------------------------- /chainer/functions/math/inv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/inv.py -------------------------------------------------------------------------------- /chainer/functions/math/linear_interpolate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/linear_interpolate.py -------------------------------------------------------------------------------- /chainer/functions/math/logarithm_1p.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/logarithm_1p.py -------------------------------------------------------------------------------- /chainer/functions/math/logsumexp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/logsumexp.py -------------------------------------------------------------------------------- /chainer/functions/math/matmul.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/matmul.py -------------------------------------------------------------------------------- /chainer/functions/math/maximum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/maximum.py -------------------------------------------------------------------------------- /chainer/functions/math/minimum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/minimum.py -------------------------------------------------------------------------------- /chainer/functions/math/minmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/minmax.py -------------------------------------------------------------------------------- /chainer/functions/math/prod.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/prod.py -------------------------------------------------------------------------------- /chainer/functions/math/scale.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/scale.py -------------------------------------------------------------------------------- /chainer/functions/math/sign.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/sign.py -------------------------------------------------------------------------------- /chainer/functions/math/sqrt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/sqrt.py -------------------------------------------------------------------------------- /chainer/functions/math/square.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/square.py -------------------------------------------------------------------------------- /chainer/functions/math/squared_difference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/squared_difference.py -------------------------------------------------------------------------------- /chainer/functions/math/sum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/sum.py -------------------------------------------------------------------------------- /chainer/functions/math/tensordot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/tensordot.py -------------------------------------------------------------------------------- /chainer/functions/math/trigonometric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/math/trigonometric.py -------------------------------------------------------------------------------- /chainer/functions/noise/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /chainer/functions/noise/dropout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/noise/dropout.py -------------------------------------------------------------------------------- /chainer/functions/noise/gaussian.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/noise/gaussian.py -------------------------------------------------------------------------------- /chainer/functions/noise/gumbel_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/noise/gumbel_softmax.py -------------------------------------------------------------------------------- /chainer/functions/noise/simplified_dropconnect.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/noise/simplified_dropconnect.py -------------------------------------------------------------------------------- /chainer/functions/noise/zoneout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/noise/zoneout.py -------------------------------------------------------------------------------- /chainer/functions/normalization/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /chainer/functions/normalization/batch_normalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/normalization/batch_normalization.py -------------------------------------------------------------------------------- /chainer/functions/normalization/batch_renormalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/normalization/batch_renormalization.py -------------------------------------------------------------------------------- /chainer/functions/normalization/l2_normalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/normalization/l2_normalization.py -------------------------------------------------------------------------------- /chainer/functions/normalization/layer_normalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/normalization/layer_normalization.py -------------------------------------------------------------------------------- /chainer/functions/normalization/local_response_normalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/normalization/local_response_normalization.py -------------------------------------------------------------------------------- /chainer/functions/pooling/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /chainer/functions/pooling/average_pooling_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/pooling/average_pooling_2d.py -------------------------------------------------------------------------------- /chainer/functions/pooling/average_pooling_nd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/pooling/average_pooling_nd.py -------------------------------------------------------------------------------- /chainer/functions/pooling/average_pooling_nd_kernel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/pooling/average_pooling_nd_kernel.py -------------------------------------------------------------------------------- /chainer/functions/pooling/max_pooling_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/pooling/max_pooling_2d.py -------------------------------------------------------------------------------- /chainer/functions/pooling/max_pooling_nd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/pooling/max_pooling_nd.py -------------------------------------------------------------------------------- /chainer/functions/pooling/max_pooling_nd_kernel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/pooling/max_pooling_nd_kernel.py -------------------------------------------------------------------------------- /chainer/functions/pooling/pooling_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/pooling/pooling_2d.py -------------------------------------------------------------------------------- /chainer/functions/pooling/pooling_nd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/pooling/pooling_nd.py -------------------------------------------------------------------------------- /chainer/functions/pooling/pooling_nd_kernel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/pooling/pooling_nd_kernel.py -------------------------------------------------------------------------------- /chainer/functions/pooling/roi_pooling_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/pooling/roi_pooling_2d.py -------------------------------------------------------------------------------- /chainer/functions/pooling/spatial_pyramid_pooling_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/pooling/spatial_pyramid_pooling_2d.py -------------------------------------------------------------------------------- /chainer/functions/pooling/unpooling_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/pooling/unpooling_2d.py -------------------------------------------------------------------------------- /chainer/functions/pooling/unpooling_nd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/pooling/unpooling_nd.py -------------------------------------------------------------------------------- /chainer/functions/pooling/upsampling_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/pooling/upsampling_2d.py -------------------------------------------------------------------------------- /chainer/functions/theano/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /chainer/functions/theano/theano_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/theano/theano_function.py -------------------------------------------------------------------------------- /chainer/functions/util/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /chainer/functions/util/forget.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/functions/util/forget.py -------------------------------------------------------------------------------- /chainer/gradient_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/gradient_check.py -------------------------------------------------------------------------------- /chainer/initializer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/initializer.py -------------------------------------------------------------------------------- /chainer/initializers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/initializers/__init__.py -------------------------------------------------------------------------------- /chainer/initializers/constant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/initializers/constant.py -------------------------------------------------------------------------------- /chainer/initializers/normal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/initializers/normal.py -------------------------------------------------------------------------------- /chainer/initializers/orthogonal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/initializers/orthogonal.py -------------------------------------------------------------------------------- /chainer/initializers/uniform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/initializers/uniform.py -------------------------------------------------------------------------------- /chainer/iterators/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/iterators/__init__.py -------------------------------------------------------------------------------- /chainer/iterators/multiprocess_iterator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/iterators/multiprocess_iterator.py -------------------------------------------------------------------------------- /chainer/iterators/multithread_iterator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/iterators/multithread_iterator.py -------------------------------------------------------------------------------- /chainer/iterators/serial_iterator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/iterators/serial_iterator.py -------------------------------------------------------------------------------- /chainer/link.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/link.py -------------------------------------------------------------------------------- /chainer/links/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/__init__.py -------------------------------------------------------------------------------- /chainer/links/activation/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /chainer/links/activation/maxout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/activation/maxout.py -------------------------------------------------------------------------------- /chainer/links/activation/prelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/activation/prelu.py -------------------------------------------------------------------------------- /chainer/links/activation/simplified_dropconnect.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/activation/simplified_dropconnect.py -------------------------------------------------------------------------------- /chainer/links/activation/swish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/activation/swish.py -------------------------------------------------------------------------------- /chainer/links/caffe/LICENSE_caffe_pb2: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/caffe/LICENSE_caffe_pb2 -------------------------------------------------------------------------------- /chainer/links/caffe/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/caffe/__init__.py -------------------------------------------------------------------------------- /chainer/links/caffe/caffe_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/caffe/caffe_function.py -------------------------------------------------------------------------------- /chainer/links/caffe/protobuf3/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /chainer/links/caffe/protobuf3/caffe_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/caffe/protobuf3/caffe_pb2.py -------------------------------------------------------------------------------- /chainer/links/connection/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /chainer/links/connection/bias.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/connection/bias.py -------------------------------------------------------------------------------- /chainer/links/connection/bilinear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/connection/bilinear.py -------------------------------------------------------------------------------- /chainer/links/connection/convolution_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/connection/convolution_2d.py -------------------------------------------------------------------------------- /chainer/links/connection/convolution_nd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/connection/convolution_nd.py -------------------------------------------------------------------------------- /chainer/links/connection/deconvolution_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/connection/deconvolution_2d.py -------------------------------------------------------------------------------- /chainer/links/connection/deconvolution_nd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/connection/deconvolution_nd.py -------------------------------------------------------------------------------- /chainer/links/connection/depthwise_convolution_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/connection/depthwise_convolution_2d.py -------------------------------------------------------------------------------- /chainer/links/connection/dilated_convolution_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/connection/dilated_convolution_2d.py -------------------------------------------------------------------------------- /chainer/links/connection/embed_id.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/connection/embed_id.py -------------------------------------------------------------------------------- /chainer/links/connection/gru.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/connection/gru.py -------------------------------------------------------------------------------- /chainer/links/connection/highway.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/connection/highway.py -------------------------------------------------------------------------------- /chainer/links/connection/inception.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/connection/inception.py -------------------------------------------------------------------------------- /chainer/links/connection/inceptionbn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/connection/inceptionbn.py -------------------------------------------------------------------------------- /chainer/links/connection/linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/connection/linear.py -------------------------------------------------------------------------------- /chainer/links/connection/local_convolution_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/connection/local_convolution_2d.py -------------------------------------------------------------------------------- /chainer/links/connection/lstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/connection/lstm.py -------------------------------------------------------------------------------- /chainer/links/connection/mgu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/connection/mgu.py -------------------------------------------------------------------------------- /chainer/links/connection/mlp_convolution_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/connection/mlp_convolution_2d.py -------------------------------------------------------------------------------- /chainer/links/connection/n_step_gru.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/connection/n_step_gru.py -------------------------------------------------------------------------------- /chainer/links/connection/n_step_lstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/connection/n_step_lstm.py -------------------------------------------------------------------------------- /chainer/links/connection/n_step_rnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/connection/n_step_rnn.py -------------------------------------------------------------------------------- /chainer/links/connection/parameter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/connection/parameter.py -------------------------------------------------------------------------------- /chainer/links/connection/peephole.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/connection/peephole.py -------------------------------------------------------------------------------- /chainer/links/connection/scale.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/connection/scale.py -------------------------------------------------------------------------------- /chainer/links/connection/tree_lstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/connection/tree_lstm.py -------------------------------------------------------------------------------- /chainer/links/connection/zoneoutlstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/connection/zoneoutlstm.py -------------------------------------------------------------------------------- /chainer/links/loss/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /chainer/links/loss/black_out.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/loss/black_out.py -------------------------------------------------------------------------------- /chainer/links/loss/crf1d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/loss/crf1d.py -------------------------------------------------------------------------------- /chainer/links/loss/hierarchical_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/loss/hierarchical_softmax.py -------------------------------------------------------------------------------- /chainer/links/loss/negative_sampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/loss/negative_sampling.py -------------------------------------------------------------------------------- /chainer/links/model/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /chainer/links/model/classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/model/classifier.py -------------------------------------------------------------------------------- /chainer/links/model/vision/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /chainer/links/model/vision/googlenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/model/vision/googlenet.py -------------------------------------------------------------------------------- /chainer/links/model/vision/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/model/vision/resnet.py -------------------------------------------------------------------------------- /chainer/links/model/vision/vgg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/model/vision/vgg.py -------------------------------------------------------------------------------- /chainer/links/normalization/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /chainer/links/normalization/batch_normalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/normalization/batch_normalization.py -------------------------------------------------------------------------------- /chainer/links/normalization/batch_renormalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/normalization/batch_renormalization.py -------------------------------------------------------------------------------- /chainer/links/normalization/layer_normalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/normalization/layer_normalization.py -------------------------------------------------------------------------------- /chainer/links/theano/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /chainer/links/theano/theano_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/links/theano/theano_function.py -------------------------------------------------------------------------------- /chainer/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/optimizer.py -------------------------------------------------------------------------------- /chainer/optimizer_hooks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/optimizer_hooks/__init__.py -------------------------------------------------------------------------------- /chainer/optimizer_hooks/gradient_clipping.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/optimizer_hooks/gradient_clipping.py -------------------------------------------------------------------------------- /chainer/optimizer_hooks/gradient_hard_clipping.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/optimizer_hooks/gradient_hard_clipping.py -------------------------------------------------------------------------------- /chainer/optimizer_hooks/gradient_lars.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/optimizer_hooks/gradient_lars.py -------------------------------------------------------------------------------- /chainer/optimizer_hooks/gradient_noise.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/optimizer_hooks/gradient_noise.py -------------------------------------------------------------------------------- /chainer/optimizer_hooks/lasso.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/optimizer_hooks/lasso.py -------------------------------------------------------------------------------- /chainer/optimizer_hooks/weight_decay.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/optimizer_hooks/weight_decay.py -------------------------------------------------------------------------------- /chainer/optimizers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/optimizers/__init__.py -------------------------------------------------------------------------------- /chainer/optimizers/ada_delta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/optimizers/ada_delta.py -------------------------------------------------------------------------------- /chainer/optimizers/ada_grad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/optimizers/ada_grad.py -------------------------------------------------------------------------------- /chainer/optimizers/adam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/optimizers/adam.py -------------------------------------------------------------------------------- /chainer/optimizers/momentum_sgd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/optimizers/momentum_sgd.py -------------------------------------------------------------------------------- /chainer/optimizers/nesterov_ag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/optimizers/nesterov_ag.py -------------------------------------------------------------------------------- /chainer/optimizers/rmsprop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/optimizers/rmsprop.py -------------------------------------------------------------------------------- /chainer/optimizers/rmsprop_graves.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/optimizers/rmsprop_graves.py -------------------------------------------------------------------------------- /chainer/optimizers/sgd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/optimizers/sgd.py -------------------------------------------------------------------------------- /chainer/optimizers/smorms3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/optimizers/smorms3.py -------------------------------------------------------------------------------- /chainer/reporter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/reporter.py -------------------------------------------------------------------------------- /chainer/sequential.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/sequential.py -------------------------------------------------------------------------------- /chainer/serializer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/serializer.py -------------------------------------------------------------------------------- /chainer/serializers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/serializers/__init__.py -------------------------------------------------------------------------------- /chainer/serializers/hdf5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/serializers/hdf5.py -------------------------------------------------------------------------------- /chainer/serializers/npz.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/serializers/npz.py -------------------------------------------------------------------------------- /chainer/testing/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/testing/__init__.py -------------------------------------------------------------------------------- /chainer/testing/array.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/testing/array.py -------------------------------------------------------------------------------- /chainer/testing/attr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/testing/attr.py -------------------------------------------------------------------------------- /chainer/testing/backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/testing/backend.py -------------------------------------------------------------------------------- /chainer/testing/condition.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/testing/condition.py -------------------------------------------------------------------------------- /chainer/testing/helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/testing/helper.py -------------------------------------------------------------------------------- /chainer/testing/parameterized.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/testing/parameterized.py -------------------------------------------------------------------------------- /chainer/testing/random.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/testing/random.py -------------------------------------------------------------------------------- /chainer/testing/serializer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/testing/serializer.py -------------------------------------------------------------------------------- /chainer/testing/training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/testing/training.py -------------------------------------------------------------------------------- /chainer/testing/unary_math_function_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/testing/unary_math_function_test.py -------------------------------------------------------------------------------- /chainer/training/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/__init__.py -------------------------------------------------------------------------------- /chainer/training/_updater.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/_updater.py -------------------------------------------------------------------------------- /chainer/training/extension.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/extension.py -------------------------------------------------------------------------------- /chainer/training/extensions/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/extensions/__init__.py -------------------------------------------------------------------------------- /chainer/training/extensions/_snapshot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/extensions/_snapshot.py -------------------------------------------------------------------------------- /chainer/training/extensions/computational_graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/extensions/computational_graph.py -------------------------------------------------------------------------------- /chainer/training/extensions/evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/extensions/evaluator.py -------------------------------------------------------------------------------- /chainer/training/extensions/exponential_shift.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/extensions/exponential_shift.py -------------------------------------------------------------------------------- /chainer/training/extensions/fail_on_nonnumber.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/extensions/fail_on_nonnumber.py -------------------------------------------------------------------------------- /chainer/training/extensions/linear_shift.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/extensions/linear_shift.py -------------------------------------------------------------------------------- /chainer/training/extensions/log_report.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/extensions/log_report.py -------------------------------------------------------------------------------- /chainer/training/extensions/micro_average.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/extensions/micro_average.py -------------------------------------------------------------------------------- /chainer/training/extensions/multistep.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/extensions/multistep.py -------------------------------------------------------------------------------- /chainer/training/extensions/parameter_statistics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/extensions/parameter_statistics.py -------------------------------------------------------------------------------- /chainer/training/extensions/plot_report.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/extensions/plot_report.py -------------------------------------------------------------------------------- /chainer/training/extensions/polynomial_shift.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/extensions/polynomial_shift.py -------------------------------------------------------------------------------- /chainer/training/extensions/print_report.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/extensions/print_report.py -------------------------------------------------------------------------------- /chainer/training/extensions/progress_bar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/extensions/progress_bar.py -------------------------------------------------------------------------------- /chainer/training/extensions/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/extensions/util.py -------------------------------------------------------------------------------- /chainer/training/extensions/value_observation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/extensions/value_observation.py -------------------------------------------------------------------------------- /chainer/training/extensions/variable_statistics_plot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/extensions/variable_statistics_plot.py -------------------------------------------------------------------------------- /chainer/training/extensions/warm_up.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/extensions/warm_up.py -------------------------------------------------------------------------------- /chainer/training/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/trainer.py -------------------------------------------------------------------------------- /chainer/training/trigger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/trigger.py -------------------------------------------------------------------------------- /chainer/training/triggers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/triggers/__init__.py -------------------------------------------------------------------------------- /chainer/training/triggers/early_stopping_trigger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/triggers/early_stopping_trigger.py -------------------------------------------------------------------------------- /chainer/training/triggers/interval_trigger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/triggers/interval_trigger.py -------------------------------------------------------------------------------- /chainer/training/triggers/manual_schedule_trigger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/triggers/manual_schedule_trigger.py -------------------------------------------------------------------------------- /chainer/training/triggers/minmax_value_trigger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/triggers/minmax_value_trigger.py -------------------------------------------------------------------------------- /chainer/training/triggers/time_trigger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/triggers/time_trigger.py -------------------------------------------------------------------------------- /chainer/training/updater.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/updater.py -------------------------------------------------------------------------------- /chainer/training/updaters/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/updaters/__init__.py -------------------------------------------------------------------------------- /chainer/training/updaters/multiprocess_parallel_updater.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/updaters/multiprocess_parallel_updater.py -------------------------------------------------------------------------------- /chainer/training/updaters/parallel_updater.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/updaters/parallel_updater.py -------------------------------------------------------------------------------- /chainer/training/updaters/standard_updater.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/updaters/standard_updater.py -------------------------------------------------------------------------------- /chainer/training/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/training/util.py -------------------------------------------------------------------------------- /chainer/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/utils/__init__.py -------------------------------------------------------------------------------- /chainer/utils/argument.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/utils/argument.py -------------------------------------------------------------------------------- /chainer/utils/array.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/utils/array.py -------------------------------------------------------------------------------- /chainer/utils/conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/utils/conv.py -------------------------------------------------------------------------------- /chainer/utils/conv_nd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/utils/conv_nd.py -------------------------------------------------------------------------------- /chainer/utils/conv_nd_kernel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/utils/conv_nd_kernel.py -------------------------------------------------------------------------------- /chainer/utils/experimental.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/utils/experimental.py -------------------------------------------------------------------------------- /chainer/utils/imgproc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/utils/imgproc.py -------------------------------------------------------------------------------- /chainer/utils/type_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/utils/type_check.py -------------------------------------------------------------------------------- /chainer/utils/walker_alias.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/utils/walker_alias.py -------------------------------------------------------------------------------- /chainer/variable.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer/variable.py -------------------------------------------------------------------------------- /chainer_bibtex.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/chainer_bibtex.txt -------------------------------------------------------------------------------- /codecov.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/codecov.yml -------------------------------------------------------------------------------- /docker/intel/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docker/intel/README.md -------------------------------------------------------------------------------- /docker/intel/python2/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docker/intel/python2/Dockerfile -------------------------------------------------------------------------------- /docker/intel/python3/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docker/intel/python3/Dockerfile -------------------------------------------------------------------------------- /docker/python2/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docker/python2/Dockerfile -------------------------------------------------------------------------------- /docker/python3/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docker/python3/Dockerfile -------------------------------------------------------------------------------- /docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/Makefile -------------------------------------------------------------------------------- /docs/image/chainer_red_h.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/image/chainer_red_h.png -------------------------------------------------------------------------------- /docs/image/googlenet.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/image/googlenet.png -------------------------------------------------------------------------------- /docs/image/polynomial.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/image/polynomial.png -------------------------------------------------------------------------------- /docs/image/ptb/rnnlm.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/image/ptb/rnnlm.png -------------------------------------------------------------------------------- /docs/image/ptb/rnnlm_example.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/image/ptb/rnnlm_example.png -------------------------------------------------------------------------------- /docs/image/seq2seq/lstm-rnn.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/image/seq2seq/lstm-rnn.png -------------------------------------------------------------------------------- /docs/image/seq2seq/seq2seq.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/image/seq2seq/seq2seq.png -------------------------------------------------------------------------------- /docs/image/train_loop/5.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/image/train_loop/5.png -------------------------------------------------------------------------------- /docs/image/train_loop/7.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/image/train_loop/7.png -------------------------------------------------------------------------------- /docs/image/trainer/mnist_accuracy.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/image/trainer/mnist_accuracy.png -------------------------------------------------------------------------------- /docs/image/trainer/mnist_graph.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/image/trainer/mnist_graph.png -------------------------------------------------------------------------------- /docs/image/trainer/mnist_loss.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/image/trainer/mnist_loss.png -------------------------------------------------------------------------------- /docs/image/trainer/mnist_output.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/image/trainer/mnist_output.png -------------------------------------------------------------------------------- /docs/image/trainer/trainer.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/image/trainer/trainer.png -------------------------------------------------------------------------------- /docs/image/word2vec/center_context_word.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/image/word2vec/center_context_word.png -------------------------------------------------------------------------------- /docs/image/word2vec/skipgram_detail.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/image/word2vec/skipgram_detail.png -------------------------------------------------------------------------------- /docs/make.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/make.bat -------------------------------------------------------------------------------- /docs/source/_autosummary_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/_autosummary_check.py -------------------------------------------------------------------------------- /docs/source/_docstring_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/_docstring_check.py -------------------------------------------------------------------------------- /docs/source/_static/css/modified_theme.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/_static/css/modified_theme.css -------------------------------------------------------------------------------- /docs/source/_templates/autosummary/class.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/_templates/autosummary/class.rst -------------------------------------------------------------------------------- /docs/source/comparison.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/comparison.rst -------------------------------------------------------------------------------- /docs/source/compatibility.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/compatibility.rst -------------------------------------------------------------------------------- /docs/source/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/conf.py -------------------------------------------------------------------------------- /docs/source/contribution.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/contribution.rst -------------------------------------------------------------------------------- /docs/source/examples/cnn.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/examples/cnn.rst -------------------------------------------------------------------------------- /docs/source/examples/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/examples/index.rst -------------------------------------------------------------------------------- /docs/source/examples/mnist.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/examples/mnist.rst -------------------------------------------------------------------------------- /docs/source/examples/ptb.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/examples/ptb.rst -------------------------------------------------------------------------------- /docs/source/examples/rnn.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/examples/rnn.rst -------------------------------------------------------------------------------- /docs/source/examples/seq2seq.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/examples/seq2seq.rst -------------------------------------------------------------------------------- /docs/source/examples/train_loop.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/examples/train_loop.rst -------------------------------------------------------------------------------- /docs/source/examples/word2vec.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/examples/word2vec.rst -------------------------------------------------------------------------------- /docs/source/guides/define_by_run.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/guides/define_by_run.rst -------------------------------------------------------------------------------- /docs/source/guides/extensions.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/guides/extensions.rst -------------------------------------------------------------------------------- /docs/source/guides/functions.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/guides/functions.rst -------------------------------------------------------------------------------- /docs/source/guides/gpu.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/guides/gpu.rst -------------------------------------------------------------------------------- /docs/source/guides/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/guides/index.rst -------------------------------------------------------------------------------- /docs/source/guides/links.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/guides/links.rst -------------------------------------------------------------------------------- /docs/source/guides/models.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/guides/models.rst -------------------------------------------------------------------------------- /docs/source/guides/optimizers.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/guides/optimizers.rst -------------------------------------------------------------------------------- /docs/source/guides/report.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/guides/report.rst -------------------------------------------------------------------------------- /docs/source/guides/serializers.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/guides/serializers.rst -------------------------------------------------------------------------------- /docs/source/guides/trainer.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/guides/trainer.rst -------------------------------------------------------------------------------- /docs/source/guides/type_checks.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/guides/type_checks.rst -------------------------------------------------------------------------------- /docs/source/guides/variables.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/guides/variables.rst -------------------------------------------------------------------------------- /docs/source/imports.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/imports.rst -------------------------------------------------------------------------------- /docs/source/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/index.rst -------------------------------------------------------------------------------- /docs/source/install.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/install.rst -------------------------------------------------------------------------------- /docs/source/license.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/license.rst -------------------------------------------------------------------------------- /docs/source/reference/caffe.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/reference/caffe.rst -------------------------------------------------------------------------------- /docs/source/reference/check.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/reference/check.rst -------------------------------------------------------------------------------- /docs/source/reference/configuration.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/reference/configuration.rst -------------------------------------------------------------------------------- /docs/source/reference/datasets.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/reference/datasets.rst -------------------------------------------------------------------------------- /docs/source/reference/debug.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/reference/debug.rst -------------------------------------------------------------------------------- /docs/source/reference/functions.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/reference/functions.rst -------------------------------------------------------------------------------- /docs/source/reference/graph.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/reference/graph.rst -------------------------------------------------------------------------------- /docs/source/reference/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/reference/index.rst -------------------------------------------------------------------------------- /docs/source/reference/initializers.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/reference/initializers.rst -------------------------------------------------------------------------------- /docs/source/reference/iterators.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/reference/iterators.rst -------------------------------------------------------------------------------- /docs/source/reference/links.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/reference/links.rst -------------------------------------------------------------------------------- /docs/source/reference/optimizers.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/reference/optimizers.rst -------------------------------------------------------------------------------- /docs/source/reference/serializers.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/reference/serializers.rst -------------------------------------------------------------------------------- /docs/source/reference/training.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/reference/training.rst -------------------------------------------------------------------------------- /docs/source/reference/util.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/reference/util.rst -------------------------------------------------------------------------------- /docs/source/reference/util/algorithm.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/reference/util/algorithm.rst -------------------------------------------------------------------------------- /docs/source/reference/util/conv.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/reference/util/conv.rst -------------------------------------------------------------------------------- /docs/source/reference/util/cuda.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/reference/util/cuda.rst -------------------------------------------------------------------------------- /docs/source/reference/util/experimental.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/reference/util/experimental.rst -------------------------------------------------------------------------------- /docs/source/reference/util/reporter.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/reference/util/reporter.rst -------------------------------------------------------------------------------- /docs/source/reference/variable.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/reference/variable.rst -------------------------------------------------------------------------------- /docs/source/spelling_wordlist.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/spelling_wordlist.txt -------------------------------------------------------------------------------- /docs/source/tips.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/tips.rst -------------------------------------------------------------------------------- /docs/source/upgrade.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/upgrade.rst -------------------------------------------------------------------------------- /docs/source/upgrade_v2.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/docs/source/upgrade_v2.rst -------------------------------------------------------------------------------- /examples/.gitignore: -------------------------------------------------------------------------------- 1 | result/ 2 | -------------------------------------------------------------------------------- /examples/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/README.md -------------------------------------------------------------------------------- /examples/caffe_export/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/caffe_export/README.md -------------------------------------------------------------------------------- /examples/caffe_export/export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/caffe_export/export.py -------------------------------------------------------------------------------- /examples/cifar/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/cifar/README.md -------------------------------------------------------------------------------- /examples/cifar/models/VGG.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/cifar/models/VGG.py -------------------------------------------------------------------------------- /examples/cifar/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/cifar/train_cifar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/cifar/train_cifar.py -------------------------------------------------------------------------------- /examples/cifar/train_cifar_custom_loop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/cifar/train_cifar_custom_loop.py -------------------------------------------------------------------------------- /examples/dcgan/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/dcgan/README.md -------------------------------------------------------------------------------- /examples/dcgan/example_image.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/dcgan/example_image.png -------------------------------------------------------------------------------- /examples/dcgan/net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/dcgan/net.py -------------------------------------------------------------------------------- /examples/dcgan/train_dcgan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/dcgan/train_dcgan.py -------------------------------------------------------------------------------- /examples/dcgan/updater.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/dcgan/updater.py -------------------------------------------------------------------------------- /examples/dcgan/visualize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/dcgan/visualize.py -------------------------------------------------------------------------------- /examples/image_captioning/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/image_captioning/README.md -------------------------------------------------------------------------------- /examples/image_captioning/datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/image_captioning/datasets.py -------------------------------------------------------------------------------- /examples/image_captioning/download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/image_captioning/download.py -------------------------------------------------------------------------------- /examples/image_captioning/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/image_captioning/model.py -------------------------------------------------------------------------------- /examples/image_captioning/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/image_captioning/predict.py -------------------------------------------------------------------------------- /examples/image_captioning/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/image_captioning/train.py -------------------------------------------------------------------------------- /examples/imagenet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/imagenet/README.md -------------------------------------------------------------------------------- /examples/imagenet/alex.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/imagenet/alex.py -------------------------------------------------------------------------------- /examples/imagenet/compute_mean.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/imagenet/compute_mean.py -------------------------------------------------------------------------------- /examples/imagenet/googlenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/imagenet/googlenet.py -------------------------------------------------------------------------------- /examples/imagenet/googlenetbn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/imagenet/googlenetbn.py -------------------------------------------------------------------------------- /examples/imagenet/mean.npy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/imagenet/mean.npy -------------------------------------------------------------------------------- /examples/imagenet/nin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/imagenet/nin.py -------------------------------------------------------------------------------- /examples/imagenet/resnet50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/imagenet/resnet50.py -------------------------------------------------------------------------------- /examples/imagenet/train_imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/imagenet/train_imagenet.py -------------------------------------------------------------------------------- /examples/imagenet/train_imagenet_data_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/imagenet/train_imagenet_data_parallel.py -------------------------------------------------------------------------------- /examples/memnn/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/memnn/README.md -------------------------------------------------------------------------------- /examples/memnn/babi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/memnn/babi.py -------------------------------------------------------------------------------- /examples/memnn/download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/memnn/download.py -------------------------------------------------------------------------------- /examples/memnn/memnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/memnn/memnn.py -------------------------------------------------------------------------------- /examples/memnn/test_memnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/memnn/test_memnn.py -------------------------------------------------------------------------------- /examples/memnn/train_memnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/memnn/train_memnn.py -------------------------------------------------------------------------------- /examples/mnist/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/mnist/.gitignore -------------------------------------------------------------------------------- /examples/mnist/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/mnist/README.md -------------------------------------------------------------------------------- /examples/mnist/train_mnist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/mnist/train_mnist.py -------------------------------------------------------------------------------- /examples/mnist/train_mnist_custom_loop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/mnist/train_mnist_custom_loop.py -------------------------------------------------------------------------------- /examples/mnist/train_mnist_data_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/mnist/train_mnist_data_parallel.py -------------------------------------------------------------------------------- /examples/mnist/train_mnist_model_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/mnist/train_mnist_model_parallel.py -------------------------------------------------------------------------------- /examples/modelzoo/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/modelzoo/.gitignore -------------------------------------------------------------------------------- /examples/modelzoo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/modelzoo/README.md -------------------------------------------------------------------------------- /examples/modelzoo/download_mean_file.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/modelzoo/download_mean_file.py -------------------------------------------------------------------------------- /examples/modelzoo/download_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/modelzoo/download_model.py -------------------------------------------------------------------------------- /examples/modelzoo/evaluate_caffe_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/modelzoo/evaluate_caffe_net.py -------------------------------------------------------------------------------- /examples/pos/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/pos/README.md -------------------------------------------------------------------------------- /examples/pos/postagging.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/pos/postagging.py -------------------------------------------------------------------------------- /examples/ptb/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/ptb/.gitignore -------------------------------------------------------------------------------- /examples/ptb/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/ptb/README.md -------------------------------------------------------------------------------- /examples/ptb/gentxt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/ptb/gentxt.py -------------------------------------------------------------------------------- /examples/ptb/train_ptb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/ptb/train_ptb.py -------------------------------------------------------------------------------- /examples/ptb/train_ptb_custom_loop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/ptb/train_ptb_custom_loop.py -------------------------------------------------------------------------------- /examples/reinforcement_learning/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/reinforcement_learning/README.md -------------------------------------------------------------------------------- /examples/reinforcement_learning/ddpg_pendulum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/reinforcement_learning/ddpg_pendulum.py -------------------------------------------------------------------------------- /examples/reinforcement_learning/dqn_cartpole.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/reinforcement_learning/dqn_cartpole.py -------------------------------------------------------------------------------- /examples/sentiment/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/sentiment/README.md -------------------------------------------------------------------------------- /examples/sentiment/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/sentiment/data.py -------------------------------------------------------------------------------- /examples/sentiment/download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/sentiment/download.py -------------------------------------------------------------------------------- /examples/sentiment/test_thin_stack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/sentiment/test_thin_stack.py -------------------------------------------------------------------------------- /examples/sentiment/thin_stack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/sentiment/thin_stack.py -------------------------------------------------------------------------------- /examples/sentiment/train_recursive_minibatch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/sentiment/train_recursive_minibatch.py -------------------------------------------------------------------------------- /examples/sentiment/train_sentiment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/sentiment/train_sentiment.py -------------------------------------------------------------------------------- /examples/seq2seq/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/seq2seq/README.md -------------------------------------------------------------------------------- /examples/seq2seq/seq2seq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/seq2seq/seq2seq.py -------------------------------------------------------------------------------- /examples/seq2seq/wmt_preprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/seq2seq/wmt_preprocess.py -------------------------------------------------------------------------------- /examples/text_classification/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/text_classification/README.md -------------------------------------------------------------------------------- /examples/text_classification/nets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/text_classification/nets.py -------------------------------------------------------------------------------- /examples/text_classification/nlp_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/text_classification/nlp_utils.py -------------------------------------------------------------------------------- /examples/text_classification/run_text_classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/text_classification/run_text_classifier.py -------------------------------------------------------------------------------- /examples/text_classification/text_datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/text_classification/text_datasets.py -------------------------------------------------------------------------------- /examples/text_classification/train_text_classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/text_classification/train_text_classifier.py -------------------------------------------------------------------------------- /examples/vae/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/vae/README.md -------------------------------------------------------------------------------- /examples/vae/net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/vae/net.py -------------------------------------------------------------------------------- /examples/vae/train_vae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/vae/train_vae.py -------------------------------------------------------------------------------- /examples/vae/train_vae_custom_loop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/vae/train_vae_custom_loop.py -------------------------------------------------------------------------------- /examples/word2vec/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/word2vec/README.md -------------------------------------------------------------------------------- /examples/word2vec/search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/word2vec/search.py -------------------------------------------------------------------------------- /examples/word2vec/train_word2vec.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/examples/word2vec/train_word2vec.py -------------------------------------------------------------------------------- /readthedocs.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/readthedocs.yml -------------------------------------------------------------------------------- /setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/setup.cfg -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/setup.py -------------------------------------------------------------------------------- /tests/chainer_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/dataset_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/dataset_tests/test_convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/dataset_tests/test_convert.py -------------------------------------------------------------------------------- /tests/chainer_tests/dataset_tests/test_dataset_mixin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/dataset_tests/test_dataset_mixin.py -------------------------------------------------------------------------------- /tests/chainer_tests/dataset_tests/test_download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/dataset_tests/test_download.py -------------------------------------------------------------------------------- /tests/chainer_tests/datasets_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/datasets_tests/image_dataset/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/datasets_tests/image_dataset/chainer.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/datasets_tests/image_dataset/chainer.png -------------------------------------------------------------------------------- /tests/chainer_tests/datasets_tests/image_dataset/chainer_grey.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/datasets_tests/image_dataset/chainer_grey.png -------------------------------------------------------------------------------- /tests/chainer_tests/datasets_tests/image_dataset/img.lst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/datasets_tests/image_dataset/img.lst -------------------------------------------------------------------------------- /tests/chainer_tests/datasets_tests/image_dataset/labeled_img.lst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/datasets_tests/image_dataset/labeled_img.lst -------------------------------------------------------------------------------- /tests/chainer_tests/datasets_tests/image_dataset/zipped_images_1.zip: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/datasets_tests/image_dataset/zipped_images_1.zip -------------------------------------------------------------------------------- /tests/chainer_tests/datasets_tests/image_dataset/zipped_images_2.zip: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/datasets_tests/image_dataset/zipped_images_2.zip -------------------------------------------------------------------------------- /tests/chainer_tests/datasets_tests/test_cifar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/datasets_tests/test_cifar.py -------------------------------------------------------------------------------- /tests/chainer_tests/datasets_tests/test_concatenated_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/datasets_tests/test_concatenated_dataset.py -------------------------------------------------------------------------------- /tests/chainer_tests/datasets_tests/test_dict_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/datasets_tests/test_dict_dataset.py -------------------------------------------------------------------------------- /tests/chainer_tests/datasets_tests/test_image_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/datasets_tests/test_image_dataset.py -------------------------------------------------------------------------------- /tests/chainer_tests/datasets_tests/test_mnist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/datasets_tests/test_mnist.py -------------------------------------------------------------------------------- /tests/chainer_tests/datasets_tests/test_sub_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/datasets_tests/test_sub_dataset.py -------------------------------------------------------------------------------- /tests/chainer_tests/datasets_tests/test_svhn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/datasets_tests/test_svhn.py -------------------------------------------------------------------------------- /tests/chainer_tests/datasets_tests/test_transform_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/datasets_tests/test_transform_dataset.py -------------------------------------------------------------------------------- /tests/chainer_tests/datasets_tests/test_tuple_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/datasets_tests/test_tuple_dataset.py -------------------------------------------------------------------------------- /tests/chainer_tests/exporters_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/exporters_tests/test_caffe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/exporters_tests/test_caffe.py -------------------------------------------------------------------------------- /tests/chainer_tests/function_hooks_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/function_hooks_tests/test_cuda_profile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/function_hooks_tests/test_cuda_profile.py -------------------------------------------------------------------------------- /tests/chainer_tests/function_hooks_tests/test_cupy_memory_profile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/function_hooks_tests/test_cupy_memory_profile.py -------------------------------------------------------------------------------- /tests/chainer_tests/function_hooks_tests/test_debug_print.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/function_hooks_tests/test_debug_print.py -------------------------------------------------------------------------------- /tests/chainer_tests/function_hooks_tests/test_timer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/function_hooks_tests/test_timer.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/activation_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/activation_tests/test_clipped_relu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/activation_tests/test_clipped_relu.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/activation_tests/test_crelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/activation_tests/test_crelu.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/activation_tests/test_elu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/activation_tests/test_elu.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/activation_tests/test_hard_sigmoid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/activation_tests/test_hard_sigmoid.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/activation_tests/test_leaky_relu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/activation_tests/test_leaky_relu.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/activation_tests/test_log_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/activation_tests/test_log_softmax.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/activation_tests/test_lstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/activation_tests/test_lstm.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/activation_tests/test_maxout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/activation_tests/test_maxout.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/activation_tests/test_prelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/activation_tests/test_prelu.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/activation_tests/test_relu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/activation_tests/test_relu.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/activation_tests/test_selu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/activation_tests/test_selu.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/activation_tests/test_sigmoid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/activation_tests/test_sigmoid.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/activation_tests/test_slstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/activation_tests/test_slstm.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/activation_tests/test_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/activation_tests/test_softmax.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/activation_tests/test_softplus.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/activation_tests/test_softplus.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/activation_tests/test_swish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/activation_tests/test_swish.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/activation_tests/test_tanh.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/activation_tests/test_tanh.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_broadcast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_broadcast.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_cast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_cast.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_concat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_concat.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_copy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_copy.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_depth_2_space.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_depth_2_space.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_dstack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_dstack.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_expand_dims.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_expand_dims.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_flatten.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_flatten.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_flip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_flip.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_fliplr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_fliplr.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_flipud.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_flipud.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_get_item.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_get_item.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_hstack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_hstack.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_im2col.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_im2col.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_pad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_pad.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_pad_sequence.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_pad_sequence.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_permutate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_permutate.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_repeat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_repeat.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_reshape.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_reshape.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_resize_images.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_resize_images.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_rollaxis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_rollaxis.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_scatter_add.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_scatter_add.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_select_item.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_select_item.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_separate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_separate.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_space_2_depth.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_space_2_depth.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_spatial_transformer_grid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_spatial_transformer_grid.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_split_axis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_split_axis.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_squeeze.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_squeeze.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_stack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_stack.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_swapaxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_swapaxes.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_tile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_tile.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_transpose.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_transpose.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_transpose_sequence.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_transpose_sequence.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_vstack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_vstack.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/array_tests/test_where.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/array_tests/test_where.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/connection_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/connection_tests/test_bilinear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/connection_tests/test_bilinear.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/connection_tests/test_convolution_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/connection_tests/test_convolution_2d.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/connection_tests/test_convolution_nd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/connection_tests/test_convolution_nd.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/connection_tests/test_deconvolution_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/connection_tests/test_deconvolution_2d.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/connection_tests/test_deconvolution_nd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/connection_tests/test_deconvolution_nd.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/connection_tests/test_embed_id.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/connection_tests/test_embed_id.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/connection_tests/test_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/connection_tests/test_linear.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/connection_tests/test_n_step_gru.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/connection_tests/test_n_step_gru.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/connection_tests/test_n_step_lstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/connection_tests/test_n_step_lstm.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/connection_tests/test_n_step_rnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/connection_tests/test_n_step_rnn.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/connection_tests/test_shift.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/connection_tests/test_shift.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/evaluation_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/evaluation_tests/test_accuracy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/evaluation_tests/test_accuracy.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/evaluation_tests/test_binary_accuracy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/evaluation_tests/test_binary_accuracy.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/evaluation_tests/test_r2_score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/evaluation_tests/test_r2_score.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/loss_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/loss_tests/test_absolute_error.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/loss_tests/test_absolute_error.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/loss_tests/test_black_out.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/loss_tests/test_black_out.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/loss_tests/test_contrastive.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/loss_tests/test_contrastive.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/loss_tests/test_crf1d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/loss_tests/test_crf1d.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/loss_tests/test_cross_covariance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/loss_tests/test_cross_covariance.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/loss_tests/test_ctc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/loss_tests/test_ctc.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/loss_tests/test_decov.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/loss_tests/test_decov.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/loss_tests/test_hinge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/loss_tests/test_hinge.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/loss_tests/test_huber_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/loss_tests/test_huber_loss.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/loss_tests/test_mean_absolute_error.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/loss_tests/test_mean_absolute_error.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/loss_tests/test_mean_squared_error.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/loss_tests/test_mean_squared_error.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/loss_tests/test_negative_sampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/loss_tests/test_negative_sampling.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/loss_tests/test_sigmoid_cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/loss_tests/test_sigmoid_cross_entropy.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/loss_tests/test_softmax_cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/loss_tests/test_softmax_cross_entropy.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/loss_tests/test_squared_error.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/loss_tests/test_squared_error.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/loss_tests/test_triplet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/loss_tests/test_triplet.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/loss_tests/test_vae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/loss_tests/test_vae.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_average.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_average.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_basic_math.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_basic_math.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_batch_l2_norm_squared.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_batch_l2_norm_squared.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_bias.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_bias.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_ceil.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_ceil.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_clip.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_cumsum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_cumsum.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_det.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_det.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_erf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_erf.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_erfc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_erfc.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_exponential.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_exponential.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_exponential_m1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_exponential_m1.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_fft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_fft.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_fix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_fix.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_floor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_floor.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_fmod.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_fmod.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_hyperbolic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_hyperbolic.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_inv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_inv.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_linear_interpolate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_linear_interpolate.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_logarithm_1p.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_logarithm_1p.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_logsumexp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_logsumexp.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_matmul.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_matmul.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_maximum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_maximum.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_minimum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_minimum.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_minmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_minmax.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_prod.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_prod.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_scale.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_scale.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_sign.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_sign.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_sqrt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_sqrt.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_square.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_square.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_squared_difference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_squared_difference.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_sum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_sum.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_tensordot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_tensordot.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/math_tests/test_trigonometric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/math_tests/test_trigonometric.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/noise_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/noise_tests/test_dropout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/noise_tests/test_dropout.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/noise_tests/test_gaussian.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/noise_tests/test_gaussian.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/noise_tests/test_gumbel_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/noise_tests/test_gumbel_softmax.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/noise_tests/test_simplified_dropconnect.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/noise_tests/test_simplified_dropconnect.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/noise_tests/test_zoneout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/noise_tests/test_zoneout.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/normalization_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/pooling_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/pooling_tests/pooling_nd_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/pooling_tests/pooling_nd_helper.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/pooling_tests/test_average_pooling_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/pooling_tests/test_average_pooling_2d.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/pooling_tests/test_average_pooling_nd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/pooling_tests/test_average_pooling_nd.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/pooling_tests/test_max_pooling_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/pooling_tests/test_max_pooling_2d.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/pooling_tests/test_max_pooling_nd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/pooling_tests/test_max_pooling_nd.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/pooling_tests/test_pooling_nd_kernel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/pooling_tests/test_pooling_nd_kernel.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/pooling_tests/test_roi_pooling_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/pooling_tests/test_roi_pooling_2d.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/pooling_tests/test_unpooling_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/pooling_tests/test_unpooling_2d.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/pooling_tests/test_unpooling_nd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/pooling_tests/test_unpooling_nd.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/pooling_tests/test_upsampling_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/pooling_tests/test_upsampling_2d.py -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/util_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/functions_tests/util_tests/test_forget.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/functions_tests/util_tests/test_forget.py -------------------------------------------------------------------------------- /tests/chainer_tests/initializer_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/initializer_tests/test_constant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/initializer_tests/test_constant.py -------------------------------------------------------------------------------- /tests/chainer_tests/initializer_tests/test_init.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/initializer_tests/test_init.py -------------------------------------------------------------------------------- /tests/chainer_tests/initializer_tests/test_normal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/initializer_tests/test_normal.py -------------------------------------------------------------------------------- /tests/chainer_tests/initializer_tests/test_orthogonal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/initializer_tests/test_orthogonal.py -------------------------------------------------------------------------------- /tests/chainer_tests/initializer_tests/test_uniform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/initializer_tests/test_uniform.py -------------------------------------------------------------------------------- /tests/chainer_tests/iterators_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/iterators_tests/test_iterator_compatibility.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/iterators_tests/test_iterator_compatibility.py -------------------------------------------------------------------------------- /tests/chainer_tests/iterators_tests/test_multiprocess_iterator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/iterators_tests/test_multiprocess_iterator.py -------------------------------------------------------------------------------- /tests/chainer_tests/iterators_tests/test_multithread_iterator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/iterators_tests/test_multithread_iterator.py -------------------------------------------------------------------------------- /tests/chainer_tests/iterators_tests/test_serial_iterator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/iterators_tests/test_serial_iterator.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/activation_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/activation_tests/test_maxout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/activation_tests/test_maxout.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/activation_tests/test_prelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/activation_tests/test_prelu.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/activation_tests/test_simplified_dropconnect.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/activation_tests/test_simplified_dropconnect.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/activation_tests/test_swish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/activation_tests/test_swish.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/caffe_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/caffe_tests/test_caffe_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/caffe_tests/test_caffe_function.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/connection_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/connection_tests/test_bias.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/connection_tests/test_bias.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/connection_tests/test_bilinear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/connection_tests/test_bilinear.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/connection_tests/test_convolution_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/connection_tests/test_convolution_2d.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/connection_tests/test_convolution_nd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/connection_tests/test_convolution_nd.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/connection_tests/test_deconvolution_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/connection_tests/test_deconvolution_2d.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/connection_tests/test_deconvolution_nd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/connection_tests/test_deconvolution_nd.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/connection_tests/test_dilated_convolution_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/connection_tests/test_dilated_convolution_2d.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/connection_tests/test_embed_id.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/connection_tests/test_embed_id.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/connection_tests/test_gru.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/connection_tests/test_gru.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/connection_tests/test_highway.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/connection_tests/test_highway.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/connection_tests/test_inception.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/connection_tests/test_inception.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/connection_tests/test_inceptionbn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/connection_tests/test_inceptionbn.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/connection_tests/test_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/connection_tests/test_linear.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/connection_tests/test_local_convolution_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/connection_tests/test_local_convolution_2d.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/connection_tests/test_lstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/connection_tests/test_lstm.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/connection_tests/test_mgu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/connection_tests/test_mgu.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/connection_tests/test_mlp_convolution_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/connection_tests/test_mlp_convolution_2d.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/connection_tests/test_n_step_gru.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/connection_tests/test_n_step_gru.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/connection_tests/test_n_step_lstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/connection_tests/test_n_step_lstm.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/connection_tests/test_n_step_rnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/connection_tests/test_n_step_rnn.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/connection_tests/test_peephole.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/connection_tests/test_peephole.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/connection_tests/test_scale.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/connection_tests/test_scale.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/connection_tests/test_tree_lstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/connection_tests/test_tree_lstm.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/connection_tests/test_zoneoutlstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/connection_tests/test_zoneoutlstm.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/loss_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/loss_tests/test_black_out.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/loss_tests/test_black_out.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/loss_tests/test_hierarchical_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/loss_tests/test_hierarchical_softmax.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/loss_tests/test_negative_sampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/loss_tests/test_negative_sampling.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/model_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/model_tests/test_classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/model_tests/test_classifier.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/model_tests/test_vision.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/model_tests/test_vision.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/normalization_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/normalization_tests/test_batch_normalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/normalization_tests/test_batch_normalization.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/normalization_tests/test_layer_normalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/normalization_tests/test_layer_normalization.py -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/theano_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/links_tests/theano_tests/test_theano_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/links_tests/theano_tests/test_theano_function.py -------------------------------------------------------------------------------- /tests/chainer_tests/optimizer_hooks_tests/test_gradient_clipping.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/optimizer_hooks_tests/test_gradient_clipping.py -------------------------------------------------------------------------------- /tests/chainer_tests/optimizer_hooks_tests/test_gradient_hard_clipping.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/optimizer_hooks_tests/test_gradient_hard_clipping.py -------------------------------------------------------------------------------- /tests/chainer_tests/optimizer_hooks_tests/test_gradient_lars.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/optimizer_hooks_tests/test_gradient_lars.py -------------------------------------------------------------------------------- /tests/chainer_tests/optimizer_hooks_tests/test_gradient_noise.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/optimizer_hooks_tests/test_gradient_noise.py -------------------------------------------------------------------------------- /tests/chainer_tests/optimizer_hooks_tests/test_lasso.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/optimizer_hooks_tests/test_lasso.py -------------------------------------------------------------------------------- /tests/chainer_tests/optimizer_hooks_tests/test_weight_decay.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/optimizer_hooks_tests/test_weight_decay.py -------------------------------------------------------------------------------- /tests/chainer_tests/optimizers_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/optimizers_tests/test_optimizers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/optimizers_tests/test_optimizers.py -------------------------------------------------------------------------------- /tests/chainer_tests/optimizers_tests/test_optimizers_by_linear_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/optimizers_tests/test_optimizers_by_linear_model.py -------------------------------------------------------------------------------- /tests/chainer_tests/serializers_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/serializers_tests/test_hdf5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/serializers_tests/test_hdf5.py -------------------------------------------------------------------------------- /tests/chainer_tests/serializers_tests/test_npz.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/serializers_tests/test_npz.py -------------------------------------------------------------------------------- /tests/chainer_tests/test_computational_graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/test_computational_graph.py -------------------------------------------------------------------------------- /tests/chainer_tests/test_configuration.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/test_configuration.py -------------------------------------------------------------------------------- /tests/chainer_tests/test_cuda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/test_cuda.py -------------------------------------------------------------------------------- /tests/chainer_tests/test_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/test_function.py -------------------------------------------------------------------------------- /tests/chainer_tests/test_function_hook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/test_function_hook.py -------------------------------------------------------------------------------- /tests/chainer_tests/test_function_node.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/test_function_node.py -------------------------------------------------------------------------------- /tests/chainer_tests/test_gradient_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/test_gradient_check.py -------------------------------------------------------------------------------- /tests/chainer_tests/test_init.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/test_init.py -------------------------------------------------------------------------------- /tests/chainer_tests/test_init_docstring.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/test_init_docstring.py -------------------------------------------------------------------------------- /tests/chainer_tests/test_initializer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/test_initializer.py -------------------------------------------------------------------------------- /tests/chainer_tests/test_link.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/test_link.py -------------------------------------------------------------------------------- /tests/chainer_tests/test_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/test_optimizer.py -------------------------------------------------------------------------------- /tests/chainer_tests/test_reporter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/test_reporter.py -------------------------------------------------------------------------------- /tests/chainer_tests/test_runnable.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/test_runnable.py -------------------------------------------------------------------------------- /tests/chainer_tests/test_runtime_info.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/test_runtime_info.py -------------------------------------------------------------------------------- /tests/chainer_tests/test_sequential.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/test_sequential.py -------------------------------------------------------------------------------- /tests/chainer_tests/test_variable.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/test_variable.py -------------------------------------------------------------------------------- /tests/chainer_tests/testing_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/testing_tests/test_condition.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/testing_tests/test_condition.py -------------------------------------------------------------------------------- /tests/chainer_tests/testing_tests/test_parameterized.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/testing_tests/test_parameterized.py -------------------------------------------------------------------------------- /tests/chainer_tests/testing_tests/test_serializer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/testing_tests/test_serializer.py -------------------------------------------------------------------------------- /tests/chainer_tests/testing_tests/test_training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/testing_tests/test_training.py -------------------------------------------------------------------------------- /tests/chainer_tests/testing_tests/test_unary_math_function_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/testing_tests/test_unary_math_function_test.py -------------------------------------------------------------------------------- /tests/chainer_tests/training_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/training_tests/extensions_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/training_tests/extensions_tests/test_computational_graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/training_tests/extensions_tests/test_computational_graph.py -------------------------------------------------------------------------------- /tests/chainer_tests/training_tests/extensions_tests/test_evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/training_tests/extensions_tests/test_evaluator.py -------------------------------------------------------------------------------- /tests/chainer_tests/training_tests/extensions_tests/test_exponential_shift.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/training_tests/extensions_tests/test_exponential_shift.py -------------------------------------------------------------------------------- /tests/chainer_tests/training_tests/extensions_tests/test_fail_on_nonnumber.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/training_tests/extensions_tests/test_fail_on_nonnumber.py -------------------------------------------------------------------------------- /tests/chainer_tests/training_tests/extensions_tests/test_linear_shift.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/training_tests/extensions_tests/test_linear_shift.py -------------------------------------------------------------------------------- /tests/chainer_tests/training_tests/extensions_tests/test_multistep.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/training_tests/extensions_tests/test_multistep.py -------------------------------------------------------------------------------- /tests/chainer_tests/training_tests/extensions_tests/test_plot_report.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/training_tests/extensions_tests/test_plot_report.py -------------------------------------------------------------------------------- /tests/chainer_tests/training_tests/extensions_tests/test_snapshot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/training_tests/extensions_tests/test_snapshot.py -------------------------------------------------------------------------------- /tests/chainer_tests/training_tests/extensions_tests/test_warm_up.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/training_tests/extensions_tests/test_warm_up.py -------------------------------------------------------------------------------- /tests/chainer_tests/training_tests/test_extension.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/training_tests/test_extension.py -------------------------------------------------------------------------------- /tests/chainer_tests/training_tests/test_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/training_tests/test_trainer.py -------------------------------------------------------------------------------- /tests/chainer_tests/training_tests/triggers_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/training_tests/triggers_tests/test_interval_trigger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/training_tests/triggers_tests/test_interval_trigger.py -------------------------------------------------------------------------------- /tests/chainer_tests/training_tests/triggers_tests/test_minmax_trigger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/training_tests/triggers_tests/test_minmax_trigger.py -------------------------------------------------------------------------------- /tests/chainer_tests/training_tests/triggers_tests/test_time_trigger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/training_tests/triggers_tests/test_time_trigger.py -------------------------------------------------------------------------------- /tests/chainer_tests/training_tests/updaters_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/training_tests/updaters_tests/test_standard_updater.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/training_tests/updaters_tests/test_standard_updater.py -------------------------------------------------------------------------------- /tests/chainer_tests/utils_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/chainer_tests/utils_tests/test_argument.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/utils_tests/test_argument.py -------------------------------------------------------------------------------- /tests/chainer_tests/utils_tests/test_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/utils_tests/test_conv.py -------------------------------------------------------------------------------- /tests/chainer_tests/utils_tests/test_conv_nd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/utils_tests/test_conv_nd.py -------------------------------------------------------------------------------- /tests/chainer_tests/utils_tests/test_conv_nd_kernel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/utils_tests/test_conv_nd_kernel.py -------------------------------------------------------------------------------- /tests/chainer_tests/utils_tests/test_experimental.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/utils_tests/test_experimental.py -------------------------------------------------------------------------------- /tests/chainer_tests/utils_tests/test_type_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/utils_tests/test_type_check.py -------------------------------------------------------------------------------- /tests/chainer_tests/utils_tests/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/utils_tests/test_utils.py -------------------------------------------------------------------------------- /tests/chainer_tests/utils_tests/test_walker_alias.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/intel/chainer/HEAD/tests/chainer_tests/utils_tests/test_walker_alias.py --------------------------------------------------------------------------------