MXNET relay.build terminates without error when opt_level=3 on Windows

Hi,

I’ve been struggling with TVM model conversion using MXNET on Windows 10 for a while now. Both TVM and LLVM are installed without error. For LLVM, I could compile a simple helloworld C++ program and execute it fine.

when running the code below, the python script terminates without showing any error in line relay.build with opt_level=3

    import mxnet as mx
    ...
    sym, arg_params, aux_params = mx.model.load_checkpoint(prefix, epoch)
    shape_dict = {input_name: input_shape}
    mod, param = relay.frontend.from_mxnet(
            sym, shape_dict, arg_params=arg_params, aux_params=aux_params
        )
    target = tvm.target.Target("llvm")
    with tvm.transform.PassContext(opt_level=3): 
        graph, lib, params = relay.build(mod, target=target, params=params)

See image below

However, when I set opt_level=1 it works and TVM IR is exported correctly. With opt_level=3 there’s no error at all so it’s impossible to identify the root case of it.

Version and builds information

I’m using tvm 0.7.0 and llvm llvmorg-11.1.0

build llvm

cmake -S llvm -B build -DCMAKE_BUILD_TYPE=Release -DLLVM_TARGETS_TO_BUILD=X86 -DLLVM_ENABLE_PROJECTS="clang;lld" -DCMAKE_WINDOWS_EXPORT_ALL_SYMBOLS=TRUE -Thost=x64

 cmake --build build -j12 --config release

build tvm

exported environment variables

TVM_HOME=D:\tvm
TVM_LOG_DEBUG=1
TVM_NUM_THREADS=1

config.cmake

set(USE_RELAY_DEBUG ON)
set(USE_GRAPH_RUNTIME_DEBUG ON)
set(USE_LLVM "D:/llvm-project/build/Release/bin/llvm-config.exe")
cmake -A x64 -G "Visual Studio 16 2019" -DCMAKE_CONFIGURATION_TYPES=Release -DCMAKE_WINDOWS_EXPORT_ALL_SYMBOLS=TRUE -Thost=x64 .. 

I built with msvc 2019

