apache / tvm

Open deep learning compiler stack for cpu, gpu and specialized accelerators
https://tvm.apache.org/
Apache License 2.0
11.58k stars 3.43k forks source link

task_python_unittest passes, but script does not terminate #3445

Closed gussmith23 closed 4 years ago

gussmith23 commented 5 years ago

More of a minor annoyance than anything.

To reproduce: Started from a clean build on an Ubuntu 16.04 machine. Built with LLVM8 (from Ubuntu nightlies). Followed the instructions at https://docs.tvm.ai/install/from_source.html; everything built without issue. Updated PYTHONPATH. Installed all Python dependencies, including optional ones. What follows is the output; I hit Ctrl+C twice during this execution, which is what produces the exceptions.

➜  tvm git:(master) ./tests/scripts/task_python_unittest.sh            
test_arith_canonical_simplify.test_mul_sum_simplify ... ok
test_arith_canonical_simplify.test_split_index_simplify ... ok
test_arith_canonical_simplify.test_div_simplify ... ok
test_arith_canonical_simplify.test_canonical_mixed ... ok
test_arith_canonical_simplify.test_reduce_combiner_simplify ... ok
test_arith_canonical_simplify.test_reduce_simplify ... ok
test_arith_canonical_simplify.test_simplify_if_then_else ... ok
test_arith_const_int_bound.test_dtype_bound ... ok
test_arith_const_int_bound.test_cast_bound ... ok
test_arith_const_int_bound.test_add_sub_bound ... ok
test_arith_const_int_bound.test_mul_bound ... ok
test_arith_const_int_bound.test_div_bound ... ok
test_arith_const_int_bound.test_mod_bound ... ok
test_arith_const_int_bound.test_min_max_bound ... ok
test_arith_const_int_bound.test_select_bound ... ok
test_arith_const_int_bound.test_shift_and_bound ... ok
test_arith_const_int_bound.test_mix_index_bound ... ok
test_arith_deduce_bound.test_deduce ... ok
test_arith_deduce_bound.test_check ... ok
test_arith_deduce_bound.test_deduce_basic ... ok
test_arith_deduce_bound.test_deduce_complex ... ok
test_arith_detect_clip_bound.test_basic ... ok
test_arith_detect_linear_equation.test_basic ... ok
test_arith_detect_linear_equation.test_multivariate ... ok
test_arith_domain_touched.test_domain_touched ... ok
test_arith_intset.test_basic ... ok
test_arith_intset.test_vector ... ok
test_arith_intset.test_add_sub ... ok
test_arith_intset.test_mul_div ... ok
test_arith_intset.test_mod ... ok
test_arith_intset.test_max_min ... ok
test_arith_intset.test_select ... ok
test_arith_modular_set.test_cast ... ok
test_arith_modular_set.test_add_sub ... ok
test_arith_modular_set.test_mul ... ok
test_arith_modular_set.test_div_shift ... ok
test_arith_modular_set.test_min_max_select ... ok
test_arith_modular_set.test_mix_index ... ok
test_arith_modular_set.test_constraint_scope ... ok
test_arith_modular_set.test_intersect ... ok
test_arith_rewrite_simplify.test_vector_simplify ... ok
test_arith_rewrite_simplify.test_select_simplify ... ok
test_arith_rewrite_simplify.test_add_index_simplify ... ok
test_arith_rewrite_simplify.test_sub_index_simplify ... ok
test_arith_rewrite_simplify.test_mul_index_simplify ... ok
test_arith_rewrite_simplify.test_div_index_simplify ... ok
test_arith_rewrite_simplify.test_mod_index_simplify ... ok
test_arith_rewrite_simplify.test_min_index_simplify ... ok
test_arith_rewrite_simplify.test_max_index_simplify ... ok
test_arith_rewrite_simplify.test_cmp_simplify ... ok
test_arith_rewrite_simplify.test_logical_simplify ... ok
test_arith_simplify.test_simplify ... ok
test_arith_simplify.test_simplify_mod ... ok
test_arith_simplify.test_simplify_minmax ... ok
test_arith_simplify.test_mul ... ok
test_arith_simplify.test_modular ... ok
test_arith_simplify.test_const_propagation ... ok
test_autotvm_database.test_save_load ... ok
test_autotvm_database.test_db_hash ... ok
test_autotvm_database.test_db_latest_all ... ok
test_autotvm_dispatch_context.test_dispatch ... ok
test_autotvm_dispatch_context.test_fallback ... ok
test_autotvm_executor.test_local_measure_async ... ok
test_autotvm_executor.test_timeout ... ok
test_autotvm_feature.test_iter_feature_gemm ... ok
test_autotvm_feature.test_curve_feature_gemm ... ok
test the dimensions of flatten feature are the same ... ok
test_autotvm_flop_calculator.test_conv ... ok
test_autotvm_flop_calculator.test_pack_gemm ... ok
test_autotvm_flop_calculator.test_outer_dot ... ok
test_autotvm_flop_calculator.test_max_pool ... ok
test_autotvm_flop_calculator.test_average_pool ... ok
No float number operation in simple move. So the estimator should raise an error ... ok
test task and tuner without measurement ... ok
test_autotvm_measure.test_check_correctness ... ok
test_autotvm_record.test_load_dump ... ok
test_autotvm_record.test_file_io ... ok
test_autotvm_record.test_apply_history_best ... ok
test_autotvm_space.test_split ... ok
test_autotvm_xgboost_model.test_fit ... ok
test_autotvm_xgboost_model.test_tuner ... ok
test_build_lower.test_lower_rfactor ... ok
test_codegen_arm.test_popcount ... ok
test_codegen_arm.test_vmlal_s16 ... ok
test_codegen_bool.test_cmp_load_store ... ok
test_codegen_c_host.test_add ... ok
test_codegen_c_host.test_add_pipeline ... [11:22:29] /home/gus/tvm/src/pass/vectorize_loop.cc:365: Detect vector condition in Vectori
zed Loop, scalarizing...                                                                                                            
ok
test_codegen_cross_llvm.test_llvm_add_pipeline ... ok
test_codegen_cuda.test_cuda_vectorize_add ... ok
test_codegen_cuda.test_cuda_multiply_add ... ok
test_codegen_cuda.test_cuda_vectorize_load ... ok
test_codegen_cuda.test_cuda_make_int8x4 ... ok
test_codegen_cuda.test_cuda_inf_nan ... ok
test_codegen_device.test_add_pipeline ... ok
test_codegen_extern.test_add_pipeline ... ok
test_codegen_extern.test_pack_buffer_simple ... ok
test_codegen_extern.test_pack_buffer_intermediate ... ok
test_codegen_llvm.test_llvm_intrin ... ok
test_codegen_llvm.test_llvm_import ... ok
test_codegen_llvm.test_llvm_lookup_intrin ... ok
test_codegen_llvm.test_llvm_add_pipeline ... [11:22:29] /home/gus/tvm/src/pass/vectorize_loop.cc:365: Detect vector condition in Vect
orized Loop, scalarizing...                                                                                                         
ok
test_codegen_llvm.test_llvm_persist_parallel ... ok
test_codegen_llvm.test_llvm_flip_pipeline ... [11:22:29] /home/gus/tvm/src/pass/vectorize_loop.cc:365: Detect vector condition in Vec
torized Loop, scalarizing...                                                                                                        
ok
test_codegen_llvm.test_llvm_vadd_pipeline ... ok
test_codegen_llvm.test_llvm_madd_pipeline ... ok
test_codegen_llvm.test_llvm_temp_space ... ok
test_codegen_llvm.test_multiple_func ... ok
test_codegen_llvm.test_llvm_condition ... ok
test_codegen_llvm.test_llvm_bool ... ok
test_codegen_llvm.test_rank_zero ... ok
test_codegen_llvm.test_rank_zero_bound_checkers ... ok
test_codegen_llvm.test_alignment ... ok
Check that the semantics of div and mod is the same as in C/C++ ... ok
test_codegen_llvm.test_llvm_fp_math ... ok
test_codegen_opencl.test_opencl_ternary_expression ... ok
test_codegen_opencl.test_opencl_inf_nan ... ok
test_codegen_static_init.test_static_callback ... ok
test_codegen_static_init.test_static_init ... ok
test_codegen_vm_basic.test_stack_vm_basic ... ok
test_codegen_vm_basic.test_stack_vm_loop ... ok
test_codegen_vm_basic.test_stack_vm_cond ... ok
test_codegen_vm_basic.test_vm_parallel ... ok
test_codegen_x86.test_fp16_to_fp32 ... ok
test_custom_datatypes_mybfloat16.test_bfloat_add_and_cast_1 ... ok
test_custom_datatypes_mybfloat16.test_bfloat_add_and_cast_2 ... ok
test_custom_datatypes_mybfloat16.test_bfloat_add_and_cast_FloatImm ... ok
test_graph_tuner_core.test_graph_tuner_layout_transform ... 2019-06-27 11:22:30,765 INFO Start to benchmark layout transformation...
2019-06-27 11:22:30,767 INFO Benchmarking layout transformation successful.
ok
test_graph_tuner_core.test_DPTuner_run ... 2019-06-27 11:22:31,068 INFO Start to benchmark layout transformation...
2019-06-27 11:22:31,076 INFO Benchmarking layout transformation successful.
2019-06-27 11:22:31,076 INFO Start to run dynamic programming algorithm...
2019-06-27 11:22:31,076 INFO Start forward pass...
2019-06-27 11:22:31,076 INFO Finished forward pass.
2019-06-27 11:22:31,077 INFO Start backward pass...
2019-06-27 11:22:31,077 INFO Finished backward pass...
2019-06-27 11:22:31,077 INFO Finished DPExecutor run.
ok
test_graph_tuner_core.test_PBQPTuner_run ... 2019-06-27 11:22:31,375 INFO Start to benchmark layout transformation...
2019-06-27 11:22:31,382 INFO Benchmarking layout transformation successful.
2019-06-27 11:22:31,382 INFO Start to run PBQP algorithm...
2019-06-27 11:22:31,382 INFO Finished PBQPExecutor run. Got optimal solution.
ok
test_graph_tuner_utils.test_has_multiple_inputs ... ok
test_graph_tuner_utils.test_expr2graph ... ok
test_graph_tuner_utils.test_get_direct_ancestor ... ok
test_graph_tuner_utils.test_get_in_nodes ... ok
test_graph_tuner_utils.test_get_out_nodes ... ok
test_hybrid_script.test_outer_product ... ok
test_hybrid_script.test_fanout ... ok
test_hybrid_script.test_looptype ... ok
test_hybrid_script.test_if ... ok
test_hybrid_script.test_bind ... ok
test_hybrid_script.test_math_intrin ... ok
test_hybrid_script.test_non_zero ... ok
test_hybrid_script.test_allocate ... ok
test_hybrid_script.test_upstream ... ok
test_hybrid_script.test_downstream ... ok
test_hybrid_script.test_const_param ... ok
test_hybrid_script.test_value_index ... ok
test_hybrid_script.test_func_call ... ok
test_hybrid_script.test_bool ... ok
test_hybrid_script.test_const_range ... ok
test_hybrid_script.test_schedule ... ok
test_hybrid_script.test_capture ... ok
test_ir_builder.test_for ... ok
test_ir_builder.test_if ... ok
test_ir_builder.test_prefetch ... ok
test_ir_builder.test_cpu ... ok
test_ir_builder.test_gpu ... ok
test_lang_basic.test_const ... ok
test_lang_basic.test_make ... ok
test_lang_basic.test_ir ... ok
test_lang_basic.test_ir2 ... ok
test_lang_basic.test_let ... ok
test_lang_basic.test_cast ... ok
test_lang_basic.test_attr ... ok
test_lang_basic.test_basic ... ok
test_lang_basic.test_stmt ... ok
test_lang_basic.test_dir ... ok
test_lang_basic.test_dtype ... ok
test_lang_basic.test_any ... ok
test_lang_basic.test_all ... ok
test_lang_basic.test_bitwise ... ok
test_lang_basic.test_equality ... ok
test_lang_basic.test_equality_string_imm ... ok
test_lang_buffer.test_buffer ... ok
test_lang_buffer.test_buffer_access_ptr ... ok
test_lang_buffer.test_buffer_access_ptr_offset ... ok
test_lang_buffer.test_buffer_access_ptr_extent ... ok
test_lang_buffer.test_buffer_vload ... ok
test_lang_buffer.test_buffer_index_merge_mult_mod ... ok
test_lang_constructor.test_expr_constructor ... ok
test_lang_constructor.test_stmt_constructor ... ok
test_lang_container.test_array ... ok
test_lang_container.test_array_save_load_json ... ok
test_lang_container.test_map ... ok
test_lang_container.test_str_map ... ok
test_lang_container.test_map_save_load_json ... ok
test_lang_container.test_in_container ... ok
test_lang_data_layout.test_layout ... ok
test_lang_data_layout.test_bilayout_convertible ... ok
test_lang_data_layout.test_bilayout_shape ... ok
test_lang_data_layout.test_bilayout_index ... ok
test_lang_group.test_scan_group ... ok
test_lang_group.test_compute_group ... ok
test_lang_group.test_nest_group ... ok
test_lang_operator.test_const_fold ... ok
test_lang_operator.test_const_fold2 ... ok
test_lang_operator.test_const_fold3 ... ok
test_lang_reflection.test_const_saveload_json ... ok
test_lang_reflection.test_make_smap ... ok
test_lang_reflection.test_make_node ... ok
test_lang_reflection.test_make_attrs ... ok
test_lang_reflection.test_make_sum ... ok
test_lang_reflection.test_env_func ... ok
test_lang_schedule.test_schedule_create ... ok
test_lang_schedule.test_reorder ... ok
test_lang_schedule.test_split ... ok
test_lang_schedule.test_tile ... ok
test_lang_schedule.test_fuse ... ok
test_lang_schedule.test_singleton ... ok
test_lang_schedule.test_vectorize ... ok
test_lang_schedule.test_vectorize_commreduce ... ok
test_lang_schedule.test_pragma ... ok
test_lang_schedule.test_rfactor ... ok
test_lang_schedule.test_tensor_intrin ... ok
test_lang_schedule.test_tensor_intrin_scalar_params ... ok
test_lang_tag.test_with ... ok
test_lang_tag.test_decorator ... ok
test_lang_tag.test_nested ... /home/gus/tvm/python/tvm/tag.py:48: UserWarning: Tag 'conv' declared via TagScope was not used.
  warnings.warn("Tag '%s' declared via TagScope was not used." % (self.tag,))
