Skip to content

chainer_test_example_results

YOSHIFUJI Naoki edited this page Jun 7, 2018 · 3 revisions

Result of Chainer's Test and Examples on ClPy

  • src: v2.1.0a0
  • Primary machine
    • OS: Ubuntu 16.04.4 LTS
    • CPU: Core i7-4790
    • GPU: AMD Radeon R9 Fury X
    • SDK: AMD APP SDK 3.0
  • Secondary machine
    • OS: CentOS 7.2.1511
    • CPU: Core i7-4790
    • GPU: NVIDIA GeForce GTX 1060
    • SDK: CUDA 9.2

Test

Primary machine (Radeon)

name passed failed skipped error
chainer_tests/dataset_tests/test_convert.py 23 4 0 -
chainer_tests/dataset_tests/test_dataset_mixin.py 4 0 0 -
chainer_tests/dataset_tests/test_download.py - - - 2
chainer_tests/datasets_tests/test_cifar.py - - - 2
chainer_tests/datasets_tests/test_concatenated_dataset.py 12 0 0 -
chainer_tests/datasets_tests/test_dict_dataset.py 4 0 0 -
chainer_tests/datasets_tests/test_image_dataset.py 0 0 19 -
chainer_tests/datasets_tests/test_sub_dataset.py 14 0 0 -
chainer_tests/datasets_tests/test_transform_dataset.py 4 0 0 -
chainer_tests/datasets_tests/test_tuple_dataset.py 4 0 0 -
chainer_tests/function_hooks_tests/test_cuda_profile.py - - - 2
chainer_tests/function_hooks_tests/test_cupy_memory_profile.py 0 12 0 -
chainer_tests/function_hooks_tests/test_debug_print.py 2 2 0 -
chainer_tests/function_hooks_tests/test_timer.py 9 4 0 -
chainer_tests/functions_tests/activation_tests/test_clipped_relu.py 0 36 0 -
chainer_tests/functions_tests/activation_tests/test_crelu.py 0 216 0 -
chainer_tests/functions_tests/activation_tests/test_elu.py 0 36 0 -
chainer_tests/functions_tests/activation_tests/test_hard_sigmoid.py 0 36 0 -
chainer_tests/functions_tests/activation_tests/test_leaky_relu.py 0 36 0 -
chainer_tests/functions_tests/activation_tests/test_log_softmax.py - - - 2
chainer_tests/functions_tests/activation_tests/test_lstm.py 0 120 0 -
chainer_tests/functions_tests/activation_tests/test_maxout.py 4 72 0 -
chainer_tests/functions_tests/activation_tests/test_prelu.py 0 162 0 -
chainer_tests/functions_tests/activation_tests/test_relu.py - - - 2
chainer_tests/functions_tests/activation_tests/test_selu.py 16 8 0 -
chainer_tests/functions_tests/activation_tests/test_sigmoid.py - - - 2
chainer_tests/functions_tests/activation_tests/test_slstm.py 0 48 0 -
chainer_tests/functions_tests/activation_tests/test_softmax.py - - - 2
chainer_tests/functions_tests/activation_tests/test_softplus.py 0 36 0 -
chainer_tests/functions_tests/activation_tests/test_tanh.py - - - 2
chainer_tests/functions_tests/array_tests/test_broadcast.py 143 63 0 -
chainer_tests/functions_tests/array_tests/test_cast.py 47 9 0 -
chainer_tests/functions_tests/array_tests/test_concat.py 63 22 0 -
chainer_tests/functions_tests/array_tests/test_copy.py 34 0 0 -
chainer_tests/functions_tests/array_tests/test_depth_2_space.py 9 9 0 -
chainer_tests/functions_tests/array_tests/test_dstack.py 92 72 0 -
chainer_tests/functions_tests/array_tests/test_expand_dims.py 120 0 0 -
chainer_tests/functions_tests/array_tests/test_flatten.py 17 7 0 -
chainer_tests/functions_tests/array_tests/test_flip.py 104 48 0 -
chainer_tests/functions_tests/array_tests/test_fliplr.py 18 18 0 -
chainer_tests/functions_tests/array_tests/test_flipud.py 18 18 0 -
chainer_tests/functions_tests/array_tests/test_get_item.py 94 54 0 -
chainer_tests/functions_tests/array_tests/test_hstack.py 86 72 0 -
chainer_tests/functions_tests/array_tests/test_im2col.py 78 54 0 -
chainer_tests/functions_tests/array_tests/test_pad_sequence.py 3740 580 0 -
chainer_tests/functions_tests/array_tests/test_pad.py 90 90 0 -
chainer_tests/functions_tests/array_tests/test_permutate.py 54 16 0 -
chainer_tests/functions_tests/array_tests/test_reshape.py 26 0 0 -
chainer_tests/functions_tests/array_tests/test_resize_images.py 12 12 0 -
chainer_tests/functions_tests/array_tests/test_rollaxis.py 42 16 0 -
chainer_tests/functions_tests/array_tests/test_select_item.py 54 42 0 -
chainer_tests/functions_tests/array_tests/test_separate.py 36 36 0 -
chainer_tests/functions_tests/array_tests/test_space_2_depth.py 9 9 0 -
chainer_tests/functions_tests/array_tests/test_spatial_transformer_grid.py 4 4 0 -
chainer_tests/functions_tests/array_tests/test_spatial_transformer_sampler.py 10 12 0 -
chainer_tests/functions_tests/array_tests/test_split_axis.py 52 51 0 -
chainer_tests/functions_tests/array_tests/test_squeeze.py 53 44 0 -
chainer_tests/functions_tests/array_tests/test_stack.py 66 30 0 -
chainer_tests/functions_tests/array_tests/test_swapaxes.py 14 4 0 -
chainer_tests/functions_tests/array_tests/test_tile.py 193 189 0 -
chainer_tests/functions_tests/array_tests/test_transpose_sequence.py 14 6 0 -
chainer_tests/functions_tests/array_tests/test_transpose.py 22 2 0 -
chainer_tests/functions_tests/array_tests/test_vstack.py 88 72 0 -
chainer_tests/functions_tests/array_tests/test_where.py 6 6 0 -
chainer_tests/functions_tests/connection_tests/test_bilinear.py 11 10 0 -
chainer_tests/functions_tests/connection_tests/test_convolution_2d.py - - - 2
chainer_tests/functions_tests/connection_tests/test_convolution_nd.py - - - 2
chainer_tests/functions_tests/connection_tests/test_deconvolution_2d.py - - - 2
chainer_tests/functions_tests/connection_tests/test_deconvolution_nd.py - - - 2
chainer_tests/functions_tests/connection_tests/test_depthwise_convolution_2d.py 36 36 0 -
chainer_tests/functions_tests/connection_tests/test_dilated_convolution_2d.py - - - 2
chainer_tests/functions_tests/connection_tests/test_embed_id.py 68 40 0 -
chainer_tests/functions_tests/connection_tests/test_linear.py 57 52 0 -
chainer_tests/functions_tests/connection_tests/test_n_step_gru.py - - - 2
chainer_tests/functions_tests/connection_tests/test_n_step_lstm.py - - - 2
chainer_tests/functions_tests/connection_tests/test_n_step_rnn.py - - - 2
chainer_tests/functions_tests/evaluation_tests/test_accuracy.py 320 196 0 -
chainer_tests/functions_tests/evaluation_tests/test_binary_accuracy.py 47 9 0 -
chainer_tests/functions_tests/evaluation_tests/test_classification_summary.py 44 44 0 -
chainer_tests/functions_tests/evaluation_tests/test_r2_score.py 60 48 0 -
chainer_tests/functions_tests/loss_tests/test_absolute_error.py 24 12 0 -
chainer_tests/functions_tests/loss_tests/test_black_out.py 4 4 0 -
chainer_tests/functions_tests/loss_tests/test_contrastive.py 130 96 0 -
chainer_tests/functions_tests/loss_tests/test_crf1d.py 40 24 0 -
chainer_tests/functions_tests/loss_tests/test_cross_covariance.py 12 6 0 -
chainer_tests/functions_tests/loss_tests/test_ctc.py 31 28 0 -
chainer_tests/functions_tests/loss_tests/test_decov.py 8 6 0 -
chainer_tests/functions_tests/loss_tests/test_hinge.py 36 32 0 -
chainer_tests/functions_tests/loss_tests/test_huber_loss.py 8 6 0 -
chainer_tests/functions_tests/loss_tests/test_mean_absolute_error.py 4 2 0 -
chainer_tests/functions_tests/loss_tests/test_mean_squared_error.py 4 2 0 -
chainer_tests/functions_tests/loss_tests/test_negative_sampling.py 10 8 0 -
chainer_tests/functions_tests/loss_tests/test_sigmoid_cross_entropy.py - - - 2
chainer_tests/functions_tests/loss_tests/test_softmax_cross_entropy.py - - - 2
chainer_tests/functions_tests/loss_tests/test_squared_error.py 24 12 0 -
chainer_tests/functions_tests/loss_tests/test_triplet.py 66 48 0 -
chainer_tests/functions_tests/loss_tests/test_vae.py 70 0 0 -
chainer_tests/functions_tests/math_tests/test_average.py 281 112 0 -
chainer_tests/functions_tests/math_tests/test_basic_math.py 682 343 0 -
chainer_tests/functions_tests/math_tests/test_batch_l2_norm_squared.py 9 4 0 -
chainer_tests/functions_tests/math_tests/test_bias.py 4 1 0 -
chainer_tests/functions_tests/math_tests/test_ceil.py 6 6 0 -
chainer_tests/functions_tests/math_tests/test_clip.py 19 18 0 -
chainer_tests/functions_tests/math_tests/test_det.py 21 39 0 -
chainer_tests/functions_tests/math_tests/test_exponential_m1.py 10 4 0 -
chainer_tests/functions_tests/math_tests/test_exponential.py 112 56 0 -
chainer_tests/functions_tests/math_tests/test_fix.py 6 6 0 -
chainer_tests/functions_tests/math_tests/test_floor.py 6 6 0 -
chainer_tests/functions_tests/math_tests/test_fmod.py 28 14 0 -
chainer_tests/functions_tests/math_tests/test_hyperbolic.py 48 36 0 -
chainer_tests/functions_tests/math_tests/test_inv.py 22 18 0 -
chainer_tests/functions_tests/math_tests/test_linear_interpolate.py 22 14 0 -
chainer_tests/functions_tests/math_tests/test_logarithm_1p.py 10 4 0 -
chainer_tests/functions_tests/math_tests/test_logsumexp.py 89 49 0 -
chainer_tests/functions_tests/math_tests/test_matmul.py 371 369 0 -
chainer_tests/functions_tests/math_tests/test_maximum.py 34 14 0 -
chainer_tests/functions_tests/math_tests/test_minimum.py 30 18 0 -
chainer_tests/functions_tests/math_tests/test_minmax.py 234 86 0 -
chainer_tests/functions_tests/math_tests/test_prod.py 300 144 0 -
chainer_tests/functions_tests/math_tests/test_scale.py 4 1 0 -
chainer_tests/functions_tests/math_tests/test_sign.py 18 18 0 -
chainer_tests/functions_tests/math_tests/test_sqrt.py 25 18 0 -
chainer_tests/functions_tests/math_tests/test_square.py 24 18 0 -
chainer_tests/functions_tests/math_tests/test_squared_difference.py 18 18 0 -
chainer_tests/functions_tests/math_tests/test_sum.py 156 72 0 -
chainer_tests/functions_tests/math_tests/test_trigonometric.py 162 126 0 -
chainer_tests/functions_tests/noise_tests/test_dropout.py 29 11 0 -
chainer_tests/functions_tests/noise_tests/test_gaussian.py 6 6 0 -
chainer_tests/functions_tests/noise_tests/test_simplified_dropconnect.py 288 288 0 -
chainer_tests/functions_tests/noise_tests/test_zoneout.py 16 0 0 -
chainer_tests/functions_tests/normalization_tests/test_batch_normalization.py - - - 2
chainer_tests/functions_tests/normalization_tests/test_batch_renormalization.py 42 42 0 -
chainer_tests/functions_tests/normalization_tests/test_l2_normalization.py 20 20 0 -
chainer_tests/functions_tests/normalization_tests/test_layer_normalization.py 12 12 0 -
chainer_tests/functions_tests/normalization_tests/test_local_response_normalization.py 6 6 0 -
chainer_tests/functions_tests/pooling_tests/test_average_pooling_2d.py - - - 2
chainer_tests/functions_tests/pooling_tests/test_average_pooling_nd.py - - - 2
chainer_tests/functions_tests/pooling_tests/test_max_pooling_2d.py - - - 2
chainer_tests/functions_tests/pooling_tests/test_max_pooling_nd.py - - - 2
chainer_tests/functions_tests/pooling_tests/test_pooling_nd_kernel.py - - - 2
chainer_tests/functions_tests/pooling_tests/test_roi_pooling_2d.py 2 3 0 -
chainer_tests/functions_tests/pooling_tests/test_spatial_pyramid_pooling_2d.py - - - 2
chainer_tests/functions_tests/pooling_tests/test_unpooling_2d.py 63 108 0 -
chainer_tests/functions_tests/pooling_tests/test_unpooling_nd.py 396 156 0 -
chainer_tests/functions_tests/pooling_tests/test_upsampling_2d.py 18 30 0 -
chainer_tests/functions_tests/util_tests/test_forget.py 11 0 0 -
chainer_tests/initializer_tests/test_constant.py 20 8 0 -
chainer_tests/initializer_tests/test_init.py 3 0 0 -
chainer_tests/initializer_tests/test_normal.py 80 16 0 -
chainer_tests/initializer_tests/test_orthogonal.py 62 16 0 -
chainer_tests/initializer_tests/test_uniform.py 48 48 0 -
chainer_tests/iterators_tests/test_iterator_compatibility.py 4 0 0 -
chainer_tests/iterators_tests/test_multiprocess_iterator.py 73 0 0 -
chainer_tests/iterators_tests/test_serial_iterator.py 13 0 0 -
chainer_tests/links_tests/activation_tests/test_maxout.py 15 12 0 -
chainer_tests/links_tests/activation_tests/test_prelu.py 6 2 0 -
chainer_tests/links_tests/activation_tests/test_simplified_dropconnect.py 79 75 0 -
chainer_tests/links_tests/caffe_tests/test_caffe_function.py - - - 2
chainer_tests/links_tests/connection_tests/test_bias.py 10 2 0 -
chainer_tests/links_tests/connection_tests/test_bilinear.py 42 36 0 -
chainer_tests/links_tests/connection_tests/test_convolution_2d.py 38 61 0 -
chainer_tests/links_tests/connection_tests/test_convolution_nd.py 19 27 0 -
chainer_tests/links_tests/connection_tests/test_deconvolution_2d.py 24 48 0 -
chainer_tests/links_tests/connection_tests/test_deconvolution_nd.py 40 78 0 -
chainer_tests/links_tests/connection_tests/test_depthwise_convolution_2d.py 19 19 0 -
chainer_tests/links_tests/connection_tests/test_dilated_convolution_2d.py 12 15 0 -
chainer_tests/links_tests/connection_tests/test_embed_id.py 31 6 0 -
chainer_tests/links_tests/connection_tests/test_gru.py 55 12 0 -
chainer_tests/links_tests/connection_tests/test_highway.py 2 2 0 -
chainer_tests/links_tests/connection_tests/test_inception.py 1 1 0 -
chainer_tests/links_tests/connection_tests/test_inceptionbn.py 15 10 0 -
chainer_tests/links_tests/connection_tests/test_linear.py 56 38 0 -
chainer_tests/links_tests/connection_tests/test_lstm.py 62 24 0 -
chainer_tests/links_tests/connection_tests/test_mgu.py 2 2 0 -
chainer_tests/links_tests/connection_tests/test_mlp_convolution_2d.py - - - 2
chainer_tests/links_tests/connection_tests/test_n_step_gru.py 12 12 0 -
chainer_tests/links_tests/connection_tests/test_n_step_lstm.py 13 11 0 -
chainer_tests/links_tests/connection_tests/test_n_step_rnn.py 24 24 0 -
chainer_tests/links_tests/connection_tests/test_peephole.py 10 6 0 -
chainer_tests/links_tests/connection_tests/test_scale.py 19 4 0 -
chainer_tests/links_tests/connection_tests/test_tree_lstm.py 64 56 0 -
chainer_tests/links_tests/connection_tests/test_zoneoutlstm.py 16 15 0 -
chainer_tests/links_tests/loss_tests/test_black_out.py 1 1 0 -
chainer_tests/links_tests/loss_tests/test_hierarchical_softmax.py 7 2 0 -
chainer_tests/links_tests/loss_tests/test_negative_sampling.py 8 8 0 -
chainer_tests/links_tests/model_tests/test_classifier.py - - - 2
chainer_tests/links_tests/model_tests/test_vision.py 0 0 50 -
chainer_tests/links_tests/normalization_tests/test_batch_normalization.py 88 164 0 -
chainer_tests/links_tests/normalization_tests/test_batch_renormalization.py 50 74 0 -
chainer_tests/links_tests/normalization_tests/test_layer_normalization.py 17 23 0 -
chainer_tests/links_tests/theano_tests/test_theano_function.py 0 0 40 -
chainer_tests/optimizers_tests/test_optimizers_by_linear_model.py 182 88 0 -
chainer_tests/optimizers_tests/test_optimizers.py 9 0 0 -
chainer_tests/serializers_tests/test_hdf5.py - - - 2
chainer_tests/serializers_tests/test_npz.py - - - 2
chainer_tests/test_computational_graph.py 30 0 0 -
chainer_tests/test_configuration.py 6 0 0 -
chainer_tests/test_cuda.py 61 32 0 -
chainer_tests/test_function_hook.py 5 0 0 -
chainer_tests/test_function_node.py - - - 2
chainer_tests/test_function.py - - - 2
chainer_tests/test_gradient_check.py 45 2 0 -
chainer_tests/test_init_docstring.py 1 0 0 -
chainer_tests/test_init.py 0 4 1 -
chainer_tests/test_initializer.py 5 0 0 -
chainer_tests/test_link.py - - - 2
chainer_tests/test_optimizer.py - - - 2
chainer_tests/test_reporter.py 27 4 0 -
chainer_tests/test_runnable.py 1 0 0 -
chainer_tests/test_variable.py - - - 2
chainer_tests/testing_tests/test_condition.py 14 0 0 -
chainer_tests/testing_tests/test_parameterized.py 15 0 0 -
chainer_tests/testing_tests/test_serializer.py 1 0 1 -
chainer_tests/testing_tests/test_training.py 0 8 0 -
chainer_tests/testing_tests/test_unary_math_function_test.py 24 13 0 -
chainer_tests/training_tests/extensions_tests/test_computational_graph.py 2 0 0 -
chainer_tests/training_tests/extensions_tests/test_evaluator.py 7 0 0 -
chainer_tests/training_tests/extensions_tests/test_exponential_shift.py - - - 2
chainer_tests/training_tests/extensions_tests/test_linear_shift.py - - - 2
chainer_tests/training_tests/extensions_tests/test_parameter_statistics.py - - - 2
chainer_tests/training_tests/extensions_tests/test_plot_report.py 1 0 1 -
chainer_tests/training_tests/extensions_tests/test_snapshot.py - - - 2
chainer_tests/training_tests/test_extension.py 6 0 0 -
chainer_tests/training_tests/test_trainer.py 0 10 0 -
chainer_tests/training_tests/test_updater.py - - - 2
chainer_tests/training_tests/triggers_tests/test_interval_trigger.py - - - 2
chainer_tests/training_tests/triggers_tests/test_manual_schedule_trigger.py - - - 2
chainer_tests/training_tests/triggers_tests/test_minmax_trigger.py 2 0 0 -
chainer_tests/training_tests/updaters_tests/test_multiprocess_parallel_updater.py 3 2 0 -
chainer_tests/utils_tests/test_conv_nd_kernel.py - - - 2
chainer_tests/utils_tests/test_conv_nd.py 44 0 0 -
chainer_tests/utils_tests/test_conv.py 30 0 0 -
chainer_tests/utils_tests/test_experimental.py 6 0 0 -
chainer_tests/utils_tests/test_type_check.py 38 0 0 -
chainer_tests/utils_tests/test_utils.py 15 0 0 -
chainer_tests/utils_tests/test_walker_alias.py 2 1 0 -