Build started...
1>------ Build started: Project: ZERO_CHECK, Configuration: Release x64 ------
1>Checking Build System
2>------ Build started: Project: tvm_objs, Configuration: Release x64 ------
3>------ Build started: Project: tvm_runtime_objs, Configuration: Release x64 ------
4>------ Skipped Build: Project: cpptest, Configuration: Release x64 ------
4>Project not selected to build for this solution configuration 
2>Building Custom Rule D:/tvm/CMakeLists.txt
3>Building Custom Rule D:/tvm/CMakeLists.txt
2>analyzer.cc
2>bound_deducer.cc
2>canonical_simplify.cc
2>const_int_bound.cc
2>detect_linear_equation.cc
2>domain_touched.cc
2>int_constraints.cc
2>int_set.cc
2>ir_mutator_with_analyzer.cc
2>modular_set.cc
2>rewrite_simplify.cc
2>solve_linear_equation.cc
3>builtin_fp16.cc
3>c_runtime_api.cc
3>container.cc
3>cpu_device_api.cc
3>dso_library.cc
3>file_util.cc
3>library_module.cc
3>metadata_module.cc
3>module.cc
3>ndarray.cc
3>object.cc
3>registry.cc
3>system_library.cc
3>thread_pool.cc
3>threading_backend.cc
3>bytecode.cc
3>executable.cc
3>memory_manager.cc
3>vm.cc
3>workspace_pool.cc
3>rpc_channel.cc
3>rpc_device_api.cc
3>rpc_endpoint.cc
3>rpc_event_impl.cc
3>rpc_local_session.cc
3>rpc_module.cc
3>rpc_pipe_impl.cc
3>rpc_server_env.cc
3>rpc_session.cc
3>rpc_socket_impl.cc
2>solve_linear_inequality.cc
2>auto_schedule.cc
3>graph_runtime_debug.cc
2>compute_dag.cc
3>random.cc
3>sort.cc
2>cost_model.cc
2>loop_state.cc
2>measure.cc
2>measure_record.cc
2>empty_policy.cc
2>search_policy.cc
2>sketch_policy.cc
2>sketch_policy_rules.cc
2>search_task.cc
3>graph_runtime.cc
3>graph_runtime_factory.cc
2>transform_step.cc
2>feature_visitor.cc
2>touch_extractor.cc
2>driver_api.cc
2>attrs.cc
2>env_func.cc
2>error.cc
2>span.cc
2>tensor_type.cc
2>type.cc
2>type_functor.cc
2>type_relation.cc
2>reflection.cc
2>repr_printer.cc
2>serialization.cc
3>tvm_runtime_objs.vcxproj -> D:\tvm\build\tvm_runtime_objs.dir\Release\tvm_runtime_objs.lib
2>structural_equal.cc
2>structural_hash.cc
2>meta_ref.cc
2>parser.cc
2>source_map.cc
2>doc.cc
2>relay_text_printer.cc
2>text_printer.cc
2>tir_text_printer.cc
2>tvmscript_printer.cc
2>ffi_testing.cc
2>hexdump.cc
2>parallel_for.cc
2>ad_simplify.cc
5>------ Build started: Project: tvm_runtime, Configuration: Release x64 ------
2>ad_util.cc
2>adjoint.cc
2>jacobian.cc
5>Building Custom Rule D:/tvm/CMakeLists.txt
2>compute_op.cc
5>Auto build dll exports
2>cross_thread_reduction.cc
2>extern_op.cc
5>   Creating library D:/tvm/build/Release/tvm_runtime.lib and object D:/tvm/build/Release/tvm_runtime.exp
5>tvm_runtime.vcxproj -> D:\tvm\build\Release\tvm_runtime.dll
2>hybrid_op.cc
2>op_util.cc
2>placeholder_op.cc
2>scan_op.cc
6>------ Skipped Build: Project: runtime, Configuration: Release x64 ------
6>Project not selected to build for this solution configuration 
2>tensor_compute_op.cc
2>tensorize.cc
2>auto_inline_elem_wise.cc
2>bound.cc
2>graph.cc
2>message_passing.cc
2>operation_inline.cc
2>schedule_dataflow_rewrite.cc
2>schedule_lang.cc
2>schedule_ops.cc
2>schedule_postproc_rewrite_for_tensor_core.cc
2>schedule_postproc_to_primfunc.cc
2>verify_compact_buffer.cc
2>tensor.cc
2>deep_equal.cc
2>side_effect.cc
2>var_touch.cc
2>verify_gpu_code.cc
2>verify_memory.cc
2>verify_ssa.cc
2>buffer.cc
2>data_layout.cc
2>stmt.cc
2>stmt_functor.cc
2>builtin.cc
2>runtime.cc
2>arg_binder.cc
2>bf16_legalize.cc
2>bound_checker.cc
2>combine_context_call.cc
2>coproc_sync.cc
2>decorate_device_scope.cc
2>hoist_if_then_else.cc
2>inject_copy_intrin.cc
2>inject_double_buffer.cc
2>inject_prefetch.cc
2>inject_virtual_thread.cc
2>ir_util.cc
2>lift_attr_scope.cc
2>loop_partition.cc
2>lower_custom_datatypes.cc
2>lower_device_storage_access_info.cc
2>lower_intrin.cc
2>lower_thread_allreduce.cc
2>lower_tvm_builtin.cc
2>lower_warp_memory.cc
2>make_packed_api.cc
2>narrow_datatype.cc
2>remap_thread_axis.cc
2>remove_no_op.cc
2>rewrite_unsafe_select.cc
2>simplify.cc
2>skip_assert.cc
2>split_host_device.cc
2>storage_access.cc
2>storage_flatten.cc
2>storage_rewrite.cc
2>tensorcore_infer_fragment.cc
2>thread_storage_sync.cc
2>unroll_loop.cc
2>vectorize_loop.cc
2>broadcast.cc
2>elemwise.cc
2>reduction.cc
2>schedule.cc
2>vision.cc
2>func_registry_generator.cc
2>generic_func.cc
2>D:\tvm\src\target\generic_func.cc(54,30): warning C4834: discarding return value of function with 'nodiscard' attribute
2>D:\tvm\src\target\generic_func.cc(69,30): warning C4834: discarding return value of function with 'nodiscard' attribute
2>intrin_rule.cc
2>codegen_aocl.cc
2>codegen_c.cc
2>codegen_c_host.cc
2>codegen_cuda.cc
2>codegen_metal.cc
2>codegen_opencl.cc
2>codegen_source_base.cc
2>codegen_vhls.cc
2>intrin_rule_aocl.cc
2>intrin_rule_cuda.cc
2>intrin_rule_metal.cc
2>intrin_rule_opencl.cc
2>intrin_rule_vhls.cc
2>source_module.cc
2>tag.cc
2>target.cc
2>target_info.cc
2>target_kind.cc
2>argsort.cc
2>annotation.cc
2>debug.cc
2>device_copy.cc
2>dilation2d.cc
2>grid_sample.cc
2>memory.cc
2>bitserial.cc
2>correlation.cc
2>pooling.cc
2>sparse.cc
2>binary.cc
2>reduce.cc
2>unary.cc
2>type_relations.cc
2>multibox_op.cc
2>nms.cc
2>rcnn_op.cc
2>yolo.cc
2>annotated_region_set.cc
2>call_graph.cc
2>context_analysis.cc
2>dependency_graph.cc
2>extract_fused_functions.cc
2>get_calibration_data.cc
2>kind_check.cc
2>mac_count.cc
2>match_exhaustion.cc
2>type_solver.cc
2>well_formed.cc
2>annotate.cc
2>calibrate.cc
2>partition.cc
2>realize.cc
2>alter_op_layout.cc
2>annotate_target.cc
2>canonicalize_cast.cc
2>canonicalize_ops.cc
2>combine_parallel_batch_matmul.cc
2>combine_parallel_conv2d.cc
2>combine_parallel_dense.cc
2>combine_parallel_op.cc
2>combine_parallel_op_batch.cc
2>convert_layout.cc
2>convert_sparse_dense.cc
2>de_duplicate.cc
2>dead_code.cc
2>defunctionalization.cc
2>device_annotation.cc
2>dynamic_to_static.cc
2>eliminate_common_subexpr.cc
2>eta_expand.cc
2>expr_subst.cc
2>fast_math.cc
2>fold_constant.cc
2>fold_scale_axis.cc
2>forward_rewrite.cc
2>fuse_ops.cc
2>gradient.cc
2>inline.cc
2>lazy_gradient_init.cc
2>merge_compiler_regions.cc
2>merge_composite.cc
2>partial_eval.cc
2>partition_graph.cc
2>simplify_expr.cc
2>simplify_fc_transpose.cc
2>simplify_inference.cc
2>to_a_normal_form.cc
2>to_basic_block_normal_form.cc
2>to_cps.cc
2>to_graph_normal_form.cc
2>type_infer.cc
2>build_module.cc
2>compile_engine.cc
2>graph_plan_memory.cc
2>graph_runtime_codegen.cc
2>interpreter.cc
2>param_dict.cc
2>compiler.cc
2>inline_primitives.cc
2>lambda_lift.cc
2>removed_unused_funcs.cc
2>base.cc
2>dataflow_matcher.cc
2>dataflow_pattern.cc
2>dataflow_pattern_functor.cc
2>indexed_graph.cc
2>op_strategy.cc
2>pattern_functor.cc
2>add.cc
2>concatenate.cc
2>dense.cc
2>dequantize.cc
2>mul.cc
2>requantize.cc
2>subtract.cc
2>myfloat.cc
2>codegen_stackvm.cc
2>stackvm.cc
2>stackvm_module.cc
2>build_cuda_off.cc
2>build_hexagon_off.cc
2>build_sdaccel_off.cc
2>build_aocl_off.cc
2>build_opencl_off.cc
2>build_metal_off.cc
2>build_rocm_off.cc
2>codegen_amdgpu.cc
2>codegen_arm.cc
2>codegen_blob.cc
2>codegen_cpu.cc
2>codegen_hexagon.cc
2>codegen_llvm.cc
2>codegen_nvptx.cc
2>D:\llvm-project\llvm\include\llvm/Support/MathExtras.h(443,10): warning C4146: unary minus operator applied to unsigned type, result still unsigned (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>D:\llvm-project\llvm\include\llvm/ADT/StringExtras.h(72,10): warning C4146: unary minus operator applied to unsigned type, result still unsigned (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>D:\llvm-project\llvm\include\llvm/ADT/StringExtras.h(79,61): warning C4146: unary minus operator applied to unsigned type, result still unsigned (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>D:\llvm-project\llvm\include\llvm/ADT/StringExtras.h(248,19): warning C4146: unary minus operator applied to unsigned type, result still unsigned (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>codegen_x86_64.cc
2>D:\llvm-project\llvm\include\llvm/IR/User.h(48,32): warning C4141: 'inline': used more than once (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>intrin_rule_hexagon.cc
2>D:\llvm-project\llvm\include\llvm/Support/type_traits.h(91,1): warning C4624: 'llvm::detail::trivial_helper<T>': destructor was implicitly defined as deleted
2>        with
2>        [
2>            T=llvm::TypeIdCompatibleVtableInfo
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>D:\llvm-project\llvm\include\llvm/Support/type_traits.h(144): message : see reference to class template instantiation 'llvm::detail::trivial_helper<T>' being compiled
2>        with
2>        [
2>            T=llvm::TypeIdCompatibleVtableInfo
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>D:\llvm-project\llvm\include\llvm/ADT/Optional.h(216): message : see reference to class template instantiation 'llvm::is_trivially_copyable<T>' being compiled
2>        with
2>        [
2>            T=llvm::TypeIdCompatibleVtableInfo
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>D:\llvm-project\llvm\include\llvm/IR/ModuleSummaryIndex.h(1453): message : see reference to class template instantiation 'llvm::Optional<llvm::TypeIdCompatibleVtableInfo>' being compiled (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>intrin_rule_llvm.cc
2>intrin_rule_nvptx.cc
2>D:\llvm-project\llvm\include\llvm/Support/type_traits.h(79,1): warning C4624: 'llvm::detail::copy_construction_triviality_helper<T>': destructor was implicitly defined as deleted
2>        with
2>        [
2>            T=std::string
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>C:\Program Files (x86)\Microsoft Visual Studio\2019\Community\VC\Tools\MSVC\14.29.30133\include\type_traits(631): message : see reference to class template instantiation 'llvm::detail::copy_construction_triviality_helper<T>' being compiled
2>        with
2>        [
2>            T=std::string
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>D:\llvm-project\llvm\include\llvm/Support/type_traits.h(100): message : see reference to class template instantiation 'std::is_copy_constructible<llvm::detail::copy_construction_triviality_helper<T>>' being compiled
2>        with
2>        [
2>            T=std::string
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>D:\llvm-project\llvm\include\llvm/ADT/SmallVector.h(211): message : see reference to class template instantiation 'llvm::is_trivially_copy_constructible<T>' being compiled
2>        with
2>        [
2>            T=std::string
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>D:\llvm-project\llvm\include\llvm/ADT/SmallVector.h(883): message : see reference to class template instantiation 'llvm::SmallVectorImpl<T>' being compiled
2>        with
2>        [
2>            T=std::string
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>D:\llvm-project\llvm\include\llvm/Support/Error.h(992): message : see reference to class template instantiation 'llvm::SmallVector<std::string,2>' being compiled (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>D:\llvm-project\llvm\include\llvm/Support/type_traits.h(86,1): warning C4624: 'llvm::detail::move_construction_triviality_helper<T>': destructor was implicitly defined as deleted
2>        with
2>        [
2>            T=std::string
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>C:\Program Files (x86)\Microsoft Visual Studio\2019\Community\VC\Tools\MSVC\14.29.30133\include\type_traits(662): message : see reference to class template instantiation 'llvm::detail::move_construction_triviality_helper<T>' being compiled
2>        with
2>        [
2>            T=std::string
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>D:\llvm-project\llvm\include\llvm/Support/type_traits.h(111): message : see reference to class template instantiation 'std::is_move_constructible<llvm::detail::move_construction_triviality_helper<T>>' being compiled
2>        with
2>        [
2>            T=std::string
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>D:\llvm-project\llvm\include\llvm/ADT/SmallVector.h(211): message : see reference to class template instantiation 'llvm::is_trivially_move_constructible<T>' being compiled
2>        with
2>        [
2>            T=std::string
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>D:\llvm-project\llvm\include\llvm/Support/type_traits.h(79,1): warning C4624: 'llvm::detail::copy_construction_triviality_helper<T>': destructor was implicitly defined as deleted
2>        with
2>        [
2>            T=llvm::SMFixIt
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>C:\Program Files (x86)\Microsoft Visual Studio\2019\Community\VC\Tools\MSVC\14.29.30133\include\type_traits(631): message : see reference to class template instantiation 'llvm::detail::copy_construction_triviality_helper<T>' being compiled
2>        with
2>        [
2>            T=llvm::SMFixIt
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>D:\llvm-project\llvm\include\llvm/Support/type_traits.h(100): message : see reference to class template instantiation 'std::is_copy_constructible<llvm::detail::copy_construction_triviality_helper<T>>' being compiled
2>        with
2>        [
2>            T=llvm::SMFixIt
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>D:\llvm-project\llvm\include\llvm/ADT/SmallVector.h(211): message : see reference to class template instantiation 'llvm::is_trivially_copy_constructible<T>' being compiled
2>        with
2>        [
2>            T=llvm::SMFixIt
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>D:\llvm-project\llvm\include\llvm/ADT/SmallVector.h(883): message : see reference to class template instantiation 'llvm::SmallVectorImpl<T>' being compiled
2>        with
2>        [
2>            T=llvm::SMFixIt
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>D:\llvm-project\llvm\include\llvm/Support/SourceMgr.h(255): message : see reference to class template instantiation 'llvm::SmallVector<llvm::SMFixIt,4>' being compiled (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>D:\llvm-project\llvm\include\llvm/Support/type_traits.h(86,1): warning C4624: 'llvm::detail::move_construction_triviality_helper<T>': destructor was implicitly defined as deleted
2>        with
2>        [
2>            T=llvm::SMFixIt
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>C:\Program Files (x86)\Microsoft Visual Studio\2019\Community\VC\Tools\MSVC\14.29.30133\include\type_traits(662): message : see reference to class template instantiation 'llvm::detail::move_construction_triviality_helper<T>' being compiled
2>        with
2>        [
2>            T=llvm::SMFixIt
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>D:\llvm-project\llvm\include\llvm/Support/type_traits.h(111): message : see reference to class template instantiation 'std::is_move_constructible<llvm::detail::move_construction_triviality_helper<T>>' being compiled
2>        with
2>        [
2>            T=llvm::SMFixIt
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>D:\llvm-project\llvm\include\llvm/ADT/SmallVector.h(211): message : see reference to class template instantiation 'llvm::is_trivially_move_constructible<T>' being compiled
2>        with
2>        [
2>            T=llvm::SMFixIt
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>D:\llvm-project\llvm\include\llvm/Support/type_traits.h(79,1): warning C4624: 'llvm::detail::copy_construction_triviality_helper<T>': destructor was implicitly defined as deleted
2>        with
2>        [
2>            T=llvm::IntrusiveRefCntPtr<llvm::vfs::FileSystem>
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>C:\Program Files (x86)\Microsoft Visual Studio\2019\Community\VC\Tools\MSVC\14.29.30133\include\type_traits(631): message : see reference to class template instantiation 'llvm::detail::copy_construction_triviality_helper<T>' being compiled
2>        with
2>        [
2>            T=llvm::IntrusiveRefCntPtr<llvm::vfs::FileSystem>
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>D:\llvm-project\llvm\include\llvm/Support/type_traits.h(100): message : see reference to class template instantiation 'std::is_copy_constructible<llvm::detail::copy_construction_triviality_helper<T>>' being compiled
2>        with
2>        [
2>            T=llvm::IntrusiveRefCntPtr<llvm::vfs::FileSystem>
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>D:\llvm-project\llvm\include\llvm/ADT/SmallVector.h(211): message : see reference to class template instantiation 'llvm::is_trivially_copy_constructible<T>' being compiled
2>        with
2>        [
2>            T=llvm::IntrusiveRefCntPtr<llvm::vfs::FileSystem>
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>D:\llvm-project\llvm\include\llvm/ADT/SmallVector.h(883): message : see reference to class template instantiation 'llvm::SmallVectorImpl<T>' being compiled
2>        with
2>        [
2>            T=llvm::IntrusiveRefCntPtr<llvm::vfs::FileSystem>
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>D:\llvm-project\llvm\include\llvm/Support/VirtualFileSystem.h(326): message : see reference to class template instantiation 'llvm::SmallVector<llvm::IntrusiveRefCntPtr<llvm::vfs::FileSystem>,1>' being compiled (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>D:\llvm-project\llvm\include\llvm/Support/type_traits.h(86,1): warning C4624: 'llvm::detail::move_construction_triviality_helper<T>': destructor was implicitly defined as deleted
2>        with
2>        [
2>            T=llvm::IntrusiveRefCntPtr<llvm::vfs::FileSystem>
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>C:\Program Files (x86)\Microsoft Visual Studio\2019\Community\VC\Tools\MSVC\14.29.30133\include\type_traits(662): message : see reference to class template instantiation 'llvm::detail::move_construction_triviality_helper<T>' being compiled
2>        with
2>        [
2>            T=llvm::IntrusiveRefCntPtr<llvm::vfs::FileSystem>
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>D:\llvm-project\llvm\include\llvm/Support/type_traits.h(111): message : see reference to class template instantiation 'std::is_move_constructible<llvm::detail::move_construction_triviality_helper<T>>' being compiled
2>        with
2>        [
2>            T=llvm::IntrusiveRefCntPtr<llvm::vfs::FileSystem>
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>D:\llvm-project\llvm\include\llvm/ADT/SmallVector.h(211): message : see reference to class template instantiation 'llvm::is_trivially_move_constructible<T>' being compiled
2>        with
2>        [
2>            T=llvm::IntrusiveRefCntPtr<llvm::vfs::FileSystem>
2>        ] (compiling source file D:\tvm\src\target\llvm\codegen_hexagon.cc)
2>intrin_rule_rocm.cc
2>llvm_common.cc
2>llvm_module.cc
2>codegen_hybrid.cc
2>builtin_fp16.cc
2>c_runtime_api.cc
2>cpu_device_api.cc
2>dso_library.cc
2>file_util.cc
2>library_module.cc
2>metadata_module.cc
2>ndarray.cc
2>object.cc
2>system_library.cc
2>thread_pool.cc
2>threading_backend.cc
2>bytecode.cc
2>executable.cc
2>memory_manager.cc
2>workspace_pool.cc
2>rpc_channel.cc
2>rpc_device_api.cc
2>rpc_endpoint.cc
2>rpc_event_impl.cc
2>rpc_local_session.cc
2>rpc_module.cc
2>rpc_pipe_impl.cc
2>rpc_server_env.cc
2>rpc_session.cc
2>rpc_socket_impl.cc
2>graph_runtime_debug.cc
2>random.cc
2>sort.cc
2>feature.cc
2>utils.cc
2>utils.cc
2>adt.cc
2>expr.cc
2>function.cc
2>module.cc
2>op.cc
2>transform.cc
2>container.cc
2>libinfo.cc
2>expr.cc
2>expr_functor.cc
2>function.cc
2>transform.cc
2>op.cc
2>nn.cc
2>transform.cc
2>codegen.cc
2>topk.cc
2>topk.cc
2>resize.cc
2>pad.cc
2>upsampling.cc
2>transform.cc
2>resize.cc
2>convolution.cc
2>nn.cc
2>pad.cc
2>upsampling.cc
2>transform.cc
2>vm.cc
2>feature.cc
2>util.cc
2>quantize.cc
2>legalize.cc
2>adt.cc
2>expr.cc
2>expr_functor.cc
2>function.cc
2>transform.cc
2>convolution.cc
2>quantize.cc
2>legalize.cc
2>util.cc
2>registry.cc
2>codegen.cc
2>container.cc
2>module.cc
2>registry.cc
2>vm.cc
2>graph_runtime.cc
2>graph_runtime_factory.cc
2>tvm_objs.vcxproj -> D:\tvm\build\tvm_objs.dir\Release\tvm_objs.lib
2>Done building project "tvm_objs.vcxproj".
7>------ Build started: Project: tvm, Configuration: Release x64 ------
7>Building Custom Rule D:/tvm/CMakeLists.txt
7>Auto build dll exports
7>   Creating library D:/tvm/build/Release/tvm.lib and object D:/tvm/build/Release/tvm.exp
7>tvm.vcxproj -> D:\tvm\build\Release\tvm.dll
8>------ Build started: Project: ALL_BUILD, Configuration: Release x64 ------
8>Building Custom Rule D:/tvm/CMakeLists.txt
9>------ Skipped Build: Project: INSTALL, Configuration: Release x64 ------
9>Project not selected to build for this solution configuration 
========== Build: 6 succeeded, 0 failed, 0 up-to-date, 3 skipped ==========

The artifacts were generated correctly.

I followed this thread as a guide

Anyone experienced this before or know how to make the error thrown in the command line so I can investigate further?

Thank you Peeranat F.

1 Like

@hcho3 @tqchen you have any idea what could go wrong?

After updating the stable tvm0.7 to tvm0.8dev, with the current settings, everything worked as expected.

1 Like