ok
test_lang_target.test_target_dispatch ... ok
test_lang_target.test_target_string_parse ... ok
test_lang_tensor.test_tensor ... ok
test_lang_tensor.test_rank_zero ... ok
test_lang_tensor.test_conv1d ... ok
test_lang_tensor.test_tensor_slice ... ok
test_lang_tensor.test_tensor_reduce_multi_axis ... ok
test_lang_tensor.test_tensor_comm_reducer ... ok
test_lang_tensor.test_tensor_comm_reducer_overload ... ok
test_lang_tensor.test_tensor_reduce ... ok
test_lang_tensor.test_tensor_compute1 ... ok
test_lang_tensor.test_tensor_compute2 ... ok
test_lang_tensor.test_tensor_scan ... ok
test_lang_tensor.test_scan_multi_out ... ok
test_lang_tensor.test_extern ... ok
test_lang_tensor.test_extern_multi_out ... ok
test_lang_tensor.test_tuple_inputs ... ok
test_lang_tensor.test_tuple_with_different_deps ... [11:22:35] /home/gus/tvm/src/schedule/bound.cc:129: not in feed graph consumer = 
compute(B, 0x30f5170)                                                                                                               
ok
test_lang_tensor.test_tensor_inputs ... ok
test_lang_tensor.test_tensor_pool ... ok
test_lang_tensor_overload_op.test_operator_type_and_tags ... ok
test_lang_tensor_overload_op.test_combination ... ok
test_lang_tensor_overload_op.test_tensor_scalar_bop ... ok
test_lang_tensor_overload_op.test_broadcast_bop ... ok
test_lang_tensor_overload_op.test_conv2d_scalar_bop ... ok
test_lang_verify_compute.test_verify_compute ... ok
test_module_load.test_dso_module_load ... Loading runtime library /home/gus/tvm/build/libtvm_runtime.so... exec only
Finish runtime checking...
ok
test_module_load.test_device_module_dump ... ok
Test combine multiple module into one shared lib. ... ok
test_pass_attrs_hash_equal.test_attrs_equal ... ok
test_pass_attrs_hash_equal.test_attrs_hash ... ok
test_pass_basic.test_simplify ... ok
test_pass_basic.test_verify_ssa ... ok
test_pass_basic.test_convert_ssa ... ok
test_pass_basic.test_expr_use_var ... ok
test_pass_bound_checkers.test_out_of_bounds_llvm ... ok
test_pass_bound_checkers.test_in_bounds_llvm ... ok
test_pass_bound_checkers.test_out_of_bounds_vectorize_llvm ... ok
test_pass_bound_checkers.test_in_bounds_vectorize_llvm ... ok
test_pass_bound_checkers.test_in_bounds_loop_partition_basic_llvm ... ok
test_pass_bound_checkers.test_out_of_bounds_loop_partition_basic_llvm ... ok
test_pass_bound_checkers.test_in_bounds_const_loop_partition_ir ... ok
test_pass_bound_checkers.test_in_bounds_const_loop_partition_llvm ... ok
test_pass_bound_checkers.test_out_of_bounds_const_loop_partition_llvm ... ok
test_pass_bound_checkers.test_in_bounds_conv_llvm ... ok
test_pass_bound_checkers.test_out_of_bounds_conv_llvm ... ok
test_pass_bound_checkers.test_in_bounds_tensors_with_same_shapes1D_llvm ... ok
test_pass_bound_checkers.test_out_of_bounds_tensors_with_diff_shapes1D_llvm ... ok
test_pass_bound_checkers.test_in_bounds_tensors_with_same_shapes2D_llvm ... ok
test_pass_bound_checkers.test_out_of_bounds_tensors_with_diff_shapes2D_llvm ... ok
test_pass_bound_checkers.test_in_bounds_tensors_with_same_shapes3D_llvm ... ok
test_pass_bound_checkers.test_out_of_bounds_tensors_with_diff_shapes3D_llvm ... ok
test_pass_bound_checkers.test_out_of_bounds_tensors_with_zero_shape_op_with_not_zero_shape_llvm ... ok
test_pass_combine_context_call.test_for ... ok
test_pass_decorate_device_scope.test_decorate_device ... ok
test_pass_equal.test_equal_expr ... ok
test_pass_equal.test_equal_compute ... ok
test_pass_inject_copy_intrin.test_copy2d ... ok
test_pass_inject_copy_intrin.test_copy_pad ... ok
test_pass_inject_copy_intrin.test_single_point_test ... ok
test_pass_inject_copy_intrin.test_copy_pad_split ... ok
test_pass_inject_double_buffer.test_double_buffer ... ok
test_pass_inject_vthread.test_vthread ... ok
test_pass_inject_vthread.test_vthread_extern ... ok
test_pass_inject_vthread.test_vthread_if_then_else ... ok
test_pass_inline.test_inline ... ok
test_pass_inline.test_inline2 ... ok
test_pass_ir_transform.test_ir_transform ... ok
test_pass_lift_attr_scope.test_coproc_lift ... ok
test_pass_loop_partition.test_basic ... ok
test_pass_loop_partition.test_const_loop ... ok
test_pass_loop_partition.test_multi_loop ... [11:22:37] /home/gus/tvm/src/pass/loop_partition.cc:536: Cannot prove: ((((n - 1) - (((n
 - m) - (i*m)) + 1)) + 1) >= 0), when generating the post doubt loop                                                                