Secondary machine (GeFroce)

name passed failed skipped error
chainer_tests/dataset_tests/test_convert.py 23 4 0 -
chainer_tests/dataset_tests/test_dataset_mixin.py 4 0 0 -
chainer_tests/dataset_tests/test_download.py - - - 2
chainer_tests/datasets_tests/test_cifar.py - - - 2
chainer_tests/datasets_tests/test_concatenated_dataset.py 12 0 0 -
chainer_tests/datasets_tests/test_dict_dataset.py 4 0 0 -
chainer_tests/datasets_tests/test_image_dataset.py 0 0 19 -
chainer_tests/datasets_tests/test_sub_dataset.py 14 0 0 -
chainer_tests/datasets_tests/test_transform_dataset.py 4 0 0 -
chainer_tests/datasets_tests/test_tuple_dataset.py 4 0 0 -
chainer_tests/function_hooks_tests/test_cuda_profile.py - - - 2
chainer_tests/function_hooks_tests/test_cupy_memory_profile.py 0 12 0 -
chainer_tests/function_hooks_tests/test_debug_print.py 2 2 0 -
chainer_tests/function_hooks_tests/test_timer.py 9 4 0 -
chainer_tests/functions_tests/activation_tests/test_clipped_relu.py 0 36 0 -
chainer_tests/functions_tests/activation_tests/test_crelu.py 0 216 0 -
chainer_tests/functions_tests/activation_tests/test_elu.py 0 36 0 -
chainer_tests/functions_tests/activation_tests/test_hard_sigmoid.py 0 36 0 -
chainer_tests/functions_tests/activation_tests/test_leaky_relu.py 0 36 0 -
chainer_tests/functions_tests/activation_tests/test_log_softmax.py - - - 2
chainer_tests/functions_tests/activation_tests/test_lstm.py 0 120 0 -
chainer_tests/functions_tests/activation_tests/test_maxout.py 4 72 0 -
chainer_tests/functions_tests/activation_tests/test_prelu.py 0 162 0 -
chainer_tests/functions_tests/activation_tests/test_relu.py - - - 2
chainer_tests/functions_tests/activation_tests/test_selu.py 16 8 0 -
chainer_tests/functions_tests/activation_tests/test_sigmoid.py - - - 2
chainer_tests/functions_tests/activation_tests/test_slstm.py 0 48 0 -
chainer_tests/functions_tests/activation_tests/test_softmax.py - - - 2
chainer_tests/functions_tests/activation_tests/test_softplus.py 0 36 0 -
chainer_tests/functions_tests/activation_tests/test_tanh.py - - - 2
chainer_tests/functions_tests/array_tests/test_broadcast.py 143 63 0 -
chainer_tests/functions_tests/array_tests/test_cast.py 47 9 0 -
chainer_tests/functions_tests/array_tests/test_concat.py 63 22 0 -
chainer_tests/functions_tests/array_tests/test_copy.py 34 0 0 -
chainer_tests/functions_tests/array_tests/test_depth_2_space.py 9 9 0 -
chainer_tests/functions_tests/array_tests/test_dstack.py 92 72 0 -
chainer_tests/functions_tests/array_tests/test_expand_dims.py 120 0 0 -
chainer_tests/functions_tests/array_tests/test_flatten.py 17 7 0 -
chainer_tests/functions_tests/array_tests/test_flip.py 104 48 0 -
chainer_tests/functions_tests/array_tests/test_fliplr.py 18 18 0 -
chainer_tests/functions_tests/array_tests/test_flipud.py 18 18 0 -
chainer_tests/functions_tests/array_tests/test_get_item.py 88 60 0 -
chainer_tests/functions_tests/array_tests/test_hstack.py 86 72 0 -
chainer_tests/functions_tests/array_tests/test_im2col.py 78 54 0 -
chainer_tests/functions_tests/array_tests/test_pad_sequence.py 3740 580 0 -
chainer_tests/functions_tests/array_tests/test_pad.py 90 90 0 -
chainer_tests/functions_tests/array_tests/test_permutate.py 54 16 0 -
chainer_tests/functions_tests/array_tests/test_reshape.py 26 0 0 -
chainer_tests/functions_tests/array_tests/test_resize_images.py 12 12 0 -
chainer_tests/functions_tests/array_tests/test_rollaxis.py 42 16 0 -
chainer_tests/functions_tests/array_tests/test_select_item.py 54 42 0 -
chainer_tests/functions_tests/array_tests/test_separate.py 36 36 0 -
chainer_tests/functions_tests/array_tests/test_space_2_depth.py 9 9 0 -
chainer_tests/functions_tests/array_tests/test_spatial_transformer_grid.py 4 4 0 -
chainer_tests/functions_tests/array_tests/test_spatial_transformer_sampler.py 10 12 0 -
chainer_tests/functions_tests/array_tests/test_split_axis.py 52 51 0 -
chainer_tests/functions_tests/array_tests/test_squeeze.py 53 44 0 -
chainer_tests/functions_tests/array_tests/test_stack.py 66 30 0 -
chainer_tests/functions_tests/array_tests/test_swapaxes.py 14 4 0 -
chainer_tests/functions_tests/array_tests/test_tile.py 193 189 0 -
chainer_tests/functions_tests/array_tests/test_transpose_sequence.py 14 6 0 -
chainer_tests/functions_tests/array_tests/test_transpose.py 22 2 0 -
chainer_tests/functions_tests/array_tests/test_vstack.py 88 72 0 -
chainer_tests/functions_tests/array_tests/test_where.py 6 6 0 -
chainer_tests/functions_tests/connection_tests/test_bilinear.py 11 10 0 -
chainer_tests/functions_tests/connection_tests/test_convolution_2d.py - - - 2
chainer_tests/functions_tests/connection_tests/test_convolution_nd.py - - - 2
chainer_tests/functions_tests/connection_tests/test_deconvolution_2d.py - - - 2
chainer_tests/functions_tests/connection_tests/test_deconvolution_nd.py - - - 2
chainer_tests/functions_tests/connection_tests/test_depthwise_convolution_2d.py 36 36 0 -
chainer_tests/functions_tests/connection_tests/test_dilated_convolution_2d.py - - - 2
chainer_tests/functions_tests/connection_tests/test_embed_id.py 68 40 0 -
chainer_tests/functions_tests/connection_tests/test_linear.py 57 52 0 -
chainer_tests/functions_tests/connection_tests/test_n_step_gru.py - - - 2
chainer_tests/functions_tests/connection_tests/test_n_step_lstm.py - - - 2
chainer_tests/functions_tests/connection_tests/test_n_step_rnn.py - - - 2
chainer_tests/functions_tests/evaluation_tests/test_accuracy.py 320 196 0 -
chainer_tests/functions_tests/evaluation_tests/test_binary_accuracy.py 47 9 0 -
chainer_tests/functions_tests/evaluation_tests/test_classification_summary.py 44 44 0 -
chainer_tests/functions_tests/evaluation_tests/test_r2_score.py 60 48 0 -
chainer_tests/functions_tests/loss_tests/test_absolute_error.py 24 12 0 -
chainer_tests/functions_tests/loss_tests/test_black_out.py 4 4 0 -
chainer_tests/functions_tests/loss_tests/test_contrastive.py 130 96 0 -
chainer_tests/functions_tests/loss_tests/test_crf1d.py 32 32 0 -
chainer_tests/functions_tests/loss_tests/test_cross_covariance.py 12 6 0 -
chainer_tests/functions_tests/loss_tests/test_ctc.py 31 28 0 -
chainer_tests/functions_tests/loss_tests/test_decov.py 8 6 0 -
chainer_tests/functions_tests/loss_tests/test_hinge.py 34 34 0 -
chainer_tests/functions_tests/loss_tests/test_huber_loss.py 8 6 0 -
chainer_tests/functions_tests/loss_tests/test_mean_absolute_error.py 4 2 0 -
chainer_tests/functions_tests/loss_tests/test_mean_squared_error.py 4 2 0 -
chainer_tests/functions_tests/loss_tests/test_negative_sampling.py 10 8 0 -
chainer_tests/functions_tests/loss_tests/test_sigmoid_cross_entropy.py - - - 2
chainer_tests/functions_tests/loss_tests/test_softmax_cross_entropy.py - - - 2
chainer_tests/functions_tests/loss_tests/test_squared_error.py 24 12 0 -
chainer_tests/functions_tests/loss_tests/test_triplet.py 66 48 0 -
chainer_tests/functions_tests/loss_tests/test_vae.py 70 0 0 -
chainer_tests/functions_tests/math_tests/test_average.py 281 112 0 -
chainer_tests/functions_tests/math_tests/test_basic_math.py 682 343 0 -
chainer_tests/functions_tests/math_tests/test_batch_l2_norm_squared.py 9 4 0 -
chainer_tests/functions_tests/math_tests/test_bias.py 4 1 0 -
chainer_tests/functions_tests/math_tests/test_ceil.py 6 6 0 -
chainer_tests/functions_tests/math_tests/test_clip.py 19 18 0 -
chainer_tests/functions_tests/math_tests/test_det.py 21 39 0 -
chainer_tests/functions_tests/math_tests/test_exponential_m1.py 10 4 0 -
chainer_tests/functions_tests/math_tests/test_exponential.py 112 56 0 -
chainer_tests/functions_tests/math_tests/test_fix.py 6 6 0 -
chainer_tests/functions_tests/math_tests/test_floor.py 6 6 0 -
chainer_tests/functions_tests/math_tests/test_fmod.py 28 14 0 -
chainer_tests/functions_tests/math_tests/test_hyperbolic.py 48 36 0 -
chainer_tests/functions_tests/math_tests/test_inv.py 22 18 0 -
chainer_tests/functions_tests/math_tests/test_linear_interpolate.py 22 14 0 -
chainer_tests/functions_tests/math_tests/test_logarithm_1p.py 10 4 0 -
chainer_tests/functions_tests/math_tests/test_logsumexp.py 89 49 0 -
chainer_tests/functions_tests/math_tests/test_matmul.py 371 369 0 -
chainer_tests/functions_tests/math_tests/test_maximum.py 34 14 0 -
chainer_tests/functions_tests/math_tests/test_minimum.py 30 18 0 -
chainer_tests/functions_tests/math_tests/test_minmax.py 234 86 0 -
chainer_tests/functions_tests/math_tests/test_prod.py 300 144 0 -
chainer_tests/functions_tests/math_tests/test_scale.py 4 1 0 -
chainer_tests/functions_tests/math_tests/test_sign.py 18 18 0 -
chainer_tests/functions_tests/math_tests/test_sqrt.py 25 18 0 -
chainer_tests/functions_tests/math_tests/test_square.py 24 18 0 -
chainer_tests/functions_tests/math_tests/test_squared_difference.py 18 18 0 -
chainer_tests/functions_tests/math_tests/test_sum.py 156 72 0 -
chainer_tests/functions_tests/math_tests/test_trigonometric.py 162 126 0 -
chainer_tests/functions_tests/noise_tests/test_dropout.py 29 11 0 -
chainer_tests/functions_tests/noise_tests/test_gaussian.py 6 6 0 -
chainer_tests/functions_tests/noise_tests/test_simplified_dropconnect.py 288 288 0 -
chainer_tests/functions_tests/noise_tests/test_zoneout.py 16 0 0 -
chainer_tests/functions_tests/normalization_tests/test_batch_normalization.py - - - 2
chainer_tests/functions_tests/normalization_tests/test_batch_renormalization.py 42 42 0 -
chainer_tests/functions_tests/normalization_tests/test_l2_normalization.py 20 20 0 -
chainer_tests/functions_tests/normalization_tests/test_layer_normalization.py 12 12 0 -
chainer_tests/functions_tests/normalization_tests/test_local_response_normalization.py 6 6 0 -
chainer_tests/functions_tests/pooling_tests/test_average_pooling_2d.py - - - 2
chainer_tests/functions_tests/pooling_tests/test_average_pooling_nd.py - - - 2
chainer_tests/functions_tests/pooling_tests/test_max_pooling_2d.py - - - 2
chainer_tests/functions_tests/pooling_tests/test_max_pooling_nd.py - - - 2
chainer_tests/functions_tests/pooling_tests/test_pooling_nd_kernel.py - - - 2
chainer_tests/functions_tests/pooling_tests/test_roi_pooling_2d.py 2 3 0 -
chainer_tests/functions_tests/pooling_tests/test_spatial_pyramid_pooling_2d.py - - - 2
chainer_tests/functions_tests/pooling_tests/test_unpooling_2d.py 63 108 0 -
chainer_tests/functions_tests/pooling_tests/test_unpooling_nd.py 396 156 0 -
chainer_tests/functions_tests/pooling_tests/test_upsampling_2d.py 18 30 0 -
chainer_tests/functions_tests/util_tests/test_forget.py 11 0 0 -
chainer_tests/initializer_tests/test_constant.py 20 8 0 -
chainer_tests/initializer_tests/test_init.py 3 0 0 -
chainer_tests/initializer_tests/test_normal.py 80 16 0 -
chainer_tests/initializer_tests/test_orthogonal.py 62 16 0 -
chainer_tests/initializer_tests/test_uniform.py 48 48 0 -
chainer_tests/iterators_tests/test_iterator_compatibility.py 4 0 0 -
chainer_tests/iterators_tests/test_multiprocess_iterator.py 73 0 0 -
chainer_tests/iterators_tests/test_serial_iterator.py 13 0 0 -
chainer_tests/links_tests/activation_tests/test_maxout.py 15 12 0 -
chainer_tests/links_tests/activation_tests/test_prelu.py 6 2 0 -
chainer_tests/links_tests/activation_tests/test_simplified_dropconnect.py 79 75 0 -
chainer_tests/links_tests/caffe_tests/test_caffe_function.py - - - 2
chainer_tests/links_tests/connection_tests/test_bias.py 10 2 0 -
chainer_tests/links_tests/connection_tests/test_bilinear.py 42 36 0 -
chainer_tests/links_tests/connection_tests/test_convolution_2d.py 38 61 0 -
chainer_tests/links_tests/connection_tests/test_convolution_nd.py 19 27 0 -
chainer_tests/links_tests/connection_tests/test_deconvolution_2d.py 24 48 0 -
chainer_tests/links_tests/connection_tests/test_deconvolution_nd.py 40 78 0 -
chainer_tests/links_tests/connection_tests/test_depthwise_convolution_2d.py 19 19 0 -
chainer_tests/links_tests/connection_tests/test_dilated_convolution_2d.py 12 15 0 -
chainer_tests/links_tests/connection_tests/test_embed_id.py 31 6 0 -
chainer_tests/links_tests/connection_tests/test_gru.py 55 12 0 -
chainer_tests/links_tests/connection_tests/test_highway.py 2 2 0 -
chainer_tests/links_tests/connection_tests/test_inception.py 1 1 0 -
chainer_tests/links_tests/connection_tests/test_inceptionbn.py 15 10 0 -
chainer_tests/links_tests/connection_tests/test_linear.py 56 38 0 -
chainer_tests/links_tests/connection_tests/test_lstm.py 62 24 0 -
chainer_tests/links_tests/connection_tests/test_mgu.py 2 2 0 -
chainer_tests/links_tests/connection_tests/test_mlp_convolution_2d.py - - - 2
chainer_tests/links_tests/connection_tests/test_n_step_gru.py 12 12 0 -
chainer_tests/links_tests/connection_tests/test_n_step_lstm.py 13 11 0 -
chainer_tests/links_tests/connection_tests/test_n_step_rnn.py 24 24 0 -
chainer_tests/links_tests/connection_tests/test_peephole.py 10 6 0 -
chainer_tests/links_tests/connection_tests/test_scale.py 19 4 0 -
chainer_tests/links_tests/connection_tests/test_tree_lstm.py 64 56 0 -
chainer_tests/links_tests/connection_tests/test_zoneoutlstm.py 16 15 0 -
chainer_tests/links_tests/loss_tests/test_black_out.py 1 1 0 -
chainer_tests/links_tests/loss_tests/test_hierarchical_softmax.py 5 4 0 -
chainer_tests/links_tests/loss_tests/test_negative_sampling.py 8 8 0 -
chainer_tests/links_tests/model_tests/test_classifier.py - - - 2
chainer_tests/links_tests/model_tests/test_vision.py 0 0 50 -
chainer_tests/links_tests/normalization_tests/test_batch_normalization.py 88 164 0 -
chainer_tests/links_tests/normalization_tests/test_batch_renormalization.py 50 74 0 -
chainer_tests/links_tests/normalization_tests/test_layer_normalization.py 17 23 0 -
chainer_tests/links_tests/theano_tests/test_theano_function.py 0 0 40 -
chainer_tests/optimizers_tests/test_optimizers_by_linear_model.py 182 88 0 -
chainer_tests/optimizers_tests/test_optimizers.py 9 0 0 -
chainer_tests/serializers_tests/test_hdf5.py - - - 2
chainer_tests/serializers_tests/test_npz.py - - - 2
chainer_tests/test_computational_graph.py 30 0 0 -
chainer_tests/test_configuration.py 6 0 0 -
chainer_tests/test_cuda.py 61 32 0 -
chainer_tests/test_function_hook.py 5 0 0 -
chainer_tests/test_function_node.py - - - 2
chainer_tests/test_function.py - - - 2
chainer_tests/test_gradient_check.py 45 2 0 -
chainer_tests/test_init_docstring.py 1 0 0 -
chainer_tests/test_init.py 0 4 1 -
chainer_tests/test_initializer.py 5 0 0 -
chainer_tests/test_link.py - - - 2
chainer_tests/test_optimizer.py - - - 2
chainer_tests/test_reporter.py 27 4 0 -
chainer_tests/test_runnable.py 1 0 0 -
chainer_tests/test_variable.py - - - 2
chainer_tests/testing_tests/test_condition.py 14 0 0 -
chainer_tests/testing_tests/test_parameterized.py 15 0 0 -
chainer_tests/testing_tests/test_serializer.py 1 0 1 -
chainer_tests/testing_tests/test_training.py 0 8 0 -
chainer_tests/testing_tests/test_unary_math_function_test.py 24 13 0 -
chainer_tests/training_tests/extensions_tests/test_computational_graph.py 2 0 0 -
chainer_tests/training_tests/extensions_tests/test_evaluator.py 7 0 0 -
chainer_tests/training_tests/extensions_tests/test_exponential_shift.py - - - 2
chainer_tests/training_tests/extensions_tests/test_linear_shift.py - - - 2
chainer_tests/training_tests/extensions_tests/test_parameter_statistics.py - - - 2
chainer_tests/training_tests/extensions_tests/test_plot_report.py 1 0 1 -
chainer_tests/training_tests/extensions_tests/test_snapshot.py - - - 2
chainer_tests/training_tests/test_extension.py 6 0 0 -
chainer_tests/training_tests/test_trainer.py 0 10 0 -
chainer_tests/training_tests/test_updater.py - - - 2
chainer_tests/training_tests/triggers_tests/test_interval_trigger.py - - - 2
chainer_tests/training_tests/triggers_tests/test_manual_schedule_trigger.py - - - 2
chainer_tests/training_tests/triggers_tests/test_minmax_trigger.py 2 0 0 -
chainer_tests/training_tests/updaters_tests/test_multiprocess_parallel_updater.py 3 2 0 -
chainer_tests/utils_tests/test_conv_nd_kernel.py - - - 2
chainer_tests/utils_tests/test_conv_nd.py 44 0 0 -
chainer_tests/utils_tests/test_conv.py 30 0 0 -
chainer_tests/utils_tests/test_experimental.py 6 0 0 -
chainer_tests/utils_tests/test_type_check.py 38 0 0 -
chainer_tests/utils_tests/test_utils.py 15 0 0 -
chainer_tests/utils_tests/test_walker_alias.py 2 1 0 -

Example

Primary machine (Radeon)

name result
cifar no: AttributeError: module 'cupy' has no attribute 'tensordot'
dcgan no: AttributeError: module 'cupy.random' has no attribute 'randn'
imagenet no: AttributeError: module 'cupy' has no attribute 'tensordot'
mnist ok
modelzoo ????
ptb ok
reinforcement_learning ????
sentiment no: AttributeError: module 'cupy' has no attribute 'tanh'
seq2seq no: AttributeError: module 'cupy' has no attribute 'split'
vae no: AttributeError: module 'cupy' has no attribute 'tanh'
word2vec ok

Secondary machine (GeFroce)

name result
cifar no: AttributeError: module 'cupy' has no attribute 'tensordot'
dcgan no: AttributeError: module 'cupy.random' has no attribute 'randn'
imagenet no: cupy.opencl.exceptions.OpenCLRuntimeError: UNKNOWN ERROR
mnist ok
modelzoo ????
ptb ok
reinforcement_learning ????
sentiment no: AttributeError: module 'cupy' has no attribute 'tanh'
seq2seq no
vae no: AttributeError: module 'cupy' has no attribute 'tanh'
word2vec no: cupy.opencl.exceptions.OpenCLRuntimeError: UNKNOWN ERROR