ok
test_pass_loop_partition.test_multi_if ... [11:22:37] /home/gus/tvm/src/pass/loop_partition.cc:536: Cannot prove: ((((n - 1) - min((n
 - (i*m)), (((n - m) - (i*m)) + 1))) + 1) >= 0), when generating the post doubt loop                                                
ok
test_pass_loop_partition.test_thread_axis ... ok
test_pass_loop_partition.test_vectorize ... [11:22:37] /home/gus/tvm/src/pass/vectorize_loop.cc:365: Detect vector condition in Vecto
rized Loop, scalarizing...                                                                                                          
ok
test_pass_loop_partition.test_condition ... ok
test_pass_loop_partition.test_thread_axis2 ... [11:22:37] /home/gus/tvm/src/pass/loop_partition.cc:536: Cannot prove: ((((m - 1) - (m
in(min((4064 - (max(blockIdx.x, 127)*32)), (4064 - (blockIdx.x*32))), 0) + 1)) + 1) >= 0), when generating the post doubt loop      
ok
test_pass_loop_partition.test_everything_during_deduction ... ok
test_pass_loop_partition.test_single_likely ... ok
test_pass_loop_partition.test_multi_likely ... ok
test_pass_loop_partition.test_oneD_pool ... ok
test_pass_loop_partition.test_cce_loop_1 ... ok
test_pass_loop_partition.test_cce_loop_2 ... ok
test_pass_loop_partition.test_cce_loop_3 ... ok
test_pass_loop_partition.test_conv_tiling ... ok
test_pass_loop_partition.test_double_splitting_with_indivisible_factors ... [11:22:37] /home/gus/tvm/src/pass/loop_partition.cc:510: 
Cannot prove: (uint1)0, when generating the pre doubt loop                                                                          
ok
test_pass_lower_warp_memory.test_lower_warp_mem ... ok
Not yet working, mock design ... ok
test_pass_remove_no_op.test_remove_no_op ... ok
test_pass_rewrite_unsafe_select.test_rewrite_Select ... ok
Not yet working, mock design ... ok
test_pass_simplify.test_basic ... ok
test_pass_simplify.test_bound ... ok
test_pass_split_host_device.test_loop_dependent_allocate ... [11:22:37] /home/gus/tvm/src/pass/loop_partition.cc:536: Cannot prove: (
(((((max((i*2), (i + 1)) + 1) - min((i*2), (i + 1))) - 1) - ((N*2) - min((i*2), (i + 1)))) + 1) >= 0), when generating the post doubt
 loop                                                                                                                               
ok
test_pass_split_pipeline.test_basic_pipeline ... ok
test_pass_split_pipeline.test_conv1d ... ok
test_pass_storage_flatten.test_flatten2 ... ok
test_pass_storage_flatten.test_flatten_prefetch ... ok
test_pass_storage_flatten.test_flatten_storage_align ... ok
test_pass_storage_flatten.test_flatten_double_buffer ... ok
test_pass_storage_rewrite.test_storage_share ... ok
test_pass_storage_rewrite.test_alloc_seq ... ok
test_pass_storage_rewrite.test_alloc_different_dtypes ... ok
test_pass_storage_rewrite.test_inplace_rule ... ok
test_pass_storage_rewrite.test_storage_combine ... ok
test_pass_storage_rewrite.test_storage_share_gpu ... ok
test_pass_storage_rewrite.test_parallel_alloc ... ok
test_pass_storage_rewrite.test_inplace_rule2 ... ok
test_pass_storage_rewrite.test_exceed_mem ... ok
test_pass_storage_rewrite.test_inplace_rule3 ... ok
test_pass_storage_rewrite.test_alloc_seq_type ... ok
test_pass_storage_rewrite.test_alloc_seq_type2 ... ok
test_pass_storage_rewrite.test_reuse_small_buffer ... ok
test_pass_storage_rewrite.test_replace_dataflow ... ok
test_pass_storage_rewrite.test_large_input ... [11:22:37] /home/gus/tvm/src/pass/storage_rewrite.cc:591: The allocation requires : 26
8435456 * 32 bits, which is greater than the maximum of int32. The size is cast to int64.                                           

[11:22:37] /home/gus/tvm/src/pass/storage_rewrite.cc:591: The allocation requires : 268435456 * 32 bits, which is greater than the ma
ximum of int32. The size is cast to int64.                                                                                          

ok
test_pass_storage_sync.test_storage_sync ... ok
test_pass_storage_sync.test_coproc_sync ... ok
test_pass_storage_sync.test_coproc_sync2 ... ok
test_pass_storage_sync.test_coproc_sync3 ... ok
test_pass_unroll.test_unroll_loop ... ok
test_pass_unroll.test_unroll_fake_loop ... ok
test_pass_unroll.test_unroll_single_count_loops ... ok
test_pass_vectorize.test_vectorize_loop ... ok
test_pass_vectorize.test_vectorize_vector ... ok
test_pass_vectorize.test_vectorize_with_if ... [11:22:37] /home/gus/tvm/src/pass/vectorize_loop.cc:365: Detect vector condition in Ve
ctorized Loop, scalarizing...                                                                                                       
ok
test_pass_vectorize.test_vectorize_with_le_cond ... [11:22:37] /home/gus/tvm/src/pass/vectorize_loop.cc:365: Detect vector condition 
in Vectorized Loop, scalarizing...                                                                                                  
ok
test_pass_vectorize.test_vectorize_with_ge_cond ... [11:22:37] /home/gus/tvm/src/pass/vectorize_loop.cc:365: Detect vector condition 
in Vectorized Loop, scalarizing...                                                                                                  
ok
test_pass_vectorize.test_vectorize_if_then_else ... ok
test_pass_verify_gpu_code.test_shared_memory ... ok
test_pass_verify_gpu_code.test_local_memory ... ok
test_pass_verify_gpu_code.test_num_thread ... ok
test_pass_verify_gpu_code.test_multiple_kernels ... ok
test_pass_verify_gpu_code.test_wrong_bind ... ok
test_pass_verify_memory.test_verify_memory_all_bind ... ok
test_pass_verify_memory.test_verify_memory_not_bind ... ok
test_pass_verify_memory.test_verify_memory_partially_bind ... ok
test_pass_virtual_thread.test_virtual_thread ... ok
test_runtime_error.test_op_translation ... ok
test_runtime_error.test_deep_callback ... ok
test_runtime_extension.test_dltensor_compatible ... ok
test_runtime_graph.test_graph_simple ... ok
test_runtime_graph_debug.test_graph_simple ... ok
Test the heterogeneous execution of a simple network where data ... ok
Test the heterogeneous execution of a simple network where data ... ok
test_runtime_measure.test_min_repeat_ms ... ok
test_runtime_ndarray.test_nd_create ... ok
test_runtime_ndarray.test_fp16_conversion ... ok
test_runtime_packed_func.test_get_global ... ok
test_runtime_packed_func.test_get_callback_with_node ... ok
test_runtime_packed_func.test_return_func ... ok
test_runtime_packed_func.test_convert ... ok
test_runtime_packed_func.test_byte_array ... ok
test_runtime_packed_func.test_empty_array ... ok
test_runtime_packed_func.test_ctx ... ok
test_runtime_packed_func.test_trace_default_action ... ok
test_runtime_packed_func.test_trace_expr_assign ... ok
test_runtime_packed_func.test_trace_expr_sum_generated ... ok
test_runtime_packed_func.test_trace_expr_sum_args ... ok
test_runtime_packed_func.test_trace_expr_sum_custom ... ok
test_runtime_packed_func.test_trace_can_change_traced_value_int ... ok
test_runtime_packed_func.test_trace_can_change_traced_value_float ... ok
Test big endian rpc when there is a PowerPC RPC server available ... ok
test_runtime_rpc.test_rpc_simple ... ok
test_runtime_rpc.test_rpc_array ... ok
test_runtime_rpc.test_rpc_file_exchange ... [11:22:39] /home/gus/tvm/src/runtime/rpc/rpc_server_env.cc:53: Download /tmp/tmp3sz_rkcg/
dat.bin... nbytes=80                                                                                                                
ok
test_runtime_rpc.test_rpc_remote_module ... ok
test_runtime_rpc.test_rpc_return_func ... ok
test_runtime_rpc.test_rpc_return_ndarray ... ok
test_runtime_rpc.test_local_func ... ok
test_runtime_rpc.test_rpc_tracker_register ... ok
test_runtime_rpc.test_rpc_tracker_request ... ok
test_schedule_bound_inference.test_bound1 ... ok
test_schedule_bound_inference.test_bound2 ... ok
test_schedule_bound_inference.test_bound3 ... ok
test_schedule_bound_inference.test_bound_warp ... ok
test_schedule_bound_inference.test_bound_scan ... ok
test_schedule_bound_inference.test_bound_conv1d ... ok
test_schedule_bound_inference.test_bound_blur ... ok
test_schedule_bound_inference.test_bound_rfactor ... ok
test_schedule_bound_inference.test_bound_group_schedule ... ok
test_schedule_bound_inference.test_bound_nest_group ... ok
test_schedule_bound_inference.test_bound_nest_thread ... ok
test_schedule_bound_inference.test_gemm_bound ... ok
test_schedule_bound_inference.test_bound_tensor_compute_op ... ok
test_schedule_graph.test_scan ... ok
test_schedule_graph.test_scan_fix_point ... ok
test_schedule_graph.test_create_read_graph ... ok
test_schedule_lstm.test_lstm_cell_inline ... ok
test_schedule_schedule_ops.test_schedule0 ... ok
test_schedule_schedule_ops.test_schedule1 ... ok
test_schedule_schedule_ops.test_schedule2 ... ok
test_schedule_schedule_ops.test_schedule_scan ... ok
test_schedule_schedule_ops.test_inline_multi_reduce ... ok
test_schedule_schedule_ops.test_auto_inline ... ok
test_schedule_schedule_ops.test_schedule_const_bound ... ok
test_schedule_schedule_ops.test_inline_mixed ... ok
test_schedule_schedule_ops.test_scan_inline1 ... ok
test_schedule_schedule_ops.test_scan_inline2 ... ok
test_schedule_schedule_ops.test_schedule_cache ... ok
test_schedule_schedule_ops.test_schedule_middle_cache ... ok
test_schedule_schedule_ops.test_schedule_cache_relayout1 ... ok
test_schedule_schedule_ops.test_schedule_cache_relayout2 ... ok
test_schedule_schedule_ops.test_schedule_cache_relayout3 ... ok
test_schedule_schedule_ops.test_schedule_cache_relayout4 ... ok
test_schedule_schedule_ops.test_schedule_bound_condition ... ok
test_schedule_schedule_ops.test_schedule_tensor_compute1 ... ok
test_schedule_schedule_ops.test_schedule_tensor_compute2 ... ok
test_schedule_schedule_ops.test_schedule_tensor_compute3 ... ok
test_schedule_schedule_ops.test_loop_dep_reduce ... ok
test_schedule_schedule_ops.test_loop_dep_reduce_cache_write ... ok
test_schedule_schedule_ops.test_reduction_and_dummy_fuse_split ... ok
test_schedule_schedule_ops.test_schedule_compute_inline ... ok
test_schedule_tensorize.test_tensorize_vadd ... ok
test_schedule_tensorize.test_tensorize_matmul ... ok
test_schedule_tensorize.test_tensorize_op ... ok
test_schedule_tensorize.test_tensorize_tensor_compute_op ... ok
test_testing.test_check_numerical_grads ... ok

----------------------------------------------------------------------
Ran 434 tests in 25.489s

OK
^CError in atexit._run_exitfuncs:
Traceback (most recent call last):
  File "/usr/lib/python3.5/multiprocessing/popen_fork.py", line 29, in poll
Process Process-80:
    pid, sts = os.waitpid(self.pid, flag)
KeyboardInterrupt
Traceback (most recent call last):
  File "/usr/lib/python3.5/multiprocessing/process.py", line 249, in _bootstrap
    self.run()
  File "/usr/lib/python3.5/multiprocessing/process.py", line 93, in run
    self._target(*self._args, **self._kwargs)
  File "/home/gus/tvm/python/tvm/rpc/tracker.py", line 355, in _tracker_server
    handler.run()
  File "/home/gus/tvm/python/tvm/rpc/tracker.py", line 351, in run
    self._ioloop.start()
  File "/home/gus/.local/lib/python3.5/site-packages/tornado/platform/asyncio.py", line 148, in start
    self.asyncio_loop.run_forever()
  File "/usr/lib/python3.5/asyncio/base_events.py", line 345, in run_forever
    self._run_once()
  File "/usr/lib/python3.5/asyncio/base_events.py", line 1276, in _run_once
    event_list = self._selector.select(timeout)
  File "/usr/lib/python3.5/selectors.py", line 441, in select
    fd_event_list = self._epoll.poll(timeout, max_ev)
KeyboardInterrupt
cd python; python3 setup.py build_ext --inplace
/usr/lib/python3/dist-packages/setuptools/dist.py:285: UserWarning: Normalizing '0.6.dev' to '0.6.dev0'
  normalized_version,
running build_ext
copying build/lib.linux-x86_64-3.5/tvm/_ffi/_cy3/core.cpython-35m-x86_64-linux-gnu.so -> tvm/_ffi/_cy3
test_arith_canonical_simplify.test_mul_sum_simplify ... ok
test_arith_canonical_simplify.test_split_index_simplify ... ok
test_arith_canonical_simplify.test_div_simplify ... ok
test_arith_canonical_simplify.test_canonical_mixed ... ok
test_arith_canonical_simplify.test_reduce_combiner_simplify ... ok
test_arith_canonical_simplify.test_reduce_simplify ... ok
test_arith_canonical_simplify.test_simplify_if_then_else ... ok
test_arith_const_int_bound.test_dtype_bound ... ok
test_arith_const_int_bound.test_cast_bound ... ok
test_arith_const_int_bound.test_add_sub_bound ... ok
test_arith_const_int_bound.test_mul_bound ... ok
test_arith_const_int_bound.test_div_bound ... ok
test_arith_const_int_bound.test_mod_bound ... ok
test_arith_const_int_bound.test_min_max_bound ... ok
test_arith_const_int_bound.test_select_bound ... ok
test_arith_const_int_bound.test_shift_and_bound ... ok
test_arith_const_int_bound.test_mix_index_bound ... ok
test_arith_deduce_bound.test_deduce ... ok
test_arith_deduce_bound.test_check ... ok
test_arith_deduce_bound.test_deduce_basic ... ok
test_arith_deduce_bound.test_deduce_complex ... ok
test_arith_detect_clip_bound.test_basic ... ok
test_arith_detect_linear_equation.test_basic ... ok
test_arith_detect_linear_equation.test_multivariate ... ok
test_arith_domain_touched.test_domain_touched ... ok
test_arith_intset.test_basic ... ok
test_arith_intset.test_vector ... ok
test_arith_intset.test_add_sub ... ok
test_arith_intset.test_mul_div ... ok
test_arith_intset.test_mod ... ok
test_arith_intset.test_max_min ... ok
test_arith_intset.test_select ... ok
test_arith_modular_set.test_cast ... ok
test_arith_modular_set.test_add_sub ... ok
test_arith_modular_set.test_mul ... ok
test_arith_modular_set.test_div_shift ... ok
test_arith_modular_set.test_min_max_select ... ok
test_arith_modular_set.test_mix_index ... ok
test_arith_modular_set.test_constraint_scope ... ok
test_arith_modular_set.test_intersect ... ok
test_arith_rewrite_simplify.test_vector_simplify ... ok
test_arith_rewrite_simplify.test_select_simplify ... ok
test_arith_rewrite_simplify.test_add_index_simplify ... ok
test_arith_rewrite_simplify.test_sub_index_simplify ... ok
test_arith_rewrite_simplify.test_mul_index_simplify ... ok
test_arith_rewrite_simplify.test_div_index_simplify ... ok
test_arith_rewrite_simplify.test_mod_index_simplify ... ok
test_arith_rewrite_simplify.test_min_index_simplify ... ok
test_arith_rewrite_simplify.test_max_index_simplify ... ok
test_arith_rewrite_simplify.test_cmp_simplify ... ok
test_arith_rewrite_simplify.test_logical_simplify ... ok
test_arith_simplify.test_simplify ... ok
test_arith_simplify.test_simplify_mod ... ok
test_arith_simplify.test_simplify_minmax ... ok
test_arith_simplify.test_mul ... ok
test_arith_simplify.test_modular ... ok
test_arith_simplify.test_const_propagation ... ok
test_autotvm_database.test_save_load ... ok
test_autotvm_database.test_db_hash ... ok
test_autotvm_database.test_db_latest_all ... ok
test_autotvm_dispatch_context.test_dispatch ... ok
test_autotvm_dispatch_context.test_fallback ... ok
test_autotvm_executor.test_local_measure_async ... ok
test_autotvm_executor.test_timeout ... ok
test_autotvm_feature.test_iter_feature_gemm ... ok
test_autotvm_feature.test_curve_feature_gemm ... ok
test the dimensions of flatten feature are the same ... ok
test_autotvm_flop_calculator.test_conv ... ok
test_autotvm_flop_calculator.test_pack_gemm ... ok
test_autotvm_flop_calculator.test_outer_dot ... ok
test_autotvm_flop_calculator.test_max_pool ... ok
test_autotvm_flop_calculator.test_average_pool ... ok
No float number operation in simple move. So the estimator should raise an error ... ok
test task and tuner without measurement ... ok
test_autotvm_measure.test_check_correctness ... ok
test_autotvm_record.test_load_dump ... ok
test_autotvm_record.test_file_io ... ok
test_autotvm_record.test_apply_history_best ... ok
test_autotvm_space.test_split ... ok
test_autotvm_xgboost_model.test_fit ... ok
test_autotvm_xgboost_model.test_tuner ... ok
test_build_lower.test_lower_rfactor ... ok
test_codegen_arm.test_popcount ... ok
test_codegen_arm.test_vmlal_s16 ... ok
test_codegen_bool.test_cmp_load_store ... ok
test_codegen_c_host.test_add ... ok
test_codegen_c_host.test_add_pipeline ... [11:23:02] /home/gus/tvm/src/pass/vectorize_loop.cc:365: Detect vector condition in Vectori
zed Loop, scalarizing...                                                                                                            
ok
test_codegen_cross_llvm.test_llvm_add_pipeline ... ok
test_codegen_cuda.test_cuda_vectorize_add ... ok
test_codegen_cuda.test_cuda_multiply_add ... ok
test_codegen_cuda.test_cuda_vectorize_load ... ok
test_codegen_cuda.test_cuda_make_int8x4 ... ok
test_codegen_cuda.test_cuda_inf_nan ... ok
test_codegen_device.test_add_pipeline ... ok
test_codegen_extern.test_add_pipeline ... ok
test_codegen_extern.test_pack_buffer_simple ... ok
test_codegen_extern.test_pack_buffer_intermediate ... ok
test_codegen_llvm.test_llvm_intrin ... ok
test_codegen_llvm.test_llvm_import ... ok
test_codegen_llvm.test_llvm_lookup_intrin ... ok
test_codegen_llvm.test_llvm_add_pipeline ... [11:23:03] /home/gus/tvm/src/pass/vectorize_loop.cc:365: Detect vector condition in Vect
orized Loop, scalarizing...                                                                                                         
ok
test_codegen_llvm.test_llvm_persist_parallel ... ok
test_codegen_llvm.test_llvm_flip_pipeline ... [11:23:03] /home/gus/tvm/src/pass/vectorize_loop.cc:365: Detect vector condition in Vec
torized Loop, scalarizing...                                                                                                        
ok
test_codegen_llvm.test_llvm_vadd_pipeline ... ok
test_codegen_llvm.test_llvm_madd_pipeline ... ok
test_codegen_llvm.test_llvm_temp_space ... ok
test_codegen_llvm.test_multiple_func ... ok
test_codegen_llvm.test_llvm_condition ... ok
test_codegen_llvm.test_llvm_bool ... ok
test_codegen_llvm.test_rank_zero ... ok
test_codegen_llvm.test_rank_zero_bound_checkers ... ok
test_codegen_llvm.test_alignment ... ok
Check that the semantics of div and mod is the same as in C/C++ ... ok
test_codegen_llvm.test_llvm_fp_math ... ok
test_codegen_opencl.test_opencl_ternary_expression ... ok
test_codegen_opencl.test_opencl_inf_nan ... ok
test_codegen_static_init.test_static_callback ... ok
test_codegen_static_init.test_static_init ... ok
test_codegen_vm_basic.test_stack_vm_basic ... ok
test_codegen_vm_basic.test_stack_vm_loop ... ok
test_codegen_vm_basic.test_stack_vm_cond ... ok
test_codegen_vm_basic.test_vm_parallel ... ok
test_codegen_x86.test_fp16_to_fp32 ... ok
test_custom_datatypes_mybfloat16.test_bfloat_add_and_cast_1 ... ok
test_custom_datatypes_mybfloat16.test_bfloat_add_and_cast_2 ... ok
test_custom_datatypes_mybfloat16.test_bfloat_add_and_cast_FloatImm ... ok
test_graph_tuner_core.test_graph_tuner_layout_transform ... 2019-06-27 11:23:04,455 INFO Start to benchmark layout transformation...
2019-06-27 11:23:04,456 INFO Benchmarking layout transformation successful.
ok
test_graph_tuner_core.test_DPTuner_run ... 2019-06-27 11:23:04,674 INFO Start to benchmark layout transformation...
2019-06-27 11:23:04,676 INFO Benchmarking layout transformation successful.
2019-06-27 11:23:04,676 INFO Start to run dynamic programming algorithm...
2019-06-27 11:23:04,676 INFO Start forward pass...
2019-06-27 11:23:04,676 INFO Finished forward pass.
2019-06-27 11:23:04,676 INFO Start backward pass...
2019-06-27 11:23:04,676 INFO Finished backward pass...
2019-06-27 11:23:04,676 INFO Finished DPExecutor run.
ok
test_graph_tuner_core.test_PBQPTuner_run ... 2019-06-27 11:23:04,895 INFO Start to benchmark layout transformation...
2019-06-27 11:23:04,896 INFO Benchmarking layout transformation successful.
2019-06-27 11:23:04,897 INFO Start to run PBQP algorithm...
2019-06-27 11:23:04,897 INFO Finished PBQPExecutor run. Got optimal solution.
ok
test_graph_tuner_utils.test_has_multiple_inputs ... ok
test_graph_tuner_utils.test_expr2graph ... ok
test_graph_tuner_utils.test_get_direct_ancestor ... ok
test_graph_tuner_utils.test_get_in_nodes ... ok
test_graph_tuner_utils.test_get_out_nodes ... ok
test_hybrid_script.test_outer_product ... ok
test_hybrid_script.test_fanout ... ok
test_hybrid_script.test_looptype ... ok
test_hybrid_script.test_if ... ok
test_hybrid_script.test_bind ... ok
test_hybrid_script.test_math_intrin ... ok
test_hybrid_script.test_non_zero ... ok
test_hybrid_script.test_allocate ... ok
test_hybrid_script.test_upstream ... ok
test_hybrid_script.test_downstream ... ok
test_hybrid_script.test_const_param ... ok
test_hybrid_script.test_value_index ... ok
test_hybrid_script.test_func_call ... ok
test_hybrid_script.test_bool ... ok
test_hybrid_script.test_const_range ... ok
test_hybrid_script.test_schedule ... ok
test_hybrid_script.test_capture ... ok
test_ir_builder.test_for ... ok
test_ir_builder.test_if ... ok
test_ir_builder.test_prefetch ... ok
test_ir_builder.test_cpu ... ok
test_ir_builder.test_gpu ... ok
test_lang_basic.test_const ... ok
test_lang_basic.test_make ... ok
test_lang_basic.test_ir ... ok
test_lang_basic.test_ir2 ... ok
test_lang_basic.test_let ... ok
test_lang_basic.test_cast ... ok
test_lang_basic.test_attr ... ok
test_lang_basic.test_basic ... ok
test_lang_basic.test_stmt ... ok
test_lang_basic.test_dir ... ok
test_lang_basic.test_dtype ... ok
test_lang_basic.test_any ... ok
test_lang_basic.test_all ... ok
test_lang_basic.test_bitwise ... ok
test_lang_basic.test_equality ... ok
test_lang_basic.test_equality_string_imm ... ok
test_lang_buffer.test_buffer ... ok
test_lang_buffer.test_buffer_access_ptr ... ok
test_lang_buffer.test_buffer_access_ptr_offset ... ok
test_lang_buffer.test_buffer_access_ptr_extent ... ok
test_lang_buffer.test_buffer_vload ... ok
test_lang_buffer.test_buffer_index_merge_mult_mod ... ok
test_lang_constructor.test_expr_constructor ... ok
test_lang_constructor.test_stmt_constructor ... ok
test_lang_container.test_array ... ok
test_lang_container.test_array_save_load_json ... ok
test_lang_container.test_map ... ok
test_lang_container.test_str_map ... ok
test_lang_container.test_map_save_load_json ... ok
test_lang_container.test_in_container ... ok
test_lang_data_layout.test_layout ... ok
test_lang_data_layout.test_bilayout_convertible ... ok
test_lang_data_layout.test_bilayout_shape ... ok
test_lang_data_layout.test_bilayout_index ... ok
test_lang_group.test_scan_group ... ok
test_lang_group.test_compute_group ... ok
test_lang_group.test_nest_group ... ok
test_lang_operator.test_const_fold ... ok
test_lang_operator.test_const_fold2 ... ok
test_lang_operator.test_const_fold3 ... ok
test_lang_reflection.test_const_saveload_json ... ok
test_lang_reflection.test_make_smap ... ok
test_lang_reflection.test_make_node ... ok
test_lang_reflection.test_make_attrs ... ok
test_lang_reflection.test_make_sum ... ok
test_lang_reflection.test_env_func ... ok
test_lang_schedule.test_schedule_create ... ok
test_lang_schedule.test_reorder ... ok
test_lang_schedule.test_split ... ok
test_lang_schedule.test_tile ... ok
test_lang_schedule.test_fuse ... ok
test_lang_schedule.test_singleton ... ok
test_lang_schedule.test_vectorize ... ok
test_lang_schedule.test_vectorize_commreduce ... ok
test_lang_schedule.test_pragma ... ok
test_lang_schedule.test_rfactor ... ok
test_lang_schedule.test_tensor_intrin ... ok
test_lang_schedule.test_tensor_intrin_scalar_params ... ok
test_lang_tag.test_with ... ok
test_lang_tag.test_decorator ... ok
test_lang_tag.test_nested ... /home/gus/tvm/python/tvm/tag.py:48: UserWarning: Tag 'conv' declared via TagScope was not used.
  warnings.warn("Tag '%s' declared via TagScope was not used." % (self.tag,))
ok
test_lang_target.test_target_dispatch ... ok
test_lang_target.test_target_string_parse ... ok
test_lang_tensor.test_tensor ... ok
test_lang_tensor.test_rank_zero ... ok
test_lang_tensor.test_conv1d ... ok
test_lang_tensor.test_tensor_slice ... ok
test_lang_tensor.test_tensor_reduce_multi_axis ... ok
test_lang_tensor.test_tensor_comm_reducer ... ok
test_lang_tensor.test_tensor_comm_reducer_overload ... ok
test_lang_tensor.test_tensor_reduce ... ok
test_lang_tensor.test_tensor_compute1 ... ok
test_lang_tensor.test_tensor_compute2 ... ok
test_lang_tensor.test_tensor_scan ... ok
test_lang_tensor.test_scan_multi_out ... ok
test_lang_tensor.test_extern ... ok
test_lang_tensor.test_extern_multi_out ... ok
test_lang_tensor.test_tuple_inputs ... ok
test_lang_tensor.test_tuple_with_different_deps ... [11:23:08] /home/gus/tvm/src/schedule/bound.cc:129: not in feed graph consumer = 
compute(B, 0x28e4360)                                                                                                               
ok
test_lang_tensor.test_tensor_inputs ... ok
test_lang_tensor.test_tensor_pool ... ok
test_lang_tensor_overload_op.test_operator_type_and_tags ... ok
test_lang_tensor_overload_op.test_combination ... ok
test_lang_tensor_overload_op.test_tensor_scalar_bop ... ok
test_lang_tensor_overload_op.test_broadcast_bop ... ok
test_lang_tensor_overload_op.test_conv2d_scalar_bop ... ok
test_lang_verify_compute.test_verify_compute ... ok
test_module_load.test_dso_module_load ... Loading runtime library /home/gus/tvm/build/libtvm_runtime.so... exec only
Finish runtime checking...
ok
test_module_load.test_device_module_dump ... ok
Test combine multiple module into one shared lib. ... ok
test_pass_attrs_hash_equal.test_attrs_equal ... ok
test_pass_attrs_hash_equal.test_attrs_hash ... ok
test_pass_basic.test_simplify ... ok
test_pass_basic.test_verify_ssa ... ok
test_pass_basic.test_convert_ssa ... ok
test_pass_basic.test_expr_use_var ... ok
test_pass_bound_checkers.test_out_of_bounds_llvm ... ok
test_pass_bound_checkers.test_in_bounds_llvm ... ok
test_pass_bound_checkers.test_out_of_bounds_vectorize_llvm ... ok
test_pass_bound_checkers.test_in_bounds_vectorize_llvm ... ok
test_pass_bound_checkers.test_in_bounds_loop_partition_basic_llvm ... ok
test_pass_bound_checkers.test_out_of_bounds_loop_partition_basic_llvm ... ok
test_pass_bound_checkers.test_in_bounds_const_loop_partition_ir ... ok
test_pass_bound_checkers.test_in_bounds_const_loop_partition_llvm ... ok
test_pass_bound_checkers.test_out_of_bounds_const_loop_partition_llvm ... ok
test_pass_bound_checkers.test_in_bounds_conv_llvm ... ok
test_pass_bound_checkers.test_out_of_bounds_conv_llvm ... ok
test_pass_bound_checkers.test_in_bounds_tensors_with_same_shapes1D_llvm ... ok
test_pass_bound_checkers.test_out_of_bounds_tensors_with_diff_shapes1D_llvm ... ok
test_pass_bound_checkers.test_in_bounds_tensors_with_same_shapes2D_llvm ... ok
test_pass_bound_checkers.test_out_of_bounds_tensors_with_diff_shapes2D_llvm ... ok
test_pass_bound_checkers.test_in_bounds_tensors_with_same_shapes3D_llvm ... ok
test_pass_bound_checkers.test_out_of_bounds_tensors_with_diff_shapes3D_llvm ... ok
test_pass_bound_checkers.test_out_of_bounds_tensors_with_zero_shape_op_with_not_zero_shape_llvm ... ok
test_pass_combine_context_call.test_for ... ok
test_pass_decorate_device_scope.test_decorate_device ... ok
test_pass_equal.test_equal_expr ... ok
test_pass_equal.test_equal_compute ... ok
test_pass_inject_copy_intrin.test_copy2d ... ok
test_pass_inject_copy_intrin.test_copy_pad ... ok
test_pass_inject_copy_intrin.test_single_point_test ... ok
test_pass_inject_copy_intrin.test_copy_pad_split ... ok
test_pass_inject_double_buffer.test_double_buffer ... ok
test_pass_inject_vthread.test_vthread ... ok
test_pass_inject_vthread.test_vthread_extern ... ok
test_pass_inject_vthread.test_vthread_if_then_else ... ok
test_pass_inline.test_inline ... ok
test_pass_inline.test_inline2 ... ok
test_pass_ir_transform.test_ir_transform ... ok
test_pass_lift_attr_scope.test_coproc_lift ... ok
test_pass_loop_partition.test_basic ... ok
test_pass_loop_partition.test_const_loop ... ok
test_pass_loop_partition.test_multi_loop ... [11:23:09] /home/gus/tvm/src/pass/loop_partition.cc:536: Cannot prove: ((((n - 1) - (((n
 - m) - (i*m)) + 1)) + 1) >= 0), when generating the post doubt loop                                                                
ok
test_pass_loop_partition.test_multi_if ... [11:23:09] /home/gus/tvm/src/pass/loop_partition.cc:536: Cannot prove: ((((n - 1) - min((n
 - (i*m)), (((n - m) - (i*m)) + 1))) + 1) >= 0), when generating the post doubt loop                                                
ok
test_pass_loop_partition.test_thread_axis ... ok
test_pass_loop_partition.test_vectorize ... [11:23:09] /home/gus/tvm/src/pass/vectorize_loop.cc:365: Detect vector condition in Vecto
rized Loop, scalarizing...                                                                                                          
ok
test_pass_loop_partition.test_condition ... ok
test_pass_loop_partition.test_thread_axis2 ... [11:23:09] /home/gus/tvm/src/pass/loop_partition.cc:536: Cannot prove: ((((m - 1) - (m
in(min((4064 - (max(blockIdx.x, 127)*32)), (4064 - (blockIdx.x*32))), 0) + 1)) + 1) >= 0), when generating the post doubt loop      
ok
test_pass_loop_partition.test_everything_during_deduction ... ok
test_pass_loop_partition.test_single_likely ... ok
test_pass_loop_partition.test_multi_likely ... ok
test_pass_loop_partition.test_oneD_pool ... ok
test_pass_loop_partition.test_cce_loop_1 ... ok
test_pass_loop_partition.test_cce_loop_2 ... ok
test_pass_loop_partition.test_cce_loop_3 ... ok
test_pass_loop_partition.test_conv_tiling ... ok
test_pass_loop_partition.test_double_splitting_with_indivisible_factors ... [11:23:09] /home/gus/tvm/src/pass/loop_partition.cc:510: 
Cannot prove: (uint1)0, when generating the pre doubt loop                                                                          
ok
test_pass_lower_warp_memory.test_lower_warp_mem ... ok
Not yet working, mock design ... ok
test_pass_remove_no_op.test_remove_no_op ... ok
test_pass_rewrite_unsafe_select.test_rewrite_Select ... ok
Not yet working, mock design ... ok
test_pass_simplify.test_basic ... ok
test_pass_simplify.test_bound ... ok
test_pass_split_host_device.test_loop_dependent_allocate ... [11:23:09] /home/gus/tvm/src/pass/loop_partition.cc:536: Cannot prove: (
(((((max((i*2), (i + 1)) + 1) - min((i*2), (i + 1))) - 1) - ((N*2) - min((i*2), (i + 1)))) + 1) >= 0), when generating the post doubt
 loop                                                                                                                               
ok
test_pass_split_pipeline.test_basic_pipeline ... ok
test_pass_split_pipeline.test_conv1d ... ok
test_pass_storage_flatten.test_flatten2 ... ok
test_pass_storage_flatten.test_flatten_prefetch ... ok
test_pass_storage_flatten.test_flatten_storage_align ... ok
test_pass_storage_flatten.test_flatten_double_buffer ... ok
test_pass_storage_rewrite.test_storage_share ... ok
test_pass_storage_rewrite.test_alloc_seq ... ok
test_pass_storage_rewrite.test_alloc_different_dtypes ... ok
test_pass_storage_rewrite.test_inplace_rule ... ok
test_pass_storage_rewrite.test_storage_combine ... ok
test_pass_storage_rewrite.test_storage_share_gpu ... ok
test_pass_storage_rewrite.test_parallel_alloc ... ok
test_pass_storage_rewrite.test_inplace_rule2 ... ok
test_pass_storage_rewrite.test_exceed_mem ... ok
test_pass_storage_rewrite.test_inplace_rule3 ... ok
test_pass_storage_rewrite.test_alloc_seq_type ... ok
test_pass_storage_rewrite.test_alloc_seq_type2 ... ok
test_pass_storage_rewrite.test_reuse_small_buffer ... ok
test_pass_storage_rewrite.test_replace_dataflow ... ok
test_pass_storage_rewrite.test_large_input ... [11:23:10] /home/gus/tvm/src/pass/storage_rewrite.cc:591: The allocation requires : 26
8435456 * 32 bits, which is greater than the maximum of int32. The size is cast to int64.                                           

[11:23:10] /home/gus/tvm/src/pass/storage_rewrite.cc:591: The allocation requires : 268435456 * 32 bits, which is greater than the ma
ximum of int32. The size is cast to int64.                                                                                          

ok
test_pass_storage_sync.test_storage_sync ... ok
test_pass_storage_sync.test_coproc_sync ... ok
test_pass_storage_sync.test_coproc_sync2 ... ok
test_pass_storage_sync.test_coproc_sync3 ... ok
test_pass_unroll.test_unroll_loop ... ok
test_pass_unroll.test_unroll_fake_loop ... ok
test_pass_unroll.test_unroll_single_count_loops ... ok
test_pass_vectorize.test_vectorize_loop ... ok
test_pass_vectorize.test_vectorize_vector ... ok
test_pass_vectorize.test_vectorize_with_if ... [11:23:10] /home/gus/tvm/src/pass/vectorize_loop.cc:365: Detect vector condition in Ve
ctorized Loop, scalarizing...                                                                                                       
ok
test_pass_vectorize.test_vectorize_with_le_cond ... [11:23:10] /home/gus/tvm/src/pass/vectorize_loop.cc:365: Detect vector condition 
in Vectorized Loop, scalarizing...                                                                                                  
ok
test_pass_vectorize.test_vectorize_with_ge_cond ... [11:23:10] /home/gus/tvm/src/pass/vectorize_loop.cc:365: Detect vector condition 
in Vectorized Loop, scalarizing...                                                                                                  
ok
test_pass_vectorize.test_vectorize_if_then_else ... ok
test_pass_verify_gpu_code.test_shared_memory ... ok
test_pass_verify_gpu_code.test_local_memory ... ok
test_pass_verify_gpu_code.test_num_thread ... ok
test_pass_verify_gpu_code.test_multiple_kernels ... ok
test_pass_verify_gpu_code.test_wrong_bind ... ok
test_pass_verify_memory.test_verify_memory_all_bind ... ok
test_pass_verify_memory.test_verify_memory_not_bind ... ok
test_pass_verify_memory.test_verify_memory_partially_bind ... ok
test_pass_virtual_thread.test_virtual_thread ... ok
test_runtime_error.test_op_translation ... ok
test_runtime_error.test_deep_callback ... ok
test_runtime_extension.test_dltensor_compatible ... ok
test_runtime_graph.test_graph_simple ... ok
test_runtime_graph_debug.test_graph_simple ... ok
Test the heterogeneous execution of a simple network where data ... ok
Test the heterogeneous execution of a simple network where data ... ok
test_runtime_measure.test_min_repeat_ms ... ok
test_runtime_ndarray.test_nd_create ... ok
test_runtime_ndarray.test_fp16_conversion ... ok
test_runtime_packed_func.test_get_global ... ok
test_runtime_packed_func.test_get_callback_with_node ... ok
test_runtime_packed_func.test_return_func ... ok
test_runtime_packed_func.test_convert ... ok
test_runtime_packed_func.test_byte_array ... ok
test_runtime_packed_func.test_empty_array ... ok
test_runtime_packed_func.test_ctx ... ok
test_runtime_packed_func.test_trace_default_action ... ok
test_runtime_packed_func.test_trace_expr_assign ... ok
test_runtime_packed_func.test_trace_expr_sum_generated ... ok
test_runtime_packed_func.test_trace_expr_sum_args ... ok
test_runtime_packed_func.test_trace_expr_sum_custom ... ok
test_runtime_packed_func.test_trace_can_change_traced_value_int ... ok
test_runtime_packed_func.test_trace_can_change_traced_value_float ... ok
Test big endian rpc when there is a PowerPC RPC server available ... ok
test_runtime_rpc.test_rpc_simple ... ok
test_runtime_rpc.test_rpc_array ... ok
test_runtime_rpc.test_rpc_file_exchange ... [11:23:12] /home/gus/tvm/src/runtime/rpc/rpc_server_env.cc:53: Download /tmp/tmpkdv77tn7/
dat.bin... nbytes=80                                                                                                                
ok
test_runtime_rpc.test_rpc_remote_module ... ok
test_runtime_rpc.test_rpc_return_func ... ok
test_runtime_rpc.test_rpc_return_ndarray ... ok
test_runtime_rpc.test_local_func ... ok
test_runtime_rpc.test_rpc_tracker_register ... ok
test_runtime_rpc.test_rpc_tracker_request ... ok
test_schedule_bound_inference.test_bound1 ... ok
test_schedule_bound_inference.test_bound2 ... ok
test_schedule_bound_inference.test_bound3 ... ok
test_schedule_bound_inference.test_bound_warp ... ok
test_schedule_bound_inference.test_bound_scan ... ok
test_schedule_bound_inference.test_bound_conv1d ... ok
test_schedule_bound_inference.test_bound_blur ... ok
test_schedule_bound_inference.test_bound_rfactor ... ok
test_schedule_bound_inference.test_bound_group_schedule ... ok
test_schedule_bound_inference.test_bound_nest_group ... ok
test_schedule_bound_inference.test_bound_nest_thread ... ok
test_schedule_bound_inference.test_gemm_bound ... ok
test_schedule_bound_inference.test_bound_tensor_compute_op ... ok
test_schedule_graph.test_scan ... ok
test_schedule_graph.test_scan_fix_point ... ok
test_schedule_graph.test_create_read_graph ... ok
test_schedule_lstm.test_lstm_cell_inline ... ok
test_schedule_schedule_ops.test_schedule0 ... ok
test_schedule_schedule_ops.test_schedule1 ... ok
test_schedule_schedule_ops.test_schedule2 ... ok
test_schedule_schedule_ops.test_schedule_scan ... ok
test_schedule_schedule_ops.test_inline_multi_reduce ... ok
test_schedule_schedule_ops.test_auto_inline ... ok
test_schedule_schedule_ops.test_schedule_const_bound ... ok
test_schedule_schedule_ops.test_inline_mixed ... ok
test_schedule_schedule_ops.test_scan_inline1 ... ok
test_schedule_schedule_ops.test_scan_inline2 ... ok
test_schedule_schedule_ops.test_schedule_cache ... ok
test_schedule_schedule_ops.test_schedule_middle_cache ... ok
test_schedule_schedule_ops.test_schedule_cache_relayout1 ... ok
test_schedule_schedule_ops.test_schedule_cache_relayout2 ... ok
test_schedule_schedule_ops.test_schedule_cache_relayout3 ... ok
test_schedule_schedule_ops.test_schedule_cache_relayout4 ... ok
test_schedule_schedule_ops.test_schedule_bound_condition ... ok
test_schedule_schedule_ops.test_schedule_tensor_compute1 ... ok
test_schedule_schedule_ops.test_schedule_tensor_compute2 ... ok
test_schedule_schedule_ops.test_schedule_tensor_compute3 ... ok
test_schedule_schedule_ops.test_loop_dep_reduce ... ok
test_schedule_schedule_ops.test_loop_dep_reduce_cache_write ... ok
test_schedule_schedule_ops.test_reduction_and_dummy_fuse_split ... ok
test_schedule_schedule_ops.test_schedule_compute_inline ... ok
test_schedule_tensorize.test_tensorize_vadd ... ok
test_schedule_tensorize.test_tensorize_matmul ... ok
test_schedule_tensorize.test_tensorize_op ... ok
test_schedule_tensorize.test_tensorize_tensor_compute_op ... ok
test_testing.test_check_numerical_grads ... ok

----------------------------------------------------------------------
Ran 434 tests in 21.880s

OK
^CError in atexit._run_exitfuncs:
Traceback (most recent call last):
  File "/usr/lib/python3.5/multiprocessing/popen_fork.py", line 29, in poll
Process Process-80:
    pid, sts = os.waitpid(self.pid, flag)
KeyboardInterrupt
Traceback (most recent call last):
  File "/usr/lib/python3.5/multiprocessing/process.py", line 249, in _bootstrap
    self.run()
  File "/usr/lib/python3.5/multiprocessing/process.py", line 93, in run
    self._target(*self._args, **self._kwargs)
  File "/home/gus/tvm/python/tvm/rpc/tracker.py", line 355, in _tracker_server
    handler.run()
  File "/home/gus/tvm/python/tvm/rpc/tracker.py", line 351, in run
    self._ioloop.start()
  File "/home/gus/.local/lib/python3.5/site-packages/tornado/platform/asyncio.py", line 148, in start
    self.asyncio_loop.run_forever()
  File "/usr/lib/python3.5/asyncio/base_events.py", line 345, in run_forever
    self._run_once()
  File "/usr/lib/python3.5/asyncio/base_events.py", line 1276, in _run_once
    event_list = self._selector.select(timeout)
  File "/usr/lib/python3.5/selectors.py", line 441, in select
    fd_event_list = self._epoll.poll(timeout, max_ev)
KeyboardInterrupt
➜  tvm git:(master) 
gussmith23 commented 5 years ago

Looks like the RPC server isn't getting shut down.

tqchen commented 4 years ago

Close for now, as the the test scripts terminates correctly in the latest version on ubuntu machines, feel free to reopen