From 9673154c76b85e0618245fe11b442389e3a176ca Mon Sep 17 00:00:00 2001 From: Tianqi Chen Date: Sun, 24 Nov 2019 00:22:55 -0800 Subject: [PATCH] [LINT] Remove unnecessary copyright message for files with ASF header (#4409) * [LINT] Improve the check tool to handle ASF copyright message. * [LINT] Remove unnecessary copyright message as per ASF requirement. * Fix codegen hybrid * [LINT] Broaden license checks to include html, xml * [LINT] Fix rest of the files * Fix notice * [LINT] Improve check file type error message --- NOTICE | 2 +- .../app/src/main/jni/Android.mk | 17 ++++ .../app/src/main/jni/Application.mk | 17 ++++ .../app/src/main/jni/make/config.mk | 17 ++++ .../app/src/main/jni/Application.mk | 17 ++++ .../app/src/main/jni/tvm_runtime.h | 1 - apps/extension/src/tvm_ext.cc | 1 - apps/howto_deploy/cpp_deploy.cc | 1 - apps/howto_deploy/python_deploy.py | 1 - apps/ios_rpc/tvmrpc.xcodeproj/project.pbxproj | 19 +++++ .../contents.xcworkspacedata | 17 ++++ apps/ios_rpc/tvmrpc/AppDelegate.h | 1 - apps/ios_rpc/tvmrpc/AppDelegate.m | 1 - .../ios_rpc/tvmrpc/Base.lproj/Main.storyboard | 17 ++++ apps/ios_rpc/tvmrpc/Info.plist | 17 ++++ apps/ios_rpc/tvmrpc/TVMRuntime.h | 1 - apps/ios_rpc/tvmrpc/ViewController.h | 1 - apps/ios_rpc/tvmrpc/ViewController.mm | 1 - apps/ios_rpc/tvmrpc/main.m | 1 - apps/ios_rpc/tvmrpcLauncher/Info.plist | 17 ++++ apps/ios_rpc/tvmrpcLauncher/tvmrpcLauncher.mm | 1 - golang/sample/complex.go | 1 - golang/sample/pack_func_closure_arg.go | 1 - golang/sample/pack_func_closure_return.go | 1 - golang/sample/pack_func_convert.go | 1 - golang/sample/pack_func_handle_arg.go | 1 - golang/sample/pack_func_register.go | 1 - golang/sample/simple.go | 1 - golang/src/array_test.go | 1 - golang/src/bytearray.go | 1 - golang/src/bytearray_test.go | 1 - golang/src/context.go | 1 - golang/src/error.go | 1 - golang/src/error_test.go | 1 - golang/src/function.go | 1 - golang/src/function_test.go | 1 - golang/src/gotvm.cc | 1 - golang/src/gotvm.go | 1 - golang/src/gotvm.h | 1 - golang/src/gotvm_test.go | 1 - golang/src/module.go | 1 - golang/src/module_test.go | 1 - golang/src/ndarray.go | 1 - golang/src/type.go | 1 - golang/src/util.go | 1 - golang/src/value.go | 1 - golang/src/value_test.go | 1 - include/tvm/relay/attrs/reduce.h | 1 - nnvm/include/nnvm/base.h | 1 - nnvm/include/nnvm/c_api.h | 1 - nnvm/include/nnvm/compiler/op_attr_types.h | 1 - nnvm/include/nnvm/compiler/packed_func_ext.h | 1 - nnvm/include/nnvm/compiler/util.h | 1 - nnvm/include/nnvm/graph.h | 1 - nnvm/include/nnvm/graph_attr_types.h | 1 - nnvm/include/nnvm/layout.h | 1 - nnvm/include/nnvm/node.h | 1 - nnvm/include/nnvm/op.h | 1 - nnvm/include/nnvm/op_attr_types.h | 1 - nnvm/include/nnvm/pass.h | 1 - nnvm/include/nnvm/pass_functions.h | 1 - nnvm/include/nnvm/symbolic.h | 1 - nnvm/include/nnvm/top/nn.h | 1 - nnvm/include/nnvm/top/tensor.h | 1 - nnvm/include/nnvm/tuple.h | 1 - nnvm/src/c_api/c_api_common.h | 1 - nnvm/src/c_api/c_api_error.cc | 1 - nnvm/src/c_api/c_api_graph.cc | 1 - nnvm/src/c_api/c_api_symbolic.cc | 1 - nnvm/src/compiler/alter_op_layout.cc | 1 - nnvm/src/compiler/compile_engine.cc | 1 - nnvm/src/compiler/compile_engine.h | 1 - nnvm/src/compiler/fold_scale_axis.cc | 1 - nnvm/src/compiler/graph_compile.cc | 1 - nnvm/src/compiler/graph_fuse.cc | 1 - nnvm/src/compiler/graph_fuse.h | 1 - nnvm/src/compiler/graph_hash.cc | 1 - nnvm/src/compiler/graph_hash.h | 1 - nnvm/src/compiler/graph_runtime.h | 1 - nnvm/src/compiler/graph_transform.h | 1 - nnvm/src/compiler/node_attr.h | 1 - nnvm/src/compiler/packed_func_ext.cc | 1 - nnvm/src/compiler/pattern_util.h | 1 - nnvm/src/compiler/precompute_prune.cc | 1 - nnvm/src/compiler/simplify_inference.cc | 1 - nnvm/src/core/graph.cc | 1 - nnvm/src/core/node.cc | 1 - nnvm/src/core/op.cc | 1 - nnvm/src/core/pass.cc | 1 - nnvm/src/core/symbolic.cc | 1 - nnvm/src/pass/correct_layout.cc | 1 - nnvm/src/pass/gradient.cc | 1 - nnvm/src/pass/graph_algorithm.h | 1 - nnvm/src/pass/infer_shape_type.cc | 1 - nnvm/src/pass/order_mutation.cc | 1 - nnvm/src/pass/place_device.cc | 1 - nnvm/src/pass/plan_memory.cc | 1 - nnvm/src/pass/print_graph_ir.cc | 1 - nnvm/src/pass/saveload_json.cc | 1 - nnvm/src/top/elemwise_op_common.h | 1 - nnvm/src/top/image/resize.cc | 1 - nnvm/src/top/image/resize.h | 1 - nnvm/src/top/nn/convolution.cc | 1 - nnvm/src/top/nn/nn.cc | 1 - nnvm/src/top/nn/nn_common.h | 1 - nnvm/src/top/nn/pooling.cc | 1 - nnvm/src/top/op_common.h | 1 - nnvm/src/top/tensor/broadcast.cc | 1 - nnvm/src/top/tensor/elemwise.cc | 1 - nnvm/src/top/tensor/matrix_op.cc | 1 - nnvm/src/top/tensor/reduce.cc | 1 - nnvm/src/top/tensor/state_op.cc | 1 - nnvm/src/top/tensor/transform.cc | 1 - nnvm/src/top/vision/nms.cc | 1 - nnvm/src/top/vision/ssd/mutibox_op.cc | 1 - nnvm/src/top/vision/yolo/reorg.cc | 1 - nnvm/src/top/vision/yolo/reorg.h | 1 - nnvm/tutorials/web/resnet.html | 17 ++++ src/api/api_arith.cc | 1 - src/api/api_base.cc | 1 - src/api/api_codegen.cc | 1 - src/api/api_pass.cc | 1 - src/api/api_test.cc | 1 - src/arithmetic/analyzer.cc | 1 - src/arithmetic/bound_deducer.cc | 1 - src/arithmetic/const_int_bound.cc | 1 - src/arithmetic/detect_linear_equation.cc | 1 - src/arithmetic/domain_touched.cc | 1 - src/arithmetic/int_operator.h | 1 - src/autotvm/feature_visitor.cc | 1 - src/autotvm/feature_visitor.h | 1 - src/autotvm/touch_extractor.cc | 1 - src/autotvm/touch_extractor.h | 1 - src/codegen/build_common.h | 1 - src/codegen/codegen.cc | 1 - src/codegen/codegen_aocl.cc | 1 - src/codegen/codegen_c.cc | 1 - src/codegen/codegen_c.h | 1 - src/codegen/codegen_c_host.cc | 1 - src/codegen/codegen_c_host.h | 1 - src/codegen/codegen_cuda.cc | 1 - src/codegen/codegen_cuda.h | 1 - src/codegen/codegen_metal.cc | 1 - src/codegen/codegen_metal.h | 1 - src/codegen/codegen_opencl.cc | 1 - src/codegen/codegen_opencl.h | 1 - src/codegen/codegen_opengl.cc | 1 - src/codegen/codegen_opengl.h | 1 - src/codegen/codegen_source_base.cc | 1 - src/codegen/codegen_source_base.h | 1 - src/codegen/codegen_vhls.cc | 1 - src/codegen/codegen_vhls.h | 1 - src/codegen/intrin_rule.cc | 1 - src/codegen/intrin_rule.h | 1 - src/codegen/intrin_rule_aocl.cc | 1 - src/codegen/intrin_rule_cuda.cc | 1 - src/codegen/intrin_rule_metal.cc | 1 - src/codegen/intrin_rule_opencl.cc | 1 - src/codegen/intrin_rule_opengl.cc | 1 - src/codegen/intrin_rule_vhls.cc | 1 - src/codegen/literal/cuda_half_t.h | 1 - src/codegen/llvm/codegen_amdgpu.cc | 1 - src/codegen/llvm/codegen_arm.cc | 1 - src/codegen/llvm/codegen_llvm.cc | 1 - src/codegen/llvm/codegen_llvm.h | 1 - src/codegen/llvm/codegen_nvptx.cc | 1 - src/codegen/llvm/codegen_x86_64.cc | 1 - src/codegen/llvm/intrin_rule_llvm.cc | 1 - src/codegen/llvm/intrin_rule_llvm.h | 1 - src/codegen/llvm/intrin_rule_nvptx.cc | 1 - src/codegen/llvm/intrin_rule_rocm.cc | 1 - src/codegen/llvm/llvm_common.cc | 1 - src/codegen/llvm/llvm_common.h | 1 - src/codegen/opt/build_aocl_off.cc | 1 - src/codegen/opt/build_cuda_off.cc | 1 - src/codegen/opt/build_cuda_on.cc | 1 - src/codegen/opt/build_metal_off.cc | 1 - src/codegen/opt/build_opencl_off.cc | 1 - src/codegen/opt/build_opengl_off.cc | 1 - src/codegen/opt/build_rocm_off.cc | 1 - src/codegen/opt/build_sdaccel_off.cc | 1 - src/codegen/spirv/build_vulkan.cc | 1 - src/codegen/spirv/codegen_spirv.cc | 1 - src/codegen/spirv/codegen_spirv.h | 1 - src/codegen/spirv/ir_builder.cc | 1 - src/codegen/spirv/ir_builder.h | 1 - src/codegen/stackvm/codegen_stackvm.cc | 1 - src/codegen/stackvm/codegen_stackvm.h | 1 - src/common/arena.h | 1 - src/common/base64.h | 1 - src/common/pipe.h | 1 - src/common/ring_buffer.h | 1 - src/common/socket.h | 1 - src/common/util.h | 1 - src/contrib/hybrid/codegen_hybrid.cc | 2 +- src/lang/api_registry.cc | 1 - src/lang/attrs.cc | 1 - src/lang/buffer.cc | 1 - src/lang/channel.cc | 1 - src/lang/data_layout.cc | 1 - src/lang/lowered_func.cc | 1 - src/lang/tensor.cc | 1 - src/op/compute_op.h | 1 - src/op/cross_thread_reduction.cc | 1 - src/op/hybrid_op.h | 1 - src/op/op_util.h | 1 - src/op/placeholder_op.cc | 1 - src/op/tensor_compute_op.cc | 1 - src/op/tensorize.cc | 1 - src/pass/arg_binder.h | 1 - src/pass/bound_checker.cc | 1 - src/pass/combine_context_call.cc | 1 - src/pass/coproc_sync.cc | 1 - src/pass/detect_device.cc | 1 - src/pass/infer_fragment.cc | 1 - src/pass/inject_copy_intrin.cc | 1 - src/pass/inline.cc | 1 - src/pass/ir_deep_compare.cc | 1 - src/pass/ir_mutator.cc | 1 - src/pass/ir_util.cc | 1 - src/pass/ir_util.h | 1 - src/pass/ir_visitor.cc | 1 - src/pass/lift_attr_scope.cc | 1 - src/pass/loop_partition.cc | 1 - src/pass/lower_custom_datatypes.cc | 1 - src/pass/lower_thread_allreduce.cc | 1 - src/pass/lower_tvm_builtin.cc | 1 - src/pass/make_api.cc | 1 - src/pass/narrow_channel_access.cc | 1 - src/pass/remap_thread_axis.cc | 1 - src/pass/remove_no_op.cc | 1 - src/pass/rewrite_unsafe_select.cc | 1 - src/pass/simple_passes.cc | 1 - src/pass/split_host_device.cc | 1 - src/pass/split_pipeline.cc | 1 - src/pass/ssa.cc | 1 - src/pass/storage_access.cc | 1 - src/pass/storage_access.h | 1 - src/pass/storage_flatten.cc | 1 - src/pass/storage_sync.cc | 1 - src/pass/tensor_core.cc | 1 - src/pass/verify_compact_buffer.cc | 1 - src/pass/verify_gpu_code.cc | 1 - src/pass/verify_memory.cc | 1 - src/relay/backend/compile_engine.h | 1 - src/relay/backend/graph_plan_memory.cc | 1 - src/relay/backend/param_dict.h | 1 - src/relay/backend/utils.h | 1 - src/relay/backend/vm/compiler.h | 1 - src/relay/backend/vm/inline_primitives.cc | 1 - src/relay/backend/vm/lambda_lift.cc | 1 - src/relay/backend/vm/removed_unused_funcs.cc | 1 - src/relay/ir/doc.cc | 1 - src/relay/ir/doc.h | 1 - src/relay/ir/error.cc | 1 - src/relay/ir/op.cc | 1 - src/relay/ir/pattern_functor.cc | 1 - src/relay/ir/pretty_printer.cc | 1 - src/relay/ir/type_functor.cc | 1 - src/relay/op/algorithm/argsort.cc | 1 - src/relay/op/algorithm/topk.cc | 1 - src/relay/op/annotation/annotation.cc | 1 - src/relay/op/debug.cc | 1 - src/relay/op/device_copy.cc | 1 - src/relay/op/image/resize.cc | 1 - src/relay/op/nn/bitserial.cc | 1 - src/relay/op/nn/convolution.cc | 1 - src/relay/op/nn/convolution.h | 1 - src/relay/op/nn/nn.cc | 1 - src/relay/op/nn/nn.h | 1 - src/relay/op/nn/pad.cc | 1 - src/relay/op/nn/pooling.cc | 1 - src/relay/op/nn/sparse.cc | 1 - src/relay/op/nn/upsampling.cc | 1 - src/relay/op/op_common.h | 1 - src/relay/op/tensor/binary.cc | 1 - src/relay/op/tensor/reduce.cc | 1 - src/relay/op/tensor/transform.h | 1 - src/relay/op/tensor/unary.cc | 1 - src/relay/op/type_relations.cc | 1 - src/relay/op/type_relations.h | 1 - src/relay/op/vision/multibox_op.cc | 1 - src/relay/op/vision/nms.cc | 1 - src/relay/op/vision/rcnn_op.cc | 1 - src/relay/op/vision/yolo.cc | 1 - src/relay/pass/alter_op_layout.h | 1 - src/relay/pass/canonicalize_cast.cc | 1 - src/relay/pass/canonicalize_ops.cc | 1 - src/relay/pass/combine_parallel_conv2d.cc | 1 - src/relay/pass/combine_parallel_dense.cc | 1 - src/relay/pass/combine_parallel_op.cc | 1 - src/relay/pass/combine_parallel_op.h | 1 - src/relay/pass/combine_parallel_op_batch.cc | 1 - src/relay/pass/combine_parallel_op_batch.h | 1 - src/relay/pass/de_duplicate.cc | 1 - src/relay/pass/dead_code.cc | 1 - src/relay/pass/dependency_graph.cc | 1 - src/relay/pass/dependency_graph.h | 1 - src/relay/pass/eliminate_common_subexpr.cc | 1 - src/relay/pass/expr_subst.cc | 1 - src/relay/pass/expr_subst.h | 1 - src/relay/pass/feature.cc | 1 - src/relay/pass/fold_constant.cc | 1 - src/relay/pass/forward_rewrite.cc | 1 - src/relay/pass/fuse_ops.cc | 1 - src/relay/pass/gradient.cc | 1 - src/relay/pass/kind_check.cc | 1 - src/relay/pass/legalize.cc | 1 - src/relay/pass/let_list.h | 1 - src/relay/pass/mac_count.cc | 1 - src/relay/pass/match_exhaustion.cc | 1 - src/relay/pass/pass_util.h | 1 - src/relay/pass/pattern_util.h | 1 - src/relay/pass/print_ir.cc | 1 - src/relay/pass/quantize/annotate.cc | 1 - src/relay/pass/quantize/calibrate.cc | 1 - src/relay/pass/quantize/partition.cc | 1 - src/relay/pass/quantize/realize.cc | 1 - src/relay/pass/simplify_inference.cc | 1 - src/relay/pass/to_a_normal_form.cc | 1 - src/relay/pass/to_cps.cc | 1 - src/relay/pass/to_graph_normal_form.cc | 1 - src/relay/pass/type_infer.cc | 1 - src/relay/pass/type_solver.cc | 1 - src/relay/pass/type_solver.h | 1 - src/relay/pass/util.cc | 1 - src/relay/pass/well_formed.cc | 1 - src/relay/qnn/op/add.cc | 1 - src/relay/qnn/op/concatenate.cc | 1 - src/relay/qnn/op/convolution.cc | 1 - src/relay/qnn/op/dense.cc | 1 - src/relay/qnn/op/dequantize.cc | 1 - src/relay/qnn/op/mul.cc | 1 - src/relay/qnn/op/op_common.h | 1 - src/relay/qnn/op/quantize.cc | 1 - src/relay/qnn/op/requantize.cc | 1 - src/relay/qnn/util.cc | 1 - src/runtime/builtin_fp16.cc | 1 - src/runtime/contrib/cublas/cublas_utils.h | 1 - src/runtime/contrib/nnpack/convolution.cc | 1 - src/runtime/contrib/nnpack/fully_connected.cc | 1 - src/runtime/contrib/nnpack/nnpack_utils.cc | 1 - src/runtime/contrib/nnpack/nnpack_utils.h | 1 - .../contrib/random/mt_random_engine.cc | 1 - src/runtime/contrib/random/random.cc | 1 - .../contrib/random/sgx_random_engine.cc | 1 - src/runtime/contrib/rocblas/rocblas.cc | 1 - src/runtime/contrib/sort/sort.cc | 1 - src/runtime/cpu_device_api.cc | 1 - src/runtime/cuda/cuda_common.h | 1 - src/runtime/cuda/cuda_device_api.cc | 1 - src/runtime/cuda/cuda_module.cc | 1 - src/runtime/file_util.cc | 1 - src/runtime/file_util.h | 1 - src/runtime/meta_data.h | 1 - src/runtime/metal/metal_common.h | 1 - src/runtime/metal/metal_device_api.mm | 1 - src/runtime/metal/metal_module.h | 1 - .../micro/device/utvm_device_dylib_redirect.c | 1 - src/runtime/micro/device/utvm_runtime.c | 1 - src/runtime/micro/device/utvm_runtime.h | 1 - src/runtime/micro/host_low_level_device.cc | 1 - src/runtime/micro/low_level_device.h | 1 - src/runtime/micro/micro_common.cc | 1 - src/runtime/micro/micro_common.h | 1 - src/runtime/micro/micro_section_allocator.h | 1 - src/runtime/micro/openocd_low_level_device.cc | 1 - .../micro/target_data_layout_encoder.h | 1 - src/runtime/micro/tcl_socket.cc | 1 - src/runtime/ndarray.cc | 1 - src/runtime/opencl/aocl/aocl_module.cc | 1 - src/runtime/opencl/opencl_common.h | 1 - src/runtime/opencl/opencl_device_api.cc | 1 - src/runtime/opencl/sdaccel/sdaccel_common.h | 1 - .../opencl/sdaccel/sdaccel_device_api.cc | 1 - src/runtime/opencl/sdaccel/sdaccel_module.cc | 1 - src/runtime/opencl/sdaccel/sdaccel_module.h | 1 - src/runtime/opengl/opengl_common.h | 1 - src/runtime/opengl/opengl_device_api.cc | 1 - src/runtime/opengl/opengl_module.cc | 1 - src/runtime/opengl/opengl_module.h | 1 - src/runtime/pack_args.h | 1 - src/runtime/registry.cc | 1 - src/runtime/rocm/rocm_common.h | 1 - src/runtime/rocm/rocm_device_api.cc | 1 - src/runtime/rocm/rocm_module.h | 1 - src/runtime/rpc/rpc_device_api.cc | 1 - src/runtime/rpc/rpc_event_impl.cc | 1 - src/runtime/rpc/rpc_module.cc | 1 - src/runtime/rpc/rpc_server_env.cc | 1 - src/runtime/rpc/rpc_session.cc | 1 - src/runtime/rpc/rpc_socket_impl.cc | 1 - src/runtime/rpc/rpc_socket_impl.h | 1 - src/runtime/runtime_base.h | 1 - src/runtime/sgx/common.h | 1 - src/runtime/sgx/trusted/ecall_registry.h | 1 - src/runtime/sgx/trusted/runtime.cc | 1 - src/runtime/sgx/trusted/runtime.h | 1 - src/runtime/sgx/trusted/threading_backend.cc | 1 - src/runtime/sgx/untrusted/sgx_module.cc | 1 - src/runtime/stackvm/stackvm.h | 1 - src/runtime/stackvm/stackvm_module.h | 1 - src/runtime/thread_pool.cc | 1 - src/runtime/thread_storage_scope.h | 1 - src/runtime/threading_backend.cc | 1 - src/runtime/vm/memory_manager.cc | 1 - src/runtime/vm/memory_manager.h | 1 - src/runtime/vm/naive_allocator.h | 1 - src/runtime/vm/pooled_allocator.h | 1 - src/runtime/vm/serialize_util.h | 1 - src/runtime/workspace_pool.cc | 1 - src/runtime/workspace_pool.h | 1 - src/schedule/auto_inline_elem_wise.cc | 1 - src/schedule/bound.cc | 1 - src/schedule/graph.h | 1 - src/schedule/message_passing.h | 1 - src/schedule/schedule_ops.cc | 1 - tests/lint/add_asf_header.py | 79 ++++++++++++++----- tests/lint/check_file_type.py | 60 +++++++++++++- tests/lint/rat-excludes | 6 -- tests/scripts/packages.mk | 17 ++++ tests/webgl/test_static_webgl_library.html | 17 ++++ topi/include/topi/broadcast.h | 1 - topi/include/topi/contrib/rocblas.h | 1 - topi/include/topi/detail/broadcast.h | 1 - topi/include/topi/detail/pad_utils.h | 1 - topi/include/topi/detail/ravel_unravel.h | 1 - topi/include/topi/elemwise.h | 1 - topi/include/topi/nn.h | 1 - topi/include/topi/nn/batch_matmul.h | 1 - topi/include/topi/nn/bias_add.h | 1 - topi/include/topi/nn/dense.h | 1 - topi/include/topi/nn/dilate.h | 1 - topi/include/topi/nn/flatten.h | 1 - topi/include/topi/nn/pooling.h | 1 - topi/include/topi/nn/softmax.h | 1 - topi/include/topi/nn/upsampling.h | 1 - topi/include/topi/reduction.h | 1 - topi/include/topi/tags.h | 1 - topi/include/topi/transform.h | 1 - topi/include/topi/vision/reorg.h | 1 - topi/src/topi.cc | 1 - vta/hardware/xilinx/scripts/hsi.tcl | 1 - vta/hardware/xilinx/sim/vta_test.cc | 1 - vta/include/vta/driver.h | 1 - vta/include/vta/runtime.h | 1 - vta/include/vta/sim_tlpp.h | 1 - vta/src/de10nano/cma_api.cc | 1 - vta/src/device_api.cc | 1 - vta/src/runtime.cc | 1 - vta/src/sim/sim_driver.cc | 1 - vta/src/sim/sim_tlpp.cc | 1 - vta/src/vmem/virtual_memory.cc | 1 - vta/src/vmem/virtual_memory.h | 1 - vta/tests/hardware/metal_test/metal_test.cc | 1 - web/example_rpc.html | 17 ++++ web/web_runtime.cc | 1 - 457 files changed, 342 insertions(+), 469 deletions(-) diff --git a/NOTICE b/NOTICE index 4f6447124e97..64d6ee07d0f4 100644 --- a/NOTICE +++ b/NOTICE @@ -1,5 +1,5 @@ Apache TVM (incubating) -Copyright 2017 and onwards The Apache Software Foundation +Copyright 2019 and onwards The Apache Software Foundation This product includes software developed at The Apache Software Foundation (http://www.apache.org/). diff --git a/apps/android_deploy/app/src/main/jni/Android.mk b/apps/android_deploy/app/src/main/jni/Android.mk index 33a7ac80190d..3a83d8ae569f 100644 --- a/apps/android_deploy/app/src/main/jni/Android.mk +++ b/apps/android_deploy/app/src/main/jni/Android.mk @@ -1,3 +1,20 @@ +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. + LOCAL_PATH := $(call my-dir) MY_PATH := $(LOCAL_PATH) diff --git a/apps/android_deploy/app/src/main/jni/Application.mk b/apps/android_deploy/app/src/main/jni/Application.mk index 8e81a8d6a81c..ee13eb8a1213 100644 --- a/apps/android_deploy/app/src/main/jni/Application.mk +++ b/apps/android_deploy/app/src/main/jni/Application.mk @@ -1,3 +1,20 @@ +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. + ifndef config ifneq ("$(wildcard ./config.mk)","") config ?= config.mk diff --git a/apps/android_deploy/app/src/main/jni/make/config.mk b/apps/android_deploy/app/src/main/jni/make/config.mk index 8d6f5a56dd5b..bcd56e37896d 100644 --- a/apps/android_deploy/app/src/main/jni/make/config.mk +++ b/apps/android_deploy/app/src/main/jni/make/config.mk @@ -1,3 +1,20 @@ +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. + #------------------------------------------------------------------------------- # Template configuration for compiling # diff --git a/apps/android_rpc/app/src/main/jni/Application.mk b/apps/android_rpc/app/src/main/jni/Application.mk index 548b69160b17..56288bde9898 100644 --- a/apps/android_rpc/app/src/main/jni/Application.mk +++ b/apps/android_rpc/app/src/main/jni/Application.mk @@ -1,3 +1,20 @@ +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. + ifndef config ifneq ("$(wildcard ./config.mk)","") config ?= config.mk diff --git a/apps/android_rpc/app/src/main/jni/tvm_runtime.h b/apps/android_rpc/app/src/main/jni/tvm_runtime.h index e30b31629e20..8da257176ca3 100644 --- a/apps/android_rpc/app/src/main/jni/tvm_runtime.h +++ b/apps/android_rpc/app/src/main/jni/tvm_runtime.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file tvm_runtime.h * \brief Pack all tvm runtime source files */ diff --git a/apps/extension/src/tvm_ext.cc b/apps/extension/src/tvm_ext.cc index e440e1ab2831..8655fa7d0c30 100644 --- a/apps/extension/src/tvm_ext.cc +++ b/apps/extension/src/tvm_ext.cc @@ -19,7 +19,6 @@ /*! - * Copyright (c) 2017 by Contributors * \brief Example package that uses TVM. * \file tvm_ext.cc */ diff --git a/apps/howto_deploy/cpp_deploy.cc b/apps/howto_deploy/cpp_deploy.cc index 63c54363aee9..5f5c88a6b527 100644 --- a/apps/howto_deploy/cpp_deploy.cc +++ b/apps/howto_deploy/cpp_deploy.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \brief Example code on load and run TVM module.s * \file cpp_deploy.cc */ diff --git a/apps/howto_deploy/python_deploy.py b/apps/howto_deploy/python_deploy.py index 6a321877dba9..f744aa68bf6d 100644 --- a/apps/howto_deploy/python_deploy.py +++ b/apps/howto_deploy/python_deploy.py @@ -15,7 +15,6 @@ # specific language governing permissions and limitations # under the License. -# Copyright (c) 2017 by Contributors # brief Example code on load and run TVM module.s # file python_deploy.py diff --git a/apps/ios_rpc/tvmrpc.xcodeproj/project.pbxproj b/apps/ios_rpc/tvmrpc.xcodeproj/project.pbxproj index 049859dda5ff..f635d2c5cf19 100644 --- a/apps/ios_rpc/tvmrpc.xcodeproj/project.pbxproj +++ b/apps/ios_rpc/tvmrpc.xcodeproj/project.pbxproj @@ -1,4 +1,23 @@ // !$*UTF8*$! +/* + * Licensed to the Apache Software Foundation (ASF) under one + * or more contributor license agreements. See the NOTICE file + * distributed with this work for additional information + * regarding copyright ownership. The ASF licenses this file + * to you under the Apache License, Version 2.0 (the + * "License"); you may not use this file except in compliance + * with the License. You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, + * software distributed under the License is distributed on an + * "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY + * KIND, either express or implied. See the License for the + * specific language governing permissions and limitations + * under the License. + */ + { archiveVersion = 1; classes = { diff --git a/apps/ios_rpc/tvmrpc.xcodeproj/project.xcworkspace/contents.xcworkspacedata b/apps/ios_rpc/tvmrpc.xcodeproj/project.xcworkspace/contents.xcworkspacedata index 36db33d605af..a1e8b53d5b07 100644 --- a/apps/ios_rpc/tvmrpc.xcodeproj/project.xcworkspace/contents.xcworkspacedata +++ b/apps/ios_rpc/tvmrpc.xcodeproj/project.xcworkspace/contents.xcworkspacedata @@ -1,4 +1,21 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/apps/ios_rpc/tvmrpc/Info.plist b/apps/ios_rpc/tvmrpc/Info.plist index d05247386801..e6eb1b529052 100644 --- a/apps/ios_rpc/tvmrpc/Info.plist +++ b/apps/ios_rpc/tvmrpc/Info.plist @@ -1,4 +1,21 @@ + + + + + + + + + + + + + + + + + diff --git a/apps/ios_rpc/tvmrpc/TVMRuntime.h b/apps/ios_rpc/tvmrpc/TVMRuntime.h index 58b3b37dddf6..96a5c1bfa318 100644 --- a/apps/ios_rpc/tvmrpc/TVMRuntime.h +++ b/apps/ios_rpc/tvmrpc/TVMRuntime.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file TVMRuntime.h */ #import diff --git a/apps/ios_rpc/tvmrpc/ViewController.h b/apps/ios_rpc/tvmrpc/ViewController.h index 3cd4723f94b7..3a3c928f8112 100644 --- a/apps/ios_rpc/tvmrpc/ViewController.h +++ b/apps/ios_rpc/tvmrpc/ViewController.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file ViewController.h */ diff --git a/apps/ios_rpc/tvmrpc/ViewController.mm b/apps/ios_rpc/tvmrpc/ViewController.mm index 2506a5f2f9de..0f7611002042 100644 --- a/apps/ios_rpc/tvmrpc/ViewController.mm +++ b/apps/ios_rpc/tvmrpc/ViewController.mm @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file ViewController.mm */ diff --git a/apps/ios_rpc/tvmrpc/main.m b/apps/ios_rpc/tvmrpc/main.m index 1b8b8bf90cc9..d971ce37998b 100644 --- a/apps/ios_rpc/tvmrpc/main.m +++ b/apps/ios_rpc/tvmrpc/main.m @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file main.m */ diff --git a/apps/ios_rpc/tvmrpcLauncher/Info.plist b/apps/ios_rpc/tvmrpcLauncher/Info.plist index 6c6c23c43adc..45eb19371f17 100644 --- a/apps/ios_rpc/tvmrpcLauncher/Info.plist +++ b/apps/ios_rpc/tvmrpcLauncher/Info.plist @@ -1,4 +1,21 @@ + + + + + + + + + + + + + + + + + diff --git a/apps/ios_rpc/tvmrpcLauncher/tvmrpcLauncher.mm b/apps/ios_rpc/tvmrpcLauncher/tvmrpcLauncher.mm index f2f03f95f3cb..c4a6f8bd240f 100644 --- a/apps/ios_rpc/tvmrpcLauncher/tvmrpcLauncher.mm +++ b/apps/ios_rpc/tvmrpcLauncher/tvmrpcLauncher.mm @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \brief A hook to launch RPC server via xcodebuild test * \file tvmrpcLauncher.mm */ diff --git a/golang/sample/complex.go b/golang/sample/complex.go index 4dd21507cfa2..bbe74dc85e09 100644 --- a/golang/sample/complex.go +++ b/golang/sample/complex.go @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \brief Sample golang application deployment over tvm. * \file complex.go */ diff --git a/golang/sample/pack_func_closure_arg.go b/golang/sample/pack_func_closure_arg.go index da38bc7e2d16..ff2d1e2754c4 100644 --- a/golang/sample/pack_func_closure_arg.go +++ b/golang/sample/pack_func_closure_arg.go @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \brief Sample golang application to demonstrate go-closure given to a packed function argument. * \file pack_func_closure_arg.go */ diff --git a/golang/sample/pack_func_closure_return.go b/golang/sample/pack_func_closure_return.go index cea14a80c00e..e010b9395361 100644 --- a/golang/sample/pack_func_closure_return.go +++ b/golang/sample/pack_func_closure_return.go @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \brief Sample golang application to demonstrate go-closure returned from a callback function. * \file pack_func_closure_return.go */ diff --git a/golang/sample/pack_func_convert.go b/golang/sample/pack_func_convert.go index 6a9c9d586aad..b6d1fbf24d46 100644 --- a/golang/sample/pack_func_convert.go +++ b/golang/sample/pack_func_convert.go @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \brief Sample golang application to demonstrate function conversion to packed function. * \file pack_func_convert.go */ diff --git a/golang/sample/pack_func_handle_arg.go b/golang/sample/pack_func_handle_arg.go index 9e6a44d27cea..d5a3f074946e 100644 --- a/golang/sample/pack_func_handle_arg.go +++ b/golang/sample/pack_func_handle_arg.go @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \brief Sample golang application to demonstrate converted packed * function handle passed to another packed function. * \file pack_func_handle_arg.go diff --git a/golang/sample/pack_func_register.go b/golang/sample/pack_func_register.go index 8c82528e091c..ac4ea438dbef 100644 --- a/golang/sample/pack_func_register.go +++ b/golang/sample/pack_func_register.go @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \brief Sample golang application to demonstrate function register into TVM global functions. * \file pack_func_register.go */ diff --git a/golang/sample/simple.go b/golang/sample/simple.go index 329520096ffb..f9b29e9a1492 100644 --- a/golang/sample/simple.go +++ b/golang/sample/simple.go @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \brief Sample golang application deployment over tvm. * \file simple.go */ diff --git a/golang/src/array_test.go b/golang/src/array_test.go index e7a283d7329f..0dbc81412a36 100644 --- a/golang/src/array_test.go +++ b/golang/src/array_test.go @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \brief gotvm package * \file array_test.go */ diff --git a/golang/src/bytearray.go b/golang/src/bytearray.go index d8a4fda893a1..4dcecef4a9b7 100644 --- a/golang/src/bytearray.go +++ b/golang/src/bytearray.go @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \brief gotvm package source for TVMByteArray interface. * \file bytearray.go */ diff --git a/golang/src/bytearray_test.go b/golang/src/bytearray_test.go index b61137ee5b76..c4047c50a605 100644 --- a/golang/src/bytearray_test.go +++ b/golang/src/bytearray_test.go @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \brief gotvm package * \file bytearray_test.go */ diff --git a/golang/src/context.go b/golang/src/context.go index 1e1668ea2f9b..cc0acbc88876 100644 --- a/golang/src/context.go +++ b/golang/src/context.go @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \brief gotvm package source for TVMContext interface * \file context.go */ diff --git a/golang/src/error.go b/golang/src/error.go index 1679a2afc073..edd8116a3612 100644 --- a/golang/src/error.go +++ b/golang/src/error.go @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \brief gotvm package source for error related API interface. * \file error.go */ diff --git a/golang/src/error_test.go b/golang/src/error_test.go index 2fc3ceb19575..3fe912db110e 100644 --- a/golang/src/error_test.go +++ b/golang/src/error_test.go @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \brief gotvm package * \file error_test.go */ diff --git a/golang/src/function.go b/golang/src/function.go index 24975c4e9e8a..7b1c5d27d429 100644 --- a/golang/src/function.go +++ b/golang/src/function.go @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \brief gotvm package source for TVMFunction interface. * \file function.go */ diff --git a/golang/src/function_test.go b/golang/src/function_test.go index 2895ea6b77b4..17b1c9a6e1c0 100644 --- a/golang/src/function_test.go +++ b/golang/src/function_test.go @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \brief gotvm package * \file function_test.go */ diff --git a/golang/src/gotvm.cc b/golang/src/gotvm.cc index adb93d3f76a1..af6e4303a85a 100644 --- a/golang/src/gotvm.cc +++ b/golang/src/gotvm.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \brief gotvm native interface definition * \file gotvm.cxx */ diff --git a/golang/src/gotvm.go b/golang/src/gotvm.go index 17d178fd2309..072d9cce4619 100644 --- a/golang/src/gotvm.go +++ b/golang/src/gotvm.go @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \brief gotvm package * \file gotvm.go */ diff --git a/golang/src/gotvm.h b/golang/src/gotvm.h index 97b844ea09ff..12b594b8c9a9 100644 --- a/golang/src/gotvm.h +++ b/golang/src/gotvm.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \brief gotvm native interface declaration. * \file gotvm.h * diff --git a/golang/src/gotvm_test.go b/golang/src/gotvm_test.go index 6ee80f629795..271b1899897b 100644 --- a/golang/src/gotvm_test.go +++ b/golang/src/gotvm_test.go @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \brief gotvm package * \file gotvm_test.go */ diff --git a/golang/src/module.go b/golang/src/module.go index 98b88d86766e..8ac09e369cae 100644 --- a/golang/src/module.go +++ b/golang/src/module.go @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \brief gotvm package source for TVMModule interface. * \file module.go */ diff --git a/golang/src/module_test.go b/golang/src/module_test.go index 51fbfe125369..7e18a86c5b3a 100644 --- a/golang/src/module_test.go +++ b/golang/src/module_test.go @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \brief gotvm package * \file module_test.go */ diff --git a/golang/src/ndarray.go b/golang/src/ndarray.go index cd5e3fa9a17b..e83d4ab1c057 100644 --- a/golang/src/ndarray.go +++ b/golang/src/ndarray.go @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \brief gotvm package source for TVMArray aka DLTensor * \file ndarray.go */ diff --git a/golang/src/type.go b/golang/src/type.go index 9d5f58b755ec..6202e0baa875 100644 --- a/golang/src/type.go +++ b/golang/src/type.go @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \brief gotvm package for TVMType interface * \file type.go */ diff --git a/golang/src/util.go b/golang/src/util.go index 1c82443bfa1e..d3846d1db452 100644 --- a/golang/src/util.go +++ b/golang/src/util.go @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \brief gotvm package source for common utilities * \file util.go */ diff --git a/golang/src/value.go b/golang/src/value.go index 5e0f78270eaa..1cb599e86486 100644 --- a/golang/src/value.go +++ b/golang/src/value.go @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \brief gotvm package source for TVMValue interface * \file value.go */ diff --git a/golang/src/value_test.go b/golang/src/value_test.go index 16bce2a68e9d..ba502254cd20 100644 --- a/golang/src/value_test.go +++ b/golang/src/value_test.go @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \brief gotvm package * \file value_test.go */ diff --git a/include/tvm/relay/attrs/reduce.h b/include/tvm/relay/attrs/reduce.h index e86e89c161e3..d5fe9b83ca3c 100644 --- a/include/tvm/relay/attrs/reduce.h +++ b/include/tvm/relay/attrs/reduce.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file tvm/relay/attrs/reduce.h * \brief Auxiliary attributes for reduce operators. */ diff --git a/nnvm/include/nnvm/base.h b/nnvm/include/nnvm/base.h index b6a1d0e54135..2fd71c7d087e 100644 --- a/nnvm/include/nnvm/base.h +++ b/nnvm/include/nnvm/base.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file nnvm/base.h * \brief Configuration of nnvm as well as basic data structure. */ diff --git a/nnvm/include/nnvm/c_api.h b/nnvm/include/nnvm/c_api.h index 773bc63b7dad..b35e4da343f7 100644 --- a/nnvm/include/nnvm/c_api.h +++ b/nnvm/include/nnvm/c_api.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file nnvm/c_api.h * \brief C API of NNVM symbolic construction and pass. * Enables construction and transformation of Graph diff --git a/nnvm/include/nnvm/compiler/op_attr_types.h b/nnvm/include/nnvm/compiler/op_attr_types.h index 4d9c919d2b60..12b4415850d4 100644 --- a/nnvm/include/nnvm/compiler/op_attr_types.h +++ b/nnvm/include/nnvm/compiler/op_attr_types.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file nnvm/compiler/op_attr_types.h * \brief The Expr and related elements in DataFlow construction. */ diff --git a/nnvm/include/nnvm/compiler/packed_func_ext.h b/nnvm/include/nnvm/compiler/packed_func_ext.h index 02319612809f..67a43a7b4104 100644 --- a/nnvm/include/nnvm/compiler/packed_func_ext.h +++ b/nnvm/include/nnvm/compiler/packed_func_ext.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file nnvm/compiler/packed_func_ext.h * \brief Extension to enable packed functionn for nnvm types */ diff --git a/nnvm/include/nnvm/compiler/util.h b/nnvm/include/nnvm/compiler/util.h index 9555c0e7b3ea..f108ff131d66 100644 --- a/nnvm/include/nnvm/compiler/util.h +++ b/nnvm/include/nnvm/compiler/util.h @@ -18,7 +18,6 @@ */ /*! -* Copyright (c) 2016 by Contributors * \file nnvm/compiler/util.h * \brief Utility functions for nnvm compiler */ diff --git a/nnvm/include/nnvm/graph.h b/nnvm/include/nnvm/graph.h index 9efee161fdba..6bda2f57c4bf 100644 --- a/nnvm/include/nnvm/graph.h +++ b/nnvm/include/nnvm/graph.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file nnvm/graph.h * \brief Configuation of nnvm as well as basic data structure. */ diff --git a/nnvm/include/nnvm/graph_attr_types.h b/nnvm/include/nnvm/graph_attr_types.h index 579d6cc24996..acc52a2ae1db 100644 --- a/nnvm/include/nnvm/graph_attr_types.h +++ b/nnvm/include/nnvm/graph_attr_types.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file nnvm/graph_attr_types.h * \brief Data structures that can appear in graph attributes. */ diff --git a/nnvm/include/nnvm/layout.h b/nnvm/include/nnvm/layout.h index aad3754155c1..3a81b84b2487 100644 --- a/nnvm/include/nnvm/layout.h +++ b/nnvm/include/nnvm/layout.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file nnvm/layout.h * \brief Layout expression. * The layout is composed of upper cases, lower cases and numbers, diff --git a/nnvm/include/nnvm/node.h b/nnvm/include/nnvm/node.h index 103e2783714a..220115bd0c9d 100644 --- a/nnvm/include/nnvm/node.h +++ b/nnvm/include/nnvm/node.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file nnvm/node.h * \brief Graph node data structure. */ diff --git a/nnvm/include/nnvm/op.h b/nnvm/include/nnvm/op.h index eba9d2a3c728..84abdc7a9363 100644 --- a/nnvm/include/nnvm/op.h +++ b/nnvm/include/nnvm/op.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file nnvm/op.h * \brief Operator information structor. */ diff --git a/nnvm/include/nnvm/op_attr_types.h b/nnvm/include/nnvm/op_attr_types.h index ad328c30312a..04b71b75e1ac 100644 --- a/nnvm/include/nnvm/op_attr_types.h +++ b/nnvm/include/nnvm/op_attr_types.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file nnvm/op_attr_types.h * \brief Data structures that can appear in operator attributes. */ diff --git a/nnvm/include/nnvm/pass.h b/nnvm/include/nnvm/pass.h index 492988f5c625..a6158df5ffdf 100644 --- a/nnvm/include/nnvm/pass.h +++ b/nnvm/include/nnvm/pass.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file nnvm/pass.h * \brief Pass that can be applied to a graph. */ diff --git a/nnvm/include/nnvm/pass_functions.h b/nnvm/include/nnvm/pass_functions.h index 0172d6699797..a7893c6fec56 100644 --- a/nnvm/include/nnvm/pass_functions.h +++ b/nnvm/include/nnvm/pass_functions.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file nnvm/pass_functions.h * \brief Pass functions that simply redirect the calls to ApplyPass * diff --git a/nnvm/include/nnvm/symbolic.h b/nnvm/include/nnvm/symbolic.h index a4e5d150ab68..dda79d468173 100644 --- a/nnvm/include/nnvm/symbolic.h +++ b/nnvm/include/nnvm/symbolic.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file nnvm/symbolic.h * \brief Symbolic graph construction API * diff --git a/nnvm/include/nnvm/top/nn.h b/nnvm/include/nnvm/top/nn.h index 137d8ca5d78d..f2a3e81472e1 100644 --- a/nnvm/include/nnvm/top/nn.h +++ b/nnvm/include/nnvm/top/nn.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file nnvm/top/nn.h * \brief Auxiliary param for tensor primitive. */ diff --git a/nnvm/include/nnvm/top/tensor.h b/nnvm/include/nnvm/top/tensor.h index b38c2fceb5f6..f2dc1b6c8b01 100644 --- a/nnvm/include/nnvm/top/tensor.h +++ b/nnvm/include/nnvm/top/tensor.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file nnvm/top/tensor.h * \brief Auxiliary param for tensor primitive. */ diff --git a/nnvm/include/nnvm/tuple.h b/nnvm/include/nnvm/tuple.h index ba0488f98ffd..a7f2d2603093 100644 --- a/nnvm/include/nnvm/tuple.h +++ b/nnvm/include/nnvm/tuple.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file nnvm/tuple.h * \brief Data structure Tuple and TShape to store dynamic sized shapes. */ diff --git a/nnvm/src/c_api/c_api_common.h b/nnvm/src/c_api/c_api_common.h index 4e7e027119ff..b3ff36ae606f 100644 --- a/nnvm/src/c_api/c_api_common.h +++ b/nnvm/src/c_api/c_api_common.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file c_api_error.h * \brief Common fields of all C APIs */ diff --git a/nnvm/src/c_api/c_api_error.cc b/nnvm/src/c_api/c_api_error.cc index 11509d79352e..ba6e1cd37c8a 100644 --- a/nnvm/src/c_api/c_api_error.cc +++ b/nnvm/src/c_api/c_api_error.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file c_api_error.cc * \brief C error handling */ diff --git a/nnvm/src/c_api/c_api_graph.cc b/nnvm/src/c_api/c_api_graph.cc index 831e1af57c5c..cc5449b0fbbe 100644 --- a/nnvm/src/c_api/c_api_graph.cc +++ b/nnvm/src/c_api/c_api_graph.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file c_api_graph.cc * \brief C API related to Graph IR. */ diff --git a/nnvm/src/c_api/c_api_symbolic.cc b/nnvm/src/c_api/c_api_symbolic.cc index ccf0a9a19241..ae819480eff8 100644 --- a/nnvm/src/c_api/c_api_symbolic.cc +++ b/nnvm/src/c_api/c_api_symbolic.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file c_api_symbolic.cc * \brief C API related to symbolic graph compsition. */ diff --git a/nnvm/src/compiler/alter_op_layout.cc b/nnvm/src/compiler/alter_op_layout.cc index bb98240a7c60..abc0022c2a79 100644 --- a/nnvm/src/compiler/alter_op_layout.cc +++ b/nnvm/src/compiler/alter_op_layout.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file alter_op_layout.cc * \brief Alter the operator layouts. Keep inferred layouts (if any) from previous stages. * e.g., convolution may calculates faster with NCHW16c layout. diff --git a/nnvm/src/compiler/compile_engine.cc b/nnvm/src/compiler/compile_engine.cc index 2ae55b75c79f..c2c0aa82b902 100644 --- a/nnvm/src/compiler/compile_engine.cc +++ b/nnvm/src/compiler/compile_engine.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file compile_engine.cc * \brief The compile engine. */ diff --git a/nnvm/src/compiler/compile_engine.h b/nnvm/src/compiler/compile_engine.h index ec9a13b13b17..8151f6ced478 100644 --- a/nnvm/src/compiler/compile_engine.h +++ b/nnvm/src/compiler/compile_engine.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file compile_engine.h * \brief Internal engine to compile a subgraph fragment and cache compilation. */ diff --git a/nnvm/src/compiler/fold_scale_axis.cc b/nnvm/src/compiler/fold_scale_axis.cc index 54d7a3efd62b..6e5e73788c4c 100644 --- a/nnvm/src/compiler/fold_scale_axis.cc +++ b/nnvm/src/compiler/fold_scale_axis.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file fold_scale_axis.cc * \author Fold scaling parameter of axis into weight of conv/dense */ diff --git a/nnvm/src/compiler/graph_compile.cc b/nnvm/src/compiler/graph_compile.cc index c9330f3b665f..f3d04ff6c7b5 100644 --- a/nnvm/src/compiler/graph_compile.cc +++ b/nnvm/src/compiler/graph_compile.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file graph_compile.cc * \brief Compile a graph. It lowers the graph nodes into low level IR. */ diff --git a/nnvm/src/compiler/graph_fuse.cc b/nnvm/src/compiler/graph_fuse.cc index 2d9c64b12737..1b4a8e117555 100644 --- a/nnvm/src/compiler/graph_fuse.cc +++ b/nnvm/src/compiler/graph_fuse.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file graph_fuse.cc * \brief Fuse the operators together. */ diff --git a/nnvm/src/compiler/graph_fuse.h b/nnvm/src/compiler/graph_fuse.h index 1922acf72743..e5e51189dd94 100644 --- a/nnvm/src/compiler/graph_fuse.h +++ b/nnvm/src/compiler/graph_fuse.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file graph_fuse.h * \brief Definition of structs used by graph fusion */ diff --git a/nnvm/src/compiler/graph_hash.cc b/nnvm/src/compiler/graph_hash.cc index bbbc0dbea885..236a27375225 100644 --- a/nnvm/src/compiler/graph_hash.cc +++ b/nnvm/src/compiler/graph_hash.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file graph_deep_compare.cc * \brief Deep compare two graph structure */ diff --git a/nnvm/src/compiler/graph_hash.h b/nnvm/src/compiler/graph_hash.h index 6966a152224b..42c069b280c9 100644 --- a/nnvm/src/compiler/graph_hash.h +++ b/nnvm/src/compiler/graph_hash.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file graph_hash.h * \brief The graph hashing function. */ diff --git a/nnvm/src/compiler/graph_runtime.h b/nnvm/src/compiler/graph_runtime.h index 770c98e83261..252a6b243c3d 100644 --- a/nnvm/src/compiler/graph_runtime.h +++ b/nnvm/src/compiler/graph_runtime.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file graph_runtime.h * \brief Interface code with TVM graph runtime. */ diff --git a/nnvm/src/compiler/graph_transform.h b/nnvm/src/compiler/graph_transform.h index df8fab126dce..4b183bf2dd6c 100644 --- a/nnvm/src/compiler/graph_transform.h +++ b/nnvm/src/compiler/graph_transform.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file graph_transform.h * \brief A mutator class that does local pattern matching and mutates a node. */ diff --git a/nnvm/src/compiler/node_attr.h b/nnvm/src/compiler/node_attr.h index 74e064df59ee..cd11981bffec 100644 --- a/nnvm/src/compiler/node_attr.h +++ b/nnvm/src/compiler/node_attr.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file node_attr.h * \brief utility to access node attributes */ diff --git a/nnvm/src/compiler/packed_func_ext.cc b/nnvm/src/compiler/packed_func_ext.cc index 45f1451663e6..5680af1b2550 100644 --- a/nnvm/src/compiler/packed_func_ext.cc +++ b/nnvm/src/compiler/packed_func_ext.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file packed_func_ext.cc * \brief Registeration of extension type. */ diff --git a/nnvm/src/compiler/pattern_util.h b/nnvm/src/compiler/pattern_util.h index 83a142741e15..d3f9725caefa 100644 --- a/nnvm/src/compiler/pattern_util.h +++ b/nnvm/src/compiler/pattern_util.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file pattern_util.h * \brief Utilities for doing various pattern matching in graph. */ diff --git a/nnvm/src/compiler/precompute_prune.cc b/nnvm/src/compiler/precompute_prune.cc index 6116e9b2ca70..119a879db151 100644 --- a/nnvm/src/compiler/precompute_prune.cc +++ b/nnvm/src/compiler/precompute_prune.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file precompute_prune.cc * \brief Split the graph into a pre-compute graph and a execution graph. * diff --git a/nnvm/src/compiler/simplify_inference.cc b/nnvm/src/compiler/simplify_inference.cc index eade5a2df8b9..0e33a2260986 100644 --- a/nnvm/src/compiler/simplify_inference.cc +++ b/nnvm/src/compiler/simplify_inference.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file simplify_inference.cc * \author Ziheng Jiang */ diff --git a/nnvm/src/core/graph.cc b/nnvm/src/core/graph.cc index e2d6d36020f1..829924ea7d5c 100644 --- a/nnvm/src/core/graph.cc +++ b/nnvm/src/core/graph.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file graph_attr_types.cc * \brief Graph node data structure. */ diff --git a/nnvm/src/core/node.cc b/nnvm/src/core/node.cc index 7cd5386997fb..59e35243d8f8 100644 --- a/nnvm/src/core/node.cc +++ b/nnvm/src/core/node.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file node.cc * \brief Graph node data structure. */ diff --git a/nnvm/src/core/op.cc b/nnvm/src/core/op.cc index 6c6c5e733d9f..eb51d4b3cd74 100644 --- a/nnvm/src/core/op.cc +++ b/nnvm/src/core/op.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file op.cc * \brief Support for operator registry. */ diff --git a/nnvm/src/core/pass.cc b/nnvm/src/core/pass.cc index dd14b51138d5..b43d470f3eb3 100644 --- a/nnvm/src/core/pass.cc +++ b/nnvm/src/core/pass.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file pass.cc * \brief Support for pass registry. */ diff --git a/nnvm/src/core/symbolic.cc b/nnvm/src/core/symbolic.cc index 32664b58ad10..884dae7372f8 100644 --- a/nnvm/src/core/symbolic.cc +++ b/nnvm/src/core/symbolic.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file symbolic.cc * \brief Symbolic graph composition API. */ diff --git a/nnvm/src/pass/correct_layout.cc b/nnvm/src/pass/correct_layout.cc index 4ce4b72a87dd..ae1a6971cd04 100644 --- a/nnvm/src/pass/correct_layout.cc +++ b/nnvm/src/pass/correct_layout.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file correct_layout.cc * \brief Infer and correct layout. */ diff --git a/nnvm/src/pass/gradient.cc b/nnvm/src/pass/gradient.cc index b1b1e3a506e3..3e925222504c 100644 --- a/nnvm/src/pass/gradient.cc +++ b/nnvm/src/pass/gradient.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file gradients.cc * \brief Passes that takes gradient of the graph * This code code was modified based on mxnet codebase by Min Lin diff --git a/nnvm/src/pass/graph_algorithm.h b/nnvm/src/pass/graph_algorithm.h index 69b241b489d5..1d274ff3b96d 100644 --- a/nnvm/src/pass/graph_algorithm.h +++ b/nnvm/src/pass/graph_algorithm.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file graph_algorithm.h * \brief This header contains graph algorithms on StaticGraph. * It is used compute informations such as whether two diff --git a/nnvm/src/pass/infer_shape_type.cc b/nnvm/src/pass/infer_shape_type.cc index 1f6c82a3c769..a5797736209f 100644 --- a/nnvm/src/pass/infer_shape_type.cc +++ b/nnvm/src/pass/infer_shape_type.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file infer_shape.cc * \brief Inference the shapes given existin information. */ diff --git a/nnvm/src/pass/order_mutation.cc b/nnvm/src/pass/order_mutation.cc index 0f74180bf5af..6f43da282ee4 100644 --- a/nnvm/src/pass/order_mutation.cc +++ b/nnvm/src/pass/order_mutation.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file order_mutation.cc * \brief Add control flow dependencies between nodes * To correctly order mutation and read to resolve diff --git a/nnvm/src/pass/place_device.cc b/nnvm/src/pass/place_device.cc index 3e1e9b8db9e6..a0c0fb2f534a 100644 --- a/nnvm/src/pass/place_device.cc +++ b/nnvm/src/pass/place_device.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file place_device.cc * \brief Inference the device of each operator given known information. * Insert a copy node automatically when there is a cross device. diff --git a/nnvm/src/pass/plan_memory.cc b/nnvm/src/pass/plan_memory.cc index 9b8fa0c32de5..f59a3006cf4c 100644 --- a/nnvm/src/pass/plan_memory.cc +++ b/nnvm/src/pass/plan_memory.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file plan_memory.cc * \brief Assign memory tag to each of the data entries. */ diff --git a/nnvm/src/pass/print_graph_ir.cc b/nnvm/src/pass/print_graph_ir.cc index cb94a0db6875..a0127abe10f4 100644 --- a/nnvm/src/pass/print_graph_ir.cc +++ b/nnvm/src/pass/print_graph_ir.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file print_graph_ir.cc * \brief Print the graph IR in LLVM style human readable format. */ diff --git a/nnvm/src/pass/saveload_json.cc b/nnvm/src/pass/saveload_json.cc index 2343a1229131..69d4a05f66e8 100644 --- a/nnvm/src/pass/saveload_json.cc +++ b/nnvm/src/pass/saveload_json.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file saveload_json.cc * \brief Save and load graph to/from JSON file. */ diff --git a/nnvm/src/top/elemwise_op_common.h b/nnvm/src/top/elemwise_op_common.h index af2c7523d415..1864850eb436 100644 --- a/nnvm/src/top/elemwise_op_common.h +++ b/nnvm/src/top/elemwise_op_common.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file elemwise_op_common.h * \brief Common operator utilities */ diff --git a/nnvm/src/top/image/resize.cc b/nnvm/src/top/image/resize.cc index 41a8bc616292..a50b4ac961ea 100644 --- a/nnvm/src/top/image/resize.cc +++ b/nnvm/src/top/image/resize.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file resize.cc * \brief Property def of resize operators. */ diff --git a/nnvm/src/top/image/resize.h b/nnvm/src/top/image/resize.h index 831425e55094..8c894140fabc 100644 --- a/nnvm/src/top/image/resize.h +++ b/nnvm/src/top/image/resize.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file resize.h */ #ifndef NNVM_TOP_IMAGE_RESIZE_H_ diff --git a/nnvm/src/top/nn/convolution.cc b/nnvm/src/top/nn/convolution.cc index 2ab84e375bad..5c3b2d35991d 100644 --- a/nnvm/src/top/nn/convolution.cc +++ b/nnvm/src/top/nn/convolution.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file convolution.cc * \brief Convolution operators */ diff --git a/nnvm/src/top/nn/nn.cc b/nnvm/src/top/nn/nn.cc index 19438cd64524..ec3643bef306 100644 --- a/nnvm/src/top/nn/nn.cc +++ b/nnvm/src/top/nn/nn.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file nn.cc * \brief Property def of nn operators. */ diff --git a/nnvm/src/top/nn/nn_common.h b/nnvm/src/top/nn/nn_common.h index a2ef789efd97..d7ce420b6d94 100644 --- a/nnvm/src/top/nn/nn_common.h +++ b/nnvm/src/top/nn/nn_common.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file nn_common.h * \brief Common utilities for nn ops. */ diff --git a/nnvm/src/top/nn/pooling.cc b/nnvm/src/top/nn/pooling.cc index 13c698babc90..11ca637d3b06 100644 --- a/nnvm/src/top/nn/pooling.cc +++ b/nnvm/src/top/nn/pooling.cc @@ -19,7 +19,6 @@ /*! - * Copyright (c) 2017 by Contributors * \file pooling.cc * \brief Property def of pooling operators. */ diff --git a/nnvm/src/top/op_common.h b/nnvm/src/top/op_common.h index 64475fe3e6e8..7213e1c9c116 100644 --- a/nnvm/src/top/op_common.h +++ b/nnvm/src/top/op_common.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file op_common.h * \brief Common operator utilities */ diff --git a/nnvm/src/top/tensor/broadcast.cc b/nnvm/src/top/tensor/broadcast.cc index 7916d41ffee7..39a06bd210f8 100644 --- a/nnvm/src/top/tensor/broadcast.cc +++ b/nnvm/src/top/tensor/broadcast.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file broadcast.cc * \brief broadcast operator. */ diff --git a/nnvm/src/top/tensor/elemwise.cc b/nnvm/src/top/tensor/elemwise.cc index b8be1150286d..7a79db041755 100644 --- a/nnvm/src/top/tensor/elemwise.cc +++ b/nnvm/src/top/tensor/elemwise.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file elemwise.cc * \brief Elemenwise operators */ diff --git a/nnvm/src/top/tensor/matrix_op.cc b/nnvm/src/top/tensor/matrix_op.cc index ed54b8d75cba..b1810f40de20 100644 --- a/nnvm/src/top/tensor/matrix_op.cc +++ b/nnvm/src/top/tensor/matrix_op.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file matrix_op.cc * \brief Matrix operators */ diff --git a/nnvm/src/top/tensor/reduce.cc b/nnvm/src/top/tensor/reduce.cc index e95b16ddf6a4..dd8e23cf6fe9 100644 --- a/nnvm/src/top/tensor/reduce.cc +++ b/nnvm/src/top/tensor/reduce.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file reduce.cc * \brief reduce operator. */ diff --git a/nnvm/src/top/tensor/state_op.cc b/nnvm/src/top/tensor/state_op.cc index c92e5c1c9dc5..23c7158aecd3 100644 --- a/nnvm/src/top/tensor/state_op.cc +++ b/nnvm/src/top/tensor/state_op.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file state_op.cc * \brief Experimental operators * Currently we only support assign diff --git a/nnvm/src/top/tensor/transform.cc b/nnvm/src/top/tensor/transform.cc index ab18c2d7337a..efe24faae18d 100644 --- a/nnvm/src/top/tensor/transform.cc +++ b/nnvm/src/top/tensor/transform.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file transform.cc * \brief Injective transformation of shape or type. */ diff --git a/nnvm/src/top/vision/nms.cc b/nnvm/src/top/vision/nms.cc index 81761758aa14..ec97408284e5 100644 --- a/nnvm/src/top/vision/nms.cc +++ b/nnvm/src/top/vision/nms.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file nms.cc * \brief Property def of SSD non-maximum suppression operator. */ diff --git a/nnvm/src/top/vision/ssd/mutibox_op.cc b/nnvm/src/top/vision/ssd/mutibox_op.cc index 4eaf91056be2..47f2f82a8664 100644 --- a/nnvm/src/top/vision/ssd/mutibox_op.cc +++ b/nnvm/src/top/vision/ssd/mutibox_op.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file multibox_op.cc * \brief Property def of SSD multibox related operators. */ diff --git a/nnvm/src/top/vision/yolo/reorg.cc b/nnvm/src/top/vision/yolo/reorg.cc index 569dc0f0daf5..c16d46ff4652 100644 --- a/nnvm/src/top/vision/yolo/reorg.cc +++ b/nnvm/src/top/vision/yolo/reorg.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file reorg.cc */ #include diff --git a/nnvm/src/top/vision/yolo/reorg.h b/nnvm/src/top/vision/yolo/reorg.h index 8a9cace6848e..53549df3634a 100644 --- a/nnvm/src/top/vision/yolo/reorg.h +++ b/nnvm/src/top/vision/yolo/reorg.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file reorg.h */ #ifndef NNVM_TOP_VISION_YOLO_REORG_H_ diff --git a/nnvm/tutorials/web/resnet.html b/nnvm/tutorials/web/resnet.html index b858fbc19770..13531a3809c0 100644 --- a/nnvm/tutorials/web/resnet.html +++ b/nnvm/tutorials/web/resnet.html @@ -1,4 +1,21 @@ + + + + + + + + + + + + + + + + + diff --git a/src/api/api_arith.cc b/src/api/api_arith.cc index c57e2afaa8eb..499d43d745ce 100644 --- a/src/api/api_arith.cc +++ b/src/api/api_arith.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * Implementation of API functions related to arith * \file api_arith.cc */ diff --git a/src/api/api_base.cc b/src/api/api_base.cc index 42367efb15bb..cbefaa464ded 100644 --- a/src/api/api_base.cc +++ b/src/api/api_base.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * Implementation of basic API functions * \file api_base.cc */ diff --git a/src/api/api_codegen.cc b/src/api/api_codegen.cc index f2ca67e6e2f9..5b6050da4168 100644 --- a/src/api/api_codegen.cc +++ b/src/api/api_codegen.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * Implementation of API functions related to Codegen * \file c_api_codegen.cc */ diff --git a/src/api/api_pass.cc b/src/api/api_pass.cc index 6994e2dbfccb..bcafe0904ed2 100644 --- a/src/api/api_pass.cc +++ b/src/api/api_pass.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * Exposre of pass functions. * \file api_pass.cc */ diff --git a/src/api/api_test.cc b/src/api/api_test.cc index f04bddbc1298..3900b568a676 100644 --- a/src/api/api_test.cc +++ b/src/api/api_test.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * Code mainly used for test purposes. * \file api_test.cc */ diff --git a/src/arithmetic/analyzer.cc b/src/arithmetic/analyzer.cc index 98e25742592d..404f88ded7b0 100644 --- a/src/arithmetic/analyzer.cc +++ b/src/arithmetic/analyzer.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file tvm/arithmetic/analyzer.cc */ #include diff --git a/src/arithmetic/bound_deducer.cc b/src/arithmetic/bound_deducer.cc index 9c3a706e2ad0..31fedcc72cde 100644 --- a/src/arithmetic/bound_deducer.cc +++ b/src/arithmetic/bound_deducer.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file bound_deducer.cc * \brief Utility to deduce bound of expression */ diff --git a/src/arithmetic/const_int_bound.cc b/src/arithmetic/const_int_bound.cc index d494a50d128d..6e119695a8c8 100644 --- a/src/arithmetic/const_int_bound.cc +++ b/src/arithmetic/const_int_bound.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file tvm/arithmetic/const_int_bound.cc */ #include diff --git a/src/arithmetic/detect_linear_equation.cc b/src/arithmetic/detect_linear_equation.cc index 7da020efc42a..8c7f4f2bb738 100644 --- a/src/arithmetic/detect_linear_equation.cc +++ b/src/arithmetic/detect_linear_equation.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file detect_linear_equation.cc * \brief Utility to detect patterns in the expression. */ diff --git a/src/arithmetic/domain_touched.cc b/src/arithmetic/domain_touched.cc index fee6512b9f18..c28346ed2e33 100644 --- a/src/arithmetic/domain_touched.cc +++ b/src/arithmetic/domain_touched.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file bound_deducer.cc * \brief Utility to deduce bound of expression */ diff --git a/src/arithmetic/int_operator.h b/src/arithmetic/int_operator.h index e1694a3fcd20..e3adf1fa269f 100644 --- a/src/arithmetic/int_operator.h +++ b/src/arithmetic/int_operator.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file int_operator.h * \brief Additional useful operators for integer. */ diff --git a/src/autotvm/feature_visitor.cc b/src/autotvm/feature_visitor.cc index 7f2057fd0602..a75164cb8b15 100644 --- a/src/autotvm/feature_visitor.cc +++ b/src/autotvm/feature_visitor.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file feature_visitor.cc * \brief Base class for feature extractor. * These features are used for machine learning cost model diff --git a/src/autotvm/feature_visitor.h b/src/autotvm/feature_visitor.h index 348182961eef..a14c934756f1 100644 --- a/src/autotvm/feature_visitor.h +++ b/src/autotvm/feature_visitor.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file feature_visitor.h * \brief Base class for feature extractor. * These features are used for machine learning cost model diff --git a/src/autotvm/touch_extractor.cc b/src/autotvm/touch_extractor.cc index d40ebd68676b..101d8f1aa57f 100644 --- a/src/autotvm/touch_extractor.cc +++ b/src/autotvm/touch_extractor.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file touch_extractor.cc * \brief Extract feature of touch pattern of axes in lowered IR */ diff --git a/src/autotvm/touch_extractor.h b/src/autotvm/touch_extractor.h index cad37895280f..e6690641edc6 100644 --- a/src/autotvm/touch_extractor.h +++ b/src/autotvm/touch_extractor.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file touch_extractor.h * \brief Extract feature of touch pattern of axes in lowered IR */ diff --git a/src/codegen/build_common.h b/src/codegen/build_common.h index 0bb4002a2f18..8a21aeea7eee 100644 --- a/src/codegen/build_common.h +++ b/src/codegen/build_common.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * Common build utilities * \file build_common.h */ diff --git a/src/codegen/codegen.cc b/src/codegen/codegen.cc index 4ea37ba7317b..8464e3dbbb2a 100644 --- a/src/codegen/codegen.cc +++ b/src/codegen/codegen.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file codegen.cc * \brief Common utilities to generated C style code. */ diff --git a/src/codegen/codegen_aocl.cc b/src/codegen/codegen_aocl.cc index 03b9b6869d17..625682b5380e 100644 --- a/src/codegen/codegen_aocl.cc +++ b/src/codegen/codegen_aocl.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file codegen_aocl.cc */ #include diff --git a/src/codegen/codegen_c.cc b/src/codegen/codegen_c.cc index ab203f2aa28a..eab542dd3e08 100644 --- a/src/codegen/codegen_c.cc +++ b/src/codegen/codegen_c.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file codegen_c.cc */ #include diff --git a/src/codegen/codegen_c.h b/src/codegen/codegen_c.h index 5cd30f1c5074..8701cda1e14c 100644 --- a/src/codegen/codegen_c.h +++ b/src/codegen/codegen_c.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file codegen_c.h * \brief Common utilities to generated C style code. */ diff --git a/src/codegen/codegen_c_host.cc b/src/codegen/codegen_c_host.cc index ef010ee050f2..8e8c6633c22c 100644 --- a/src/codegen/codegen_c_host.cc +++ b/src/codegen/codegen_c_host.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file codegen_c_host.cc */ #include diff --git a/src/codegen/codegen_c_host.h b/src/codegen/codegen_c_host.h index ad18383f98c4..1b3271fd2c6b 100644 --- a/src/codegen/codegen_c_host.h +++ b/src/codegen/codegen_c_host.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file codegen_c_host.h * \brief Generate C host code. */ diff --git a/src/codegen/codegen_cuda.cc b/src/codegen/codegen_cuda.cc index 2a412823d6ef..6656fa07740d 100644 --- a/src/codegen/codegen_cuda.cc +++ b/src/codegen/codegen_cuda.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file codegen_cuda.cc */ #include diff --git a/src/codegen/codegen_cuda.h b/src/codegen/codegen_cuda.h index 53e7db45efc6..efb300415b56 100644 --- a/src/codegen/codegen_cuda.h +++ b/src/codegen/codegen_cuda.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file codegen_cuda.h * \brief Utility to generate cuda code */ diff --git a/src/codegen/codegen_metal.cc b/src/codegen/codegen_metal.cc index acd131f62fc6..311bdcbfa8d4 100644 --- a/src/codegen/codegen_metal.cc +++ b/src/codegen/codegen_metal.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file codegen_metal.cc */ #include diff --git a/src/codegen/codegen_metal.h b/src/codegen/codegen_metal.h index 02d5451c581d..c009cd1e9169 100644 --- a/src/codegen/codegen_metal.h +++ b/src/codegen/codegen_metal.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file codegen_metal.h * \brief Generate Metal device code. */ diff --git a/src/codegen/codegen_opencl.cc b/src/codegen/codegen_opencl.cc index 3120bb543aea..49dccb173ed3 100644 --- a/src/codegen/codegen_opencl.cc +++ b/src/codegen/codegen_opencl.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file codegen_opencl.cc */ #include diff --git a/src/codegen/codegen_opencl.h b/src/codegen/codegen_opencl.h index 36a55a545cbd..32f4501276e7 100644 --- a/src/codegen/codegen_opencl.h +++ b/src/codegen/codegen_opencl.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file codegen_opencl.h * \brief Generate OpenCL device code. */ diff --git a/src/codegen/codegen_opengl.cc b/src/codegen/codegen_opengl.cc index 5b14abbcf7dc..52e04db12480 100644 --- a/src/codegen/codegen_opengl.cc +++ b/src/codegen/codegen_opengl.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file codegen_opengl.cc * * We are targeting OpenGL 3.3. The reason of not targeting a recent version diff --git a/src/codegen/codegen_opengl.h b/src/codegen/codegen_opengl.h index a938aef388cb..d18052f5f46c 100644 --- a/src/codegen/codegen_opengl.h +++ b/src/codegen/codegen_opengl.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file codegen_opengl.h * \brief Generate OpenGL device code. */ diff --git a/src/codegen/codegen_source_base.cc b/src/codegen/codegen_source_base.cc index 84609a9a928a..9a9f525d40f1 100644 --- a/src/codegen/codegen_source_base.cc +++ b/src/codegen/codegen_source_base.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file codegen_source_base.cc */ #include "codegen_source_base.h" diff --git a/src/codegen/codegen_source_base.h b/src/codegen/codegen_source_base.h index 8013208cd997..e0608c6afbde 100644 --- a/src/codegen/codegen_source_base.h +++ b/src/codegen/codegen_source_base.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file codegen_source_base.h * \brief Common utilities to source code in text form. */ diff --git a/src/codegen/codegen_vhls.cc b/src/codegen/codegen_vhls.cc index 4d86cc5b4b00..84329f90ddfc 100644 --- a/src/codegen/codegen_vhls.cc +++ b/src/codegen/codegen_vhls.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file codegen_vhls.cc */ #include diff --git a/src/codegen/codegen_vhls.h b/src/codegen/codegen_vhls.h index 3604d2b4ef7f..4ec7b105385d 100644 --- a/src/codegen/codegen_vhls.h +++ b/src/codegen/codegen_vhls.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file codegen_vhls.h * \brief Utility to generate vhls code */ diff --git a/src/codegen/intrin_rule.cc b/src/codegen/intrin_rule.cc index 4745f6d0fd16..f765c0095ce1 100644 --- a/src/codegen/intrin_rule.cc +++ b/src/codegen/intrin_rule.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file intrin_rule_default.cc * \brief Default intrinsic rules. */ diff --git a/src/codegen/intrin_rule.h b/src/codegen/intrin_rule.h index 79badadab01f..9f3bd793dd39 100644 --- a/src/codegen/intrin_rule.h +++ b/src/codegen/intrin_rule.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file intrin_rule.h * \brief Utility to generate intrinsic rules */ diff --git a/src/codegen/intrin_rule_aocl.cc b/src/codegen/intrin_rule_aocl.cc index 7016c33610f7..07e35f875320 100644 --- a/src/codegen/intrin_rule_aocl.cc +++ b/src/codegen/intrin_rule_aocl.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file intrin_rule_aocl.cc * \brief AOCL intrinsic rules. */ diff --git a/src/codegen/intrin_rule_cuda.cc b/src/codegen/intrin_rule_cuda.cc index 118f51185472..4fed20fce51d 100644 --- a/src/codegen/intrin_rule_cuda.cc +++ b/src/codegen/intrin_rule_cuda.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file intrin_rule_cuda.cc * \brief CUDA intrinsic rules. */ diff --git a/src/codegen/intrin_rule_metal.cc b/src/codegen/intrin_rule_metal.cc index 2f6474d4d36c..88cb8756eb25 100644 --- a/src/codegen/intrin_rule_metal.cc +++ b/src/codegen/intrin_rule_metal.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file intrin_rule_metal.cc * \brief Metal intrinsic rules. */ diff --git a/src/codegen/intrin_rule_opencl.cc b/src/codegen/intrin_rule_opencl.cc index c8ceeca2107c..246747cc361d 100644 --- a/src/codegen/intrin_rule_opencl.cc +++ b/src/codegen/intrin_rule_opencl.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file intrin_rule_opencl.cc * \brief OpenCL intrinsic rules. */ diff --git a/src/codegen/intrin_rule_opengl.cc b/src/codegen/intrin_rule_opengl.cc index 7d0e7c44c8e6..557ab48f240a 100644 --- a/src/codegen/intrin_rule_opengl.cc +++ b/src/codegen/intrin_rule_opengl.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file intrin_rule_opencl.cc * \brief OpenCL intrinsic rules. */ diff --git a/src/codegen/intrin_rule_vhls.cc b/src/codegen/intrin_rule_vhls.cc index 1ec90636829e..57cfb97173f0 100644 --- a/src/codegen/intrin_rule_vhls.cc +++ b/src/codegen/intrin_rule_vhls.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file intrin_rule_vhls.cc * \brief VHLS intrinsic rules. */ diff --git a/src/codegen/literal/cuda_half_t.h b/src/codegen/literal/cuda_half_t.h index 0889032aadd4..94e9528bc832 100644 --- a/src/codegen/literal/cuda_half_t.h +++ b/src/codegen/literal/cuda_half_t.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file cuda_half_t.h * \brief half_t (fp16) definition for cuda codegen. */ diff --git a/src/codegen/llvm/codegen_amdgpu.cc b/src/codegen/llvm/codegen_amdgpu.cc index c49029520aa5..799f7aa56f5c 100644 --- a/src/codegen/llvm/codegen_amdgpu.cc +++ b/src/codegen/llvm/codegen_amdgpu.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file codegen_amdgpu.cc * \brief AMDGPU code generator. */ diff --git a/src/codegen/llvm/codegen_arm.cc b/src/codegen/llvm/codegen_arm.cc index 3518ef168234..9b21455605c3 100644 --- a/src/codegen/llvm/codegen_arm.cc +++ b/src/codegen/llvm/codegen_arm.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file codegen_arm.cc * \brief ARM specific code generator */ diff --git a/src/codegen/llvm/codegen_llvm.cc b/src/codegen/llvm/codegen_llvm.cc index de54e242ff40..2cff88b0bbf4 100644 --- a/src/codegen/llvm/codegen_llvm.cc +++ b/src/codegen/llvm/codegen_llvm.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file codegen_llvm.cc */ #ifdef TVM_LLVM_VERSION diff --git a/src/codegen/llvm/codegen_llvm.h b/src/codegen/llvm/codegen_llvm.h index 13dc6acee27c..b7d091b3921b 100644 --- a/src/codegen/llvm/codegen_llvm.h +++ b/src/codegen/llvm/codegen_llvm.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file codegen_llvm.h * \brief Common base class for generating into LLVM IR */ diff --git a/src/codegen/llvm/codegen_nvptx.cc b/src/codegen/llvm/codegen_nvptx.cc index 20e160aebdb6..51893d277c85 100644 --- a/src/codegen/llvm/codegen_nvptx.cc +++ b/src/codegen/llvm/codegen_nvptx.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file codegen_nvptx.cc * \brief NVPTX code generator. */ diff --git a/src/codegen/llvm/codegen_x86_64.cc b/src/codegen/llvm/codegen_x86_64.cc index 3a07f4f93d8a..804d9b2f1b37 100644 --- a/src/codegen/llvm/codegen_x86_64.cc +++ b/src/codegen/llvm/codegen_x86_64.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file codegen_x86_64.cc * \brief X86-64 specific code generator */ diff --git a/src/codegen/llvm/intrin_rule_llvm.cc b/src/codegen/llvm/intrin_rule_llvm.cc index e324fa0dcf3b..fd28d7e4594a 100644 --- a/src/codegen/llvm/intrin_rule_llvm.cc +++ b/src/codegen/llvm/intrin_rule_llvm.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file intrin_rule_llvm.cc */ #ifdef TVM_LLVM_VERSION diff --git a/src/codegen/llvm/intrin_rule_llvm.h b/src/codegen/llvm/intrin_rule_llvm.h index 69fe09a20eeb..c0b5241e8876 100644 --- a/src/codegen/llvm/intrin_rule_llvm.h +++ b/src/codegen/llvm/intrin_rule_llvm.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file intrin_rule_llvm.h * \brief Common utilities for llvm intrinsics. */ diff --git a/src/codegen/llvm/intrin_rule_nvptx.cc b/src/codegen/llvm/intrin_rule_nvptx.cc index d121b915c953..4718cf78062e 100644 --- a/src/codegen/llvm/intrin_rule_nvptx.cc +++ b/src/codegen/llvm/intrin_rule_nvptx.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file intrin_rule_nvptx.cc */ #ifdef TVM_LLVM_VERSION diff --git a/src/codegen/llvm/intrin_rule_rocm.cc b/src/codegen/llvm/intrin_rule_rocm.cc index 45f3c13ef971..aaaf0ca99325 100644 --- a/src/codegen/llvm/intrin_rule_rocm.cc +++ b/src/codegen/llvm/intrin_rule_rocm.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file intrin_rule_rocm.cc */ #ifdef TVM_LLVM_VERSION diff --git a/src/codegen/llvm/llvm_common.cc b/src/codegen/llvm/llvm_common.cc index f6bac712b302..64008e622bcd 100644 --- a/src/codegen/llvm/llvm_common.cc +++ b/src/codegen/llvm/llvm_common.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file llvm_common.cc */ #ifdef TVM_LLVM_VERSION diff --git a/src/codegen/llvm/llvm_common.h b/src/codegen/llvm/llvm_common.h index 78baf4131a57..c16229f5f10a 100644 --- a/src/codegen/llvm/llvm_common.h +++ b/src/codegen/llvm/llvm_common.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file llvm_common.h * \brief Common utilities for llvm initialization. */ diff --git a/src/codegen/opt/build_aocl_off.cc b/src/codegen/opt/build_aocl_off.cc index fc0e8e1f1b7c..eac8965d0f3b 100644 --- a/src/codegen/opt/build_aocl_off.cc +++ b/src/codegen/opt/build_aocl_off.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * Optional module when build aocl is switched to off */ #include "../codegen_source_base.h" diff --git a/src/codegen/opt/build_cuda_off.cc b/src/codegen/opt/build_cuda_off.cc index e3d690a76a71..4f941a504f93 100644 --- a/src/codegen/opt/build_cuda_off.cc +++ b/src/codegen/opt/build_cuda_off.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * Optional module when build cuda is switched to off */ #include "../../runtime/cuda/cuda_module.h" diff --git a/src/codegen/opt/build_cuda_on.cc b/src/codegen/opt/build_cuda_on.cc index e2a788f1bbd4..1992ac5d90bd 100644 --- a/src/codegen/opt/build_cuda_on.cc +++ b/src/codegen/opt/build_cuda_on.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * Build cuda modules from source. * requires cuda to be available. * diff --git a/src/codegen/opt/build_metal_off.cc b/src/codegen/opt/build_metal_off.cc index c1c065ea3778..e98218f3ffdb 100644 --- a/src/codegen/opt/build_metal_off.cc +++ b/src/codegen/opt/build_metal_off.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * Optional module when build metal is switched to off */ #include "../codegen_source_base.h" diff --git a/src/codegen/opt/build_opencl_off.cc b/src/codegen/opt/build_opencl_off.cc index e686cfb5850d..405b39260831 100644 --- a/src/codegen/opt/build_opencl_off.cc +++ b/src/codegen/opt/build_opencl_off.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * Optional module when build opencl is switched to off */ #include "../codegen_source_base.h" diff --git a/src/codegen/opt/build_opengl_off.cc b/src/codegen/opt/build_opengl_off.cc index 2aa767b1e249..dc3f246175f2 100644 --- a/src/codegen/opt/build_opengl_off.cc +++ b/src/codegen/opt/build_opengl_off.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * Optional module when build opencl is switched to off */ #include "../codegen_source_base.h" diff --git a/src/codegen/opt/build_rocm_off.cc b/src/codegen/opt/build_rocm_off.cc index c84825b82f43..74e99f288eed 100644 --- a/src/codegen/opt/build_rocm_off.cc +++ b/src/codegen/opt/build_rocm_off.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * Optional module when build rocm is switched to off */ #include "../codegen_source_base.h" diff --git a/src/codegen/opt/build_sdaccel_off.cc b/src/codegen/opt/build_sdaccel_off.cc index c65018c57ea4..8828b389b665 100644 --- a/src/codegen/opt/build_sdaccel_off.cc +++ b/src/codegen/opt/build_sdaccel_off.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * Optional module when build opencl is switched to off */ #include "../codegen_source_base.h" diff --git a/src/codegen/spirv/build_vulkan.cc b/src/codegen/spirv/build_vulkan.cc index ca0bb65c39a4..fb66d896f389 100644 --- a/src/codegen/spirv/build_vulkan.cc +++ b/src/codegen/spirv/build_vulkan.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file build_vulkan.cc * \brief Build SPIRV block */ diff --git a/src/codegen/spirv/codegen_spirv.cc b/src/codegen/spirv/codegen_spirv.cc index 6a3b0571c9ab..be2b6cc668eb 100644 --- a/src/codegen/spirv/codegen_spirv.cc +++ b/src/codegen/spirv/codegen_spirv.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file codegen_spirv.cc * \brief Generate SPIRV block */ diff --git a/src/codegen/spirv/codegen_spirv.h b/src/codegen/spirv/codegen_spirv.h index dcc2ee230a22..eca361493e80 100644 --- a/src/codegen/spirv/codegen_spirv.h +++ b/src/codegen/spirv/codegen_spirv.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file ir_builder.h * \brief Utility for building SPIRV code block */ diff --git a/src/codegen/spirv/ir_builder.cc b/src/codegen/spirv/ir_builder.cc index b7bc42c86802..35d57d7cc3f8 100644 --- a/src/codegen/spirv/ir_builder.cc +++ b/src/codegen/spirv/ir_builder.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file ir_builder.cc * \brief IRBuilder for SPIRV block */ diff --git a/src/codegen/spirv/ir_builder.h b/src/codegen/spirv/ir_builder.h index ed2e5fadd51b..c04af743fbb8 100644 --- a/src/codegen/spirv/ir_builder.h +++ b/src/codegen/spirv/ir_builder.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file ir_builder.h * \brief Utility for building SPIRV code block */ diff --git a/src/codegen/stackvm/codegen_stackvm.cc b/src/codegen/stackvm/codegen_stackvm.cc index 2d71a20a6232..fd2a5f764ff6 100644 --- a/src/codegen/stackvm/codegen_stackvm.cc +++ b/src/codegen/stackvm/codegen_stackvm.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file codegen_stackvm.cc */ #include diff --git a/src/codegen/stackvm/codegen_stackvm.h b/src/codegen/stackvm/codegen_stackvm.h index 73af8ad630a5..1e6dd64476aa 100644 --- a/src/codegen/stackvm/codegen_stackvm.h +++ b/src/codegen/stackvm/codegen_stackvm.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file codegen_stack_vm.h * \brief Codegen into Simple Stack VM. */ diff --git a/src/common/arena.h b/src/common/arena.h index 5a70f20f98b6..8f9dbc7cd545 100644 --- a/src/common/arena.h +++ b/src/common/arena.h @@ -18,7 +18,6 @@ */ /*! - * Copyright 2018 by Contributors * * \file arena.h * \brief Arena allocator that allocates diff --git a/src/common/base64.h b/src/common/base64.h index 94fc1453030d..a2d8af83201a 100644 --- a/src/common/base64.h +++ b/src/common/base64.h @@ -18,7 +18,6 @@ */ /*! - * Copyright 2018 by Contributors * * \file base64.h * \brief data stream support to input and output from/to base64 stream diff --git a/src/common/pipe.h b/src/common/pipe.h index 4f049638ecb1..fe3fa235686f 100644 --- a/src/common/pipe.h +++ b/src/common/pipe.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file pipe.h * \brief Platform independent pipe, used for IPC. */ diff --git a/src/common/ring_buffer.h b/src/common/ring_buffer.h index ebb8a362003a..f548acf1846b 100644 --- a/src/common/ring_buffer.h +++ b/src/common/ring_buffer.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file ring_buffer.h * \brief this file aims to provide a wrapper of sockets */ diff --git a/src/common/socket.h b/src/common/socket.h index 07fcfa83c99e..e49fb384faf9 100644 --- a/src/common/socket.h +++ b/src/common/socket.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file socket.h * \brief this file aims to provide a wrapper of sockets * \author Tianqi Chen diff --git a/src/common/util.h b/src/common/util.h index 85db7f387093..b1d469c3b4f2 100644 --- a/src/common/util.h +++ b/src/common/util.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file util.h * \brief Defines some common utility function.. */ diff --git a/src/contrib/hybrid/codegen_hybrid.cc b/src/contrib/hybrid/codegen_hybrid.cc index 778b6b1a7811..9e55d9be13d5 100644 --- a/src/contrib/hybrid/codegen_hybrid.cc +++ b/src/contrib/hybrid/codegen_hybrid.cc @@ -17,7 +17,7 @@ * under the License. */ -/*! Copyright (c) 2019 by Contributors +/*! * \file codegen_hybrid.cc */ #include diff --git a/src/lang/api_registry.cc b/src/lang/api_registry.cc index 3c486767c724..d6a413e987cf 100644 --- a/src/lang/api_registry.cc +++ b/src/lang/api_registry.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file api_registry.cc */ #include diff --git a/src/lang/attrs.cc b/src/lang/attrs.cc index 0b036c31c8e1..007a68b1e629 100644 --- a/src/lang/attrs.cc +++ b/src/lang/attrs.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file attrs.cc */ #include diff --git a/src/lang/buffer.cc b/src/lang/buffer.cc index bc14e2bc009f..77e741086a59 100644 --- a/src/lang/buffer.cc +++ b/src/lang/buffer.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file buffer.cc */ #include diff --git a/src/lang/channel.cc b/src/lang/channel.cc index c564d61477b7..cb3e2f566c77 100644 --- a/src/lang/channel.cc +++ b/src/lang/channel.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file channel.cc */ #include diff --git a/src/lang/data_layout.cc b/src/lang/data_layout.cc index 35139bb2b87f..5393bbffb148 100644 --- a/src/lang/data_layout.cc +++ b/src/lang/data_layout.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file src/lang/data_layout.cc * \brief Data Layout expression. */ diff --git a/src/lang/lowered_func.cc b/src/lang/lowered_func.cc index cb1ee0585a0c..2ef648b975c8 100644 --- a/src/lang/lowered_func.cc +++ b/src/lang/lowered_func.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file lowered_func.cc */ #include diff --git a/src/lang/tensor.cc b/src/lang/tensor.cc index db90e4e021ba..05ba6f7a08bd 100644 --- a/src/lang/tensor.cc +++ b/src/lang/tensor.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file tensor.cc */ #include diff --git a/src/op/compute_op.h b/src/op/compute_op.h index 5e51873344c7..f5735d887333 100644 --- a/src/op/compute_op.h +++ b/src/op/compute_op.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \brief Helper utilities to implement compute_op. * \file compute_op.h */ diff --git a/src/op/cross_thread_reduction.cc b/src/op/cross_thread_reduction.cc index cde46bfaa1b5..818acb912f9c 100644 --- a/src/op/cross_thread_reduction.cc +++ b/src/op/cross_thread_reduction.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \brief Logics related to cross thread reduction, used by ComputeOpNode. * \file cross_thread_reduction.cc */ diff --git a/src/op/hybrid_op.h b/src/op/hybrid_op.h index f8a3f86468d0..3e7b8a2ea764 100644 --- a/src/op/hybrid_op.h +++ b/src/op/hybrid_op.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \brief Helper utilities to implement hybrid_op. * \file hybrid_op.h */ diff --git a/src/op/op_util.h b/src/op/op_util.h index 82e88cfc1177..b57000f66e6b 100644 --- a/src/op/op_util.h +++ b/src/op/op_util.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file op_util.h * \brief Common utility used in operator construction. */ diff --git a/src/op/placeholder_op.cc b/src/op/placeholder_op.cc index 4d08fa316ae8..91b0589e3dd0 100644 --- a/src/op/placeholder_op.cc +++ b/src/op/placeholder_op.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \brief Placeholder op. * \file placeholder_op.cc */ diff --git a/src/op/tensor_compute_op.cc b/src/op/tensor_compute_op.cc index 6533b0e8657a..83cdd76c2b2a 100644 --- a/src/op/tensor_compute_op.cc +++ b/src/op/tensor_compute_op.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \brief Tensor Compute Op. * \file tensor_compute_op.cc */ diff --git a/src/op/tensorize.cc b/src/op/tensorize.cc index d9b09eba1c1e..c4abf0b04141 100644 --- a/src/op/tensorize.cc +++ b/src/op/tensorize.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \brief Logics related to tensorize, used by ComputeOpNode. * \file tensorize.cc */ diff --git a/src/pass/arg_binder.h b/src/pass/arg_binder.h index f235ea49faac..71f0dbe209fe 100644 --- a/src/pass/arg_binder.h +++ b/src/pass/arg_binder.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file arg_binder.h * \brief Helper utility to match and bind arguments. */ diff --git a/src/pass/bound_checker.cc b/src/pass/bound_checker.cc index 274d8c68f787..55f98474994a 100644 --- a/src/pass/bound_checker.cc +++ b/src/pass/bound_checker.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file bounds_checker.cc */ // Instrument checkers for out of the bounds access. diff --git a/src/pass/combine_context_call.cc b/src/pass/combine_context_call.cc index 1e2842deb856..d7fb77961b4b 100644 --- a/src/pass/combine_context_call.cc +++ b/src/pass/combine_context_call.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * Combine calls into context related function into one. * * \file combine_context_call.cc diff --git a/src/pass/coproc_sync.cc b/src/pass/coproc_sync.cc index d40b370d73fa..3dacb6d5bff7 100644 --- a/src/pass/coproc_sync.cc +++ b/src/pass/coproc_sync.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file coproc_sync.cc */ #include diff --git a/src/pass/detect_device.cc b/src/pass/detect_device.cc index 548f623c25a8..92e368b62d20 100644 --- a/src/pass/detect_device.cc +++ b/src/pass/detect_device.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file detect_device.cc */ diff --git a/src/pass/infer_fragment.cc b/src/pass/infer_fragment.cc index d9c0ef04787b..71da645474b0 100644 --- a/src/pass/infer_fragment.cc +++ b/src/pass/infer_fragment.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \brief Infer TensorCore metadata from tensor intrinsic. * \file tensorcore_fragment.cc */ diff --git a/src/pass/inject_copy_intrin.cc b/src/pass/inject_copy_intrin.cc index d73e78e7f08b..3b148361fbfc 100644 --- a/src/pass/inject_copy_intrin.cc +++ b/src/pass/inject_copy_intrin.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \brief Replace certain copy with copy intrinsics. * \file copy_intrin_rewrite.cc */ diff --git a/src/pass/inline.cc b/src/pass/inline.cc index f1c5ea4646dc..5c32b88ec26f 100644 --- a/src/pass/inline.cc +++ b/src/pass/inline.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file inline.cc */ #include diff --git a/src/pass/ir_deep_compare.cc b/src/pass/ir_deep_compare.cc index 1e7a9ffdfc16..cb859d07f07b 100644 --- a/src/pass/ir_deep_compare.cc +++ b/src/pass/ir_deep_compare.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file ir_deep_compare.cc */ #include diff --git a/src/pass/ir_mutator.cc b/src/pass/ir_mutator.cc index c8e46c9129a5..f79a1ab8fe3b 100644 --- a/src/pass/ir_mutator.cc +++ b/src/pass/ir_mutator.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file ir_mutator.cc */ #include diff --git a/src/pass/ir_util.cc b/src/pass/ir_util.cc index d53b91b33b9f..8b6e66135235 100644 --- a/src/pass/ir_util.cc +++ b/src/pass/ir_util.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file ir_util.cc * \brief Helper functions to construct and compose IR nodes. */ diff --git a/src/pass/ir_util.h b/src/pass/ir_util.h index 29e212cc5af4..690feca135ef 100644 --- a/src/pass/ir_util.h +++ b/src/pass/ir_util.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file ir_util.h * \brief Helper functions to construct and compose IR nodes. */ diff --git a/src/pass/ir_visitor.cc b/src/pass/ir_visitor.cc index 38c8490c0560..204c0f75fe4a 100644 --- a/src/pass/ir_visitor.cc +++ b/src/pass/ir_visitor.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file ir_visitor.cc */ #include diff --git a/src/pass/lift_attr_scope.cc b/src/pass/lift_attr_scope.cc index e300400e6a28..adcaaebd6d6e 100644 --- a/src/pass/lift_attr_scope.cc +++ b/src/pass/lift_attr_scope.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * * \brief Lift specified AttrStmt scope to outer if * the body contains the same scope. diff --git a/src/pass/loop_partition.cc b/src/pass/loop_partition.cc index 1d669c8b39f1..ef5cc9c4fa9f 100644 --- a/src/pass/loop_partition.cc +++ b/src/pass/loop_partition.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file loop_partition.cc */ #include diff --git a/src/pass/lower_custom_datatypes.cc b/src/pass/lower_custom_datatypes.cc index 7598ef49eee0..3e71868ce3bc 100644 --- a/src/pass/lower_custom_datatypes.cc +++ b/src/pass/lower_custom_datatypes.cc @@ -17,7 +17,6 @@ * under the License. */ /*! - * Copyright (c) 2019 by Contributors * \file tvm/src/pass/lower_custom_datatypes.cc * \brief Pass for lowering custom datatypes */ diff --git a/src/pass/lower_thread_allreduce.cc b/src/pass/lower_thread_allreduce.cc index b63010f9c28d..e8ea52e886cc 100644 --- a/src/pass/lower_thread_allreduce.cc +++ b/src/pass/lower_thread_allreduce.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * Lower allreduce to device implementable ir. * \file lower_thread_allreduce.cc */ diff --git a/src/pass/lower_tvm_builtin.cc b/src/pass/lower_tvm_builtin.cc index 79329cbe717f..e73956cb3d62 100644 --- a/src/pass/lower_tvm_builtin.cc +++ b/src/pass/lower_tvm_builtin.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * Lower TVM related buildin intrinsics such as packed call. * \file lower_tvm_buildin.cc */ diff --git a/src/pass/make_api.cc b/src/pass/make_api.cc index d7e6d02d72ed..45228ed3f09c 100644 --- a/src/pass/make_api.cc +++ b/src/pass/make_api.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file make_api.cc Build API function. */ #include diff --git a/src/pass/narrow_channel_access.cc b/src/pass/narrow_channel_access.cc index a6f3d67bb33c..13c4e5141e8d 100644 --- a/src/pass/narrow_channel_access.cc +++ b/src/pass/narrow_channel_access.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file narrow_channel_access.cc * \brief Narrow channel access to a smaller range * when possible by bringing it to the internal loop. diff --git a/src/pass/remap_thread_axis.cc b/src/pass/remap_thread_axis.cc index 3e3ed80db2e4..f3f0d009573d 100644 --- a/src/pass/remap_thread_axis.cc +++ b/src/pass/remap_thread_axis.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file remap_thread_axis.cc */ #include diff --git a/src/pass/remove_no_op.cc b/src/pass/remove_no_op.cc index c7797f44fc59..68bc7149c6f1 100644 --- a/src/pass/remove_no_op.cc +++ b/src/pass/remove_no_op.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file remove_no_op.cc * \brief Remove no op from the stmt */ diff --git a/src/pass/rewrite_unsafe_select.cc b/src/pass/rewrite_unsafe_select.cc index 62db0b414be1..25ed03963524 100644 --- a/src/pass/rewrite_unsafe_select.cc +++ b/src/pass/rewrite_unsafe_select.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file unsafe_select_rewrite.cc * \brief Rewrite uinsafe select expression. */ diff --git a/src/pass/simple_passes.cc b/src/pass/simple_passes.cc index 853badfd055d..06579f31e17a 100644 --- a/src/pass/simple_passes.cc +++ b/src/pass/simple_passes.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file simple_passes.cc * \brief Implementation of simple passes */ diff --git a/src/pass/split_host_device.cc b/src/pass/split_host_device.cc index 6fac7be20acf..2239e5a07b07 100644 --- a/src/pass/split_host_device.cc +++ b/src/pass/split_host_device.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file split_host_device.cc * \brief Split device function from host. */ diff --git a/src/pass/split_pipeline.cc b/src/pass/split_pipeline.cc index f33566cb051c..7aefb1bc4ead 100644 --- a/src/pass/split_pipeline.cc +++ b/src/pass/split_pipeline.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file split_pipeline.cc * \brief Split statement into pipeline stage modules. */ diff --git a/src/pass/ssa.cc b/src/pass/ssa.cc index f481e3650e84..83fc032bb7be 100644 --- a/src/pass/ssa.cc +++ b/src/pass/ssa.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * SSA related checks and pass. * * SSA requires each varaible to be only defined once. diff --git a/src/pass/storage_access.cc b/src/pass/storage_access.cc index 8cad36d0e287..6f9e18fa4eb8 100644 --- a/src/pass/storage_access.cc +++ b/src/pass/storage_access.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file storage_access.cc */ #include diff --git a/src/pass/storage_access.h b/src/pass/storage_access.h index 4c31463eb086..8832b5231cbf 100644 --- a/src/pass/storage_access.h +++ b/src/pass/storage_access.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file storage_access.h * \brief Common data structure for storage access analysis. */ diff --git a/src/pass/storage_flatten.cc b/src/pass/storage_flatten.cc index eb7314e8a290..3851e1c55af1 100644 --- a/src/pass/storage_flatten.cc +++ b/src/pass/storage_flatten.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file storage_flatten.cc */ // Flattens storage from multi-dimensional array to 1D diff --git a/src/pass/storage_sync.cc b/src/pass/storage_sync.cc index 34dac52b6d85..69b1a31e3ef4 100644 --- a/src/pass/storage_sync.cc +++ b/src/pass/storage_sync.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file storage_sync.cc */ #include diff --git a/src/pass/tensor_core.cc b/src/pass/tensor_core.cc index 183ed3bce76b..b85542725a58 100644 --- a/src/pass/tensor_core.cc +++ b/src/pass/tensor_core.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file tensor_core.cc */ // IR Passes for TensorCore CodeGen diff --git a/src/pass/verify_compact_buffer.cc b/src/pass/verify_compact_buffer.cc index 9dd765f8f715..c2131f6c7687 100644 --- a/src/pass/verify_compact_buffer.cc +++ b/src/pass/verify_compact_buffer.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file verify_compact_buffer.cc * \brief Verify if there was any compact buffer bound to a statement. */ diff --git a/src/pass/verify_gpu_code.cc b/src/pass/verify_gpu_code.cc index d5cd46b1ba09..d01cb66d1b0a 100644 --- a/src/pass/verify_gpu_code.cc +++ b/src/pass/verify_gpu_code.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file verify_gpu_code.cc * \brief Verify the correctness of a GPU IR. * It will check the whether the amount of memory usage or the number of threads diff --git a/src/pass/verify_memory.cc b/src/pass/verify_memory.cc index 0069182f8367..1d7bb3d8425b 100644 --- a/src/pass/verify_memory.cc +++ b/src/pass/verify_memory.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file verify_memory.cc * \brief Pass to check if memory accesses are legal. */ diff --git a/src/relay/backend/compile_engine.h b/src/relay/backend/compile_engine.h index 65f5eed8d405..31e246ecf1fe 100644 --- a/src/relay/backend/compile_engine.h +++ b/src/relay/backend/compile_engine.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file relay/backend/compile_engine.h * \brief Internal compialtion engine handle function cache. * and interface to low level code generation. diff --git a/src/relay/backend/graph_plan_memory.cc b/src/relay/backend/graph_plan_memory.cc index 91a597baceaf..71aa5cf6634a 100644 --- a/src/relay/backend/graph_plan_memory.cc +++ b/src/relay/backend/graph_plan_memory.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file relay/backend/graph_mem_alloca.cc * \brief Memory index assignment pass for executing * the program in the graph runtime. diff --git a/src/relay/backend/param_dict.h b/src/relay/backend/param_dict.h index e7695dc74c09..aa3c0244118f 100644 --- a/src/relay/backend/param_dict.h +++ b/src/relay/backend/param_dict.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file param_dict.h * \brief Definitions for serializing and deserializing parameter dictionaries. */ diff --git a/src/relay/backend/utils.h b/src/relay/backend/utils.h index 1436a1396e10..05ebdbd88192 100644 --- a/src/relay/backend/utils.h +++ b/src/relay/backend/utils.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file relay/backend/utils.h * \brief Utils function for backend */ diff --git a/src/relay/backend/vm/compiler.h b/src/relay/backend/vm/compiler.h index db319c49b2f3..8cdb12e4dafa 100644 --- a/src/relay/backend/vm/compiler.h +++ b/src/relay/backend/vm/compiler.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file src/relay/backend/vm/compiler.h * \brief A compiler from relay::Module to the VM byte code. */ diff --git a/src/relay/backend/vm/inline_primitives.cc b/src/relay/backend/vm/inline_primitives.cc index 1e561f8a8214..3bb1458b0758 100644 --- a/src/relay/backend/vm/inline_primitives.cc +++ b/src/relay/backend/vm/inline_primitives.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file tvm/relay/backend/vm/inline_primitives.cc * \brief Ensure that primitives only appear in the call position. */ diff --git a/src/relay/backend/vm/lambda_lift.cc b/src/relay/backend/vm/lambda_lift.cc index 6ef31e626dbb..7f21defc9d12 100644 --- a/src/relay/backend/vm/lambda_lift.cc +++ b/src/relay/backend/vm/lambda_lift.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file tvm/relay/backend/vm/lambda_lift.cc * \brief Lift all local functions into global functions. */ diff --git a/src/relay/backend/vm/removed_unused_funcs.cc b/src/relay/backend/vm/removed_unused_funcs.cc index cd75586ba844..ee44e26fdfa1 100644 --- a/src/relay/backend/vm/removed_unused_funcs.cc +++ b/src/relay/backend/vm/removed_unused_funcs.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file tvm/relay/backend/vm/remove_unused_funcs.cc * \brief Remove unused global relay functions in a relay module. */ diff --git a/src/relay/ir/doc.cc b/src/relay/ir/doc.cc index 38fa464d1316..b92254a2bd70 100644 --- a/src/relay/ir/doc.cc +++ b/src/relay/ir/doc.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file src/tvm/relay/doc.cc * \brief Doc ADT used for pretty printing. * Based on Section 1 of https://homepages.inf.ed.ac.uk/wadler/papers/prettier/prettier.pdf. diff --git a/src/relay/ir/doc.h b/src/relay/ir/doc.h index 6a10b60bc700..9d26c40eb6ad 100644 --- a/src/relay/ir/doc.h +++ b/src/relay/ir/doc.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file tvm/relay/doc.h * \brief Doc ADT used for pretty printing. * Based on Section 1 of diff --git a/src/relay/ir/error.cc b/src/relay/ir/error.cc index 5ed51f5fd281..33273f972ea8 100644 --- a/src/relay/ir/error.cc +++ b/src/relay/ir/error.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file error_reporter.h * \brief The set of errors raised by Relay. */ diff --git a/src/relay/ir/op.cc b/src/relay/ir/op.cc index f915092f05f5..7b5217d4c066 100644 --- a/src/relay/ir/op.cc +++ b/src/relay/ir/op.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file src/tvm/relay/op.cc * \brief Resolve incomplete types to complete types. */ diff --git a/src/relay/ir/pattern_functor.cc b/src/relay/ir/pattern_functor.cc index 5095373331ea..cfe8f345f5f8 100644 --- a/src/relay/ir/pattern_functor.cc +++ b/src/relay/ir/pattern_functor.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file src/relay/ir/pattern_functor.cc * \brief Implementations of visitors and mutators for ADT patterns. */ diff --git a/src/relay/ir/pretty_printer.cc b/src/relay/ir/pretty_printer.cc index f42069b99603..374e15368df9 100644 --- a/src/relay/ir/pretty_printer.cc +++ b/src/relay/ir/pretty_printer.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file pretty_printer.cc * \brief Pretty printer for Relay programs * Supports ANF, GNF, and metadata. diff --git a/src/relay/ir/type_functor.cc b/src/relay/ir/type_functor.cc index b93d9cc79433..3ac0564e7ec5 100644 --- a/src/relay/ir/type_functor.cc +++ b/src/relay/ir/type_functor.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file type_functor.cc * \brief Implementations of type functors. */ diff --git a/src/relay/op/algorithm/argsort.cc b/src/relay/op/algorithm/argsort.cc index 78e7ff6851d6..b64d656b66a0 100644 --- a/src/relay/op/algorithm/argsort.cc +++ b/src/relay/op/algorithm/argsort.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file argsort.cc * \brief Argsort operators */ diff --git a/src/relay/op/algorithm/topk.cc b/src/relay/op/algorithm/topk.cc index 207ed01fe454..ecb3f7d3be05 100644 --- a/src/relay/op/algorithm/topk.cc +++ b/src/relay/op/algorithm/topk.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file topk.cc * \brief TopK operators */ diff --git a/src/relay/op/annotation/annotation.cc b/src/relay/op/annotation/annotation.cc index f79208b2aaf5..f5674fa06adb 100644 --- a/src/relay/op/annotation/annotation.cc +++ b/src/relay/op/annotation/annotation.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * * \file src/relay/op/annotation/annotation.cc * \brief Registration of annotation operators. diff --git a/src/relay/op/debug.cc b/src/relay/op/debug.cc index c9d6c32a85fb..f7f800fccb10 100644 --- a/src/relay/op/debug.cc +++ b/src/relay/op/debug.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file nn.cc * \brief Property def of nn operators. */ diff --git a/src/relay/op/device_copy.cc b/src/relay/op/device_copy.cc index 229e6b687261..51aff4154f73 100644 --- a/src/relay/op/device_copy.cc +++ b/src/relay/op/device_copy.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * * \file src/relay/op/device_copy.cc * \brief Crossing device data copy operator. diff --git a/src/relay/op/image/resize.cc b/src/relay/op/image/resize.cc index 001dd217cf83..a65312316076 100644 --- a/src/relay/op/image/resize.cc +++ b/src/relay/op/image/resize.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file resize.cc * \brief Image operators */ diff --git a/src/relay/op/nn/bitserial.cc b/src/relay/op/nn/bitserial.cc index 7afaa805544a..d70f1af9b164 100644 --- a/src/relay/op/nn/bitserial.cc +++ b/src/relay/op/nn/bitserial.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file bitserial.cc * \brief Property def of bitserial operators. */ diff --git a/src/relay/op/nn/convolution.cc b/src/relay/op/nn/convolution.cc index 002a246e210d..65e71bec4dea 100644 --- a/src/relay/op/nn/convolution.cc +++ b/src/relay/op/nn/convolution.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file convolution.cc * \brief Convolution operators */ diff --git a/src/relay/op/nn/convolution.h b/src/relay/op/nn/convolution.h index 19b84dd2fe31..01437302bc92 100644 --- a/src/relay/op/nn/convolution.h +++ b/src/relay/op/nn/convolution.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file src/relay/op/nn/convolution.h * \brief Properties def of convlution operator for sharing. */ diff --git a/src/relay/op/nn/nn.cc b/src/relay/op/nn/nn.cc index d3a71787a837..d1f7325b7e75 100644 --- a/src/relay/op/nn/nn.cc +++ b/src/relay/op/nn/nn.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file nn.cc * \brief Property def of nn operators. */ diff --git a/src/relay/op/nn/nn.h b/src/relay/op/nn/nn.h index 684bae708662..110e4353982e 100644 --- a/src/relay/op/nn/nn.h +++ b/src/relay/op/nn/nn.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file src/relay/op/nn/nn.h * \brief Properties def of nn operators for sharing. */ diff --git a/src/relay/op/nn/pad.cc b/src/relay/op/nn/pad.cc index d625f1976941..44bb287f2ee8 100644 --- a/src/relay/op/nn/pad.cc +++ b/src/relay/op/nn/pad.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file pad.cc * \brief Implementation of operator pad */ diff --git a/src/relay/op/nn/pooling.cc b/src/relay/op/nn/pooling.cc index 99d184fd8f65..8915fc5b6a76 100644 --- a/src/relay/op/nn/pooling.cc +++ b/src/relay/op/nn/pooling.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file pooling.cc * \brief Pooling operators */ diff --git a/src/relay/op/nn/sparse.cc b/src/relay/op/nn/sparse.cc index 08bbbef9eec9..a2d89c40bca8 100644 --- a/src/relay/op/nn/sparse.cc +++ b/src/relay/op/nn/sparse.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file sparse.cc * \brief Property def of nn.sparse_dense operator. */ diff --git a/src/relay/op/nn/upsampling.cc b/src/relay/op/nn/upsampling.cc index e044722380ce..6cdf6fc0c7b5 100644 --- a/src/relay/op/nn/upsampling.cc +++ b/src/relay/op/nn/upsampling.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file upsampling.cc * \brief upsampling operator */ diff --git a/src/relay/op/op_common.h b/src/relay/op/op_common.h index 281e51e82679..5cf9851ecb44 100644 --- a/src/relay/op/op_common.h +++ b/src/relay/op/op_common.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file op_common.h * \brief A set of utilities and common functionality * for relay ops. diff --git a/src/relay/op/tensor/binary.cc b/src/relay/op/tensor/binary.cc index f1cdfcc2075f..f2f899657bc0 100644 --- a/src/relay/op/tensor/binary.cc +++ b/src/relay/op/tensor/binary.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file binary.cc * \brief binary broadcast operators. */ diff --git a/src/relay/op/tensor/reduce.cc b/src/relay/op/tensor/reduce.cc index 3a2d4692f522..48f35ea49d07 100644 --- a/src/relay/op/tensor/reduce.cc +++ b/src/relay/op/tensor/reduce.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file reduce.cc * \brief Reduction operators. */ diff --git a/src/relay/op/tensor/transform.h b/src/relay/op/tensor/transform.h index 60ff8549864f..a702db898e4e 100644 --- a/src/relay/op/tensor/transform.h +++ b/src/relay/op/tensor/transform.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file src/relay/op/tensor/transform.h * \brief Transform op attributes that can be shared among Relay and its dialects. */ diff --git a/src/relay/op/tensor/unary.cc b/src/relay/op/tensor/unary.cc index e78a166c0154..710c910794c8 100644 --- a/src/relay/op/tensor/unary.cc +++ b/src/relay/op/tensor/unary.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file unary.cc * \brief Unary operators. */ diff --git a/src/relay/op/type_relations.cc b/src/relay/op/type_relations.cc index d280b83b36cb..559c41195b50 100644 --- a/src/relay/op/type_relations.cc +++ b/src/relay/op/type_relations.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file type_relations.cc * \brief A set of utilities and common functionality * for type relations. diff --git a/src/relay/op/type_relations.h b/src/relay/op/type_relations.h index 2244b9c73156..f52bf782d3d2 100644 --- a/src/relay/op/type_relations.h +++ b/src/relay/op/type_relations.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file tvm/relay/op/type_relations.h * \brief A set of utilities and common functionality * for type relations. diff --git a/src/relay/op/vision/multibox_op.cc b/src/relay/op/vision/multibox_op.cc index f329cfdd710b..19662e42d513 100644 --- a/src/relay/op/vision/multibox_op.cc +++ b/src/relay/op/vision/multibox_op.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file multibox_op.cc * \brief Multibox related operators */ diff --git a/src/relay/op/vision/nms.cc b/src/relay/op/vision/nms.cc index c0160e7d7128..07b5d1aa449b 100644 --- a/src/relay/op/vision/nms.cc +++ b/src/relay/op/vision/nms.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file nms.cc * \brief Non-maximum suppression operators */ diff --git a/src/relay/op/vision/rcnn_op.cc b/src/relay/op/vision/rcnn_op.cc index 0522ab845fad..52440969ae59 100644 --- a/src/relay/op/vision/rcnn_op.cc +++ b/src/relay/op/vision/rcnn_op.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file rcnn_op.cc * \brief Faster RCNN and Mask RCNN operators */ diff --git a/src/relay/op/vision/yolo.cc b/src/relay/op/vision/yolo.cc index a55bf0231956..fe0684376c39 100644 --- a/src/relay/op/vision/yolo.cc +++ b/src/relay/op/vision/yolo.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file yolo.cc * \brief Yolo related operators */ diff --git a/src/relay/pass/alter_op_layout.h b/src/relay/pass/alter_op_layout.h index 97b4c08bcb08..49bf35c8a81f 100644 --- a/src/relay/pass/alter_op_layout.h +++ b/src/relay/pass/alter_op_layout.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file alter_op_layout.h * \brief Alternate the layouts of operators or replace primitive operators with other expressions. This pass can be used for computing convolution in diff --git a/src/relay/pass/canonicalize_cast.cc b/src/relay/pass/canonicalize_cast.cc index 04fec248f81c..fa306ea922dc 100644 --- a/src/relay/pass/canonicalize_cast.cc +++ b/src/relay/pass/canonicalize_cast.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file canonicalize_cast.cc * \brief Canonicalize cast expressions to make operator fusion more efficient. */ diff --git a/src/relay/pass/canonicalize_ops.cc b/src/relay/pass/canonicalize_ops.cc index fc0c43d200e5..9755154732a1 100644 --- a/src/relay/pass/canonicalize_ops.cc +++ b/src/relay/pass/canonicalize_ops.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file canonicalize_ops.cc * \brief Canonicalize special operators to basic operators. This can simplify latter analysis. (e.g. Expand bias_add to expand_dims and broadcast_add.) diff --git a/src/relay/pass/combine_parallel_conv2d.cc b/src/relay/pass/combine_parallel_conv2d.cc index bc9685f815cb..a7100ee79130 100644 --- a/src/relay/pass/combine_parallel_conv2d.cc +++ b/src/relay/pass/combine_parallel_conv2d.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * * \file combine_parallel_conv2d.cc * \brief Combine parallel 2d convolutions into a single convolution. diff --git a/src/relay/pass/combine_parallel_dense.cc b/src/relay/pass/combine_parallel_dense.cc index 7b00fef9bd36..e7a03dabfac2 100644 --- a/src/relay/pass/combine_parallel_dense.cc +++ b/src/relay/pass/combine_parallel_dense.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * * \file combine_parallel_dense.cc * \brief Combine parallel dense ops into a single dense. diff --git a/src/relay/pass/combine_parallel_op.cc b/src/relay/pass/combine_parallel_op.cc index 35e5bff6d63c..081216c10232 100644 --- a/src/relay/pass/combine_parallel_op.cc +++ b/src/relay/pass/combine_parallel_op.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * * \file combine_parallel_op.cc * \brief Abstract class to combine parallel ops and their successive element-wise ops. diff --git a/src/relay/pass/combine_parallel_op.h b/src/relay/pass/combine_parallel_op.h index 756dba98a707..9004b0437660 100644 --- a/src/relay/pass/combine_parallel_op.h +++ b/src/relay/pass/combine_parallel_op.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * * \file combine_parallel_op.h * \brief Abstract class to combine parallel ops and their successive element-wise ops. diff --git a/src/relay/pass/combine_parallel_op_batch.cc b/src/relay/pass/combine_parallel_op_batch.cc index 235b230dfb31..75cebfa840d8 100644 --- a/src/relay/pass/combine_parallel_op_batch.cc +++ b/src/relay/pass/combine_parallel_op_batch.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * * \file combine_parallel_op_batch.cc * \brief Combine parallel ops into a single batch op. diff --git a/src/relay/pass/combine_parallel_op_batch.h b/src/relay/pass/combine_parallel_op_batch.h index 84ef8d353985..7dcbe765de45 100644 --- a/src/relay/pass/combine_parallel_op_batch.h +++ b/src/relay/pass/combine_parallel_op_batch.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file combine_parallel_op_batch.cc * \brief Combine parallel ops into a single batch op. */ diff --git a/src/relay/pass/de_duplicate.cc b/src/relay/pass/de_duplicate.cc index 38acdcde94b0..af25e9fbac5d 100644 --- a/src/relay/pass/de_duplicate.cc +++ b/src/relay/pass/de_duplicate.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * * \file de_duplicate.cc * \brief Use a fresh Id for every Var to make the result well-formed. diff --git a/src/relay/pass/dead_code.cc b/src/relay/pass/dead_code.cc index 9e46677366bc..df16baeeed7b 100644 --- a/src/relay/pass/dead_code.cc +++ b/src/relay/pass/dead_code.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * * \file dead_code.cc * diff --git a/src/relay/pass/dependency_graph.cc b/src/relay/pass/dependency_graph.cc index a9018266589a..42b829fc3c73 100644 --- a/src/relay/pass/dependency_graph.cc +++ b/src/relay/pass/dependency_graph.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file tvm/relay/pass/dependency_graph.cc * \brief */ diff --git a/src/relay/pass/dependency_graph.h b/src/relay/pass/dependency_graph.h index 5e2b08c352f0..6b2af7e156a8 100644 --- a/src/relay/pass/dependency_graph.h +++ b/src/relay/pass/dependency_graph.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors. * \file tvm/relay/pass/dependency_graph.h * \brief create a dependency graph. */ diff --git a/src/relay/pass/eliminate_common_subexpr.cc b/src/relay/pass/eliminate_common_subexpr.cc index 33a791b2bd99..07827d2c8e14 100644 --- a/src/relay/pass/eliminate_common_subexpr.cc +++ b/src/relay/pass/eliminate_common_subexpr.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * * \file eliminate_common_subexpr.cc * \brief Combine common subexpressions. diff --git a/src/relay/pass/expr_subst.cc b/src/relay/pass/expr_subst.cc index 0d5e4238f60e..baca63233338 100644 --- a/src/relay/pass/expr_subst.cc +++ b/src/relay/pass/expr_subst.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file expr_subst.h * \brief Utility functions for substituting expressions. */ diff --git a/src/relay/pass/expr_subst.h b/src/relay/pass/expr_subst.h index c83575e942d9..bc53d3f51be0 100644 --- a/src/relay/pass/expr_subst.h +++ b/src/relay/pass/expr_subst.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file expr_subst.h * \brief Utility functions for substituting expressions. */ diff --git a/src/relay/pass/feature.cc b/src/relay/pass/feature.cc index 2c5e7ab3b984..d610f9523f8a 100644 --- a/src/relay/pass/feature.cc +++ b/src/relay/pass/feature.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file feature.cc * \brief Detect features used in Expr/Module */ diff --git a/src/relay/pass/fold_constant.cc b/src/relay/pass/fold_constant.cc index 7724950312b5..b034c5699fe3 100644 --- a/src/relay/pass/fold_constant.cc +++ b/src/relay/pass/fold_constant.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file constant_folding.cc */ #include diff --git a/src/relay/pass/forward_rewrite.cc b/src/relay/pass/forward_rewrite.cc index f7d463a0547e..fe5cc36cba95 100644 --- a/src/relay/pass/forward_rewrite.cc +++ b/src/relay/pass/forward_rewrite.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * * \file forward_rewrite.cc * \brief Apply rewriting rules in a forward fashion. diff --git a/src/relay/pass/fuse_ops.cc b/src/relay/pass/fuse_ops.cc index 226ca6d397b1..904d24657cad 100644 --- a/src/relay/pass/fuse_ops.cc +++ b/src/relay/pass/fuse_ops.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * * \file src/tvm/relay/pass/fuse_ops.cc * diff --git a/src/relay/pass/gradient.cc b/src/relay/pass/gradient.cc index b93c110a71c6..69d12c26f103 100644 --- a/src/relay/pass/gradient.cc +++ b/src/relay/pass/gradient.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file ad.cc * \brief API for Automatic Differentiation for the Relay IR. */ diff --git a/src/relay/pass/kind_check.cc b/src/relay/pass/kind_check.cc index c0f4a7c5967d..3bd8e870e013 100644 --- a/src/relay/pass/kind_check.cc +++ b/src/relay/pass/kind_check.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * * \file kindchecker.cc * diff --git a/src/relay/pass/legalize.cc b/src/relay/pass/legalize.cc index daed47afdcb3..d2554d46a01c 100644 --- a/src/relay/pass/legalize.cc +++ b/src/relay/pass/legalize.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file legalize.cc * \brief Converts an expr to another expr. This pass can be used to transform an op based on its * shape, dtype or layout to another op or a sequence of ops. diff --git a/src/relay/pass/let_list.h b/src/relay/pass/let_list.h index 94b5ea3ad42a..e37ffa9c48bf 100644 --- a/src/relay/pass/let_list.h +++ b/src/relay/pass/let_list.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file let_list.h * \brief LetList record let binding and insert let expression implicitly. * using it, one can treat AST as value instead of expression, diff --git a/src/relay/pass/mac_count.cc b/src/relay/pass/mac_count.cc index 000783c5bf01..86bf97223e74 100644 --- a/src/relay/pass/mac_count.cc +++ b/src/relay/pass/mac_count.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * * \file mac_count.cc * \brief Pass to roughly count the number of MACs (Multiply-Accumulate) diff --git a/src/relay/pass/match_exhaustion.cc b/src/relay/pass/match_exhaustion.cc index 07331a1b02bd..6c1752922efc 100644 --- a/src/relay/pass/match_exhaustion.cc +++ b/src/relay/pass/match_exhaustion.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file match_exhaustion.cc * \brief Checking Relay match expression exhaustiveness. * diff --git a/src/relay/pass/pass_util.h b/src/relay/pass/pass_util.h index 7f7fc8060e85..225ce610d909 100644 --- a/src/relay/pass/pass_util.h +++ b/src/relay/pass/pass_util.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors. * * \file tvm/relay/pass/pass_util.h * \brief Utilities for writing passes diff --git a/src/relay/pass/pattern_util.h b/src/relay/pass/pattern_util.h index 0921e1309547..b1a6ef160a4d 100644 --- a/src/relay/pass/pattern_util.h +++ b/src/relay/pass/pattern_util.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors. * * \file tvm/relay/pass/pattern_util.h * \brief Header of internal operator functions diff --git a/src/relay/pass/print_ir.cc b/src/relay/pass/print_ir.cc index 5542d262e621..e32865a27f63 100644 --- a/src/relay/pass/print_ir.cc +++ b/src/relay/pass/print_ir.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * * \file src/relay/pass/print_ir.cc * diff --git a/src/relay/pass/quantize/annotate.cc b/src/relay/pass/quantize/annotate.cc index 31e95fc6fb8d..c834d8e868fa 100644 --- a/src/relay/pass/quantize/annotate.cc +++ b/src/relay/pass/quantize/annotate.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * * \file annotate.cc * diff --git a/src/relay/pass/quantize/calibrate.cc b/src/relay/pass/quantize/calibrate.cc index 9757e58922dd..4f17d68ac54c 100644 --- a/src/relay/pass/quantize/calibrate.cc +++ b/src/relay/pass/quantize/calibrate.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * * \file calibrate.cc * diff --git a/src/relay/pass/quantize/partition.cc b/src/relay/pass/quantize/partition.cc index f66aed3549a2..691483102937 100644 --- a/src/relay/pass/quantize/partition.cc +++ b/src/relay/pass/quantize/partition.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * * \file partition.cc * diff --git a/src/relay/pass/quantize/realize.cc b/src/relay/pass/quantize/realize.cc index a0e8ffc0ff04..4cf84f43e90b 100644 --- a/src/relay/pass/quantize/realize.cc +++ b/src/relay/pass/quantize/realize.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * * \file realize.cc * diff --git a/src/relay/pass/simplify_inference.cc b/src/relay/pass/simplify_inference.cc index b80d92c2580f..773e042af09c 100644 --- a/src/relay/pass/simplify_inference.cc +++ b/src/relay/pass/simplify_inference.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file simplify_inference.cc */ #include diff --git a/src/relay/pass/to_a_normal_form.cc b/src/relay/pass/to_a_normal_form.cc index d5869a5806a4..3cce4b6b81a5 100644 --- a/src/relay/pass/to_a_normal_form.cc +++ b/src/relay/pass/to_a_normal_form.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * * \file to_a_normal_form.cc * diff --git a/src/relay/pass/to_cps.cc b/src/relay/pass/to_cps.cc index 0654ebf03c17..c20695becd6c 100644 --- a/src/relay/pass/to_cps.cc +++ b/src/relay/pass/to_cps.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * * \file to_cps.cc * diff --git a/src/relay/pass/to_graph_normal_form.cc b/src/relay/pass/to_graph_normal_form.cc index d269dcd4df58..5060c13fc75f 100644 --- a/src/relay/pass/to_graph_normal_form.cc +++ b/src/relay/pass/to_graph_normal_form.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * * \file to_gnf.cc * diff --git a/src/relay/pass/type_infer.cc b/src/relay/pass/type_infer.cc index 9d6878170bb5..8fff8131657a 100644 --- a/src/relay/pass/type_infer.cc +++ b/src/relay/pass/type_infer.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file type_infer.cc * \brief Relay type inference and checking. * diff --git a/src/relay/pass/type_solver.cc b/src/relay/pass/type_solver.cc index 9b8cf888b4ea..8376d3669899 100644 --- a/src/relay/pass/type_solver.cc +++ b/src/relay/pass/type_solver.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file type_solver.cc * \brief Type solver implementations. */ diff --git a/src/relay/pass/type_solver.h b/src/relay/pass/type_solver.h index 4a6d2cfa7756..fa9ef7a15646 100644 --- a/src/relay/pass/type_solver.h +++ b/src/relay/pass/type_solver.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file type_solver.h * \brief Solver logic for type inference. */ diff --git a/src/relay/pass/util.cc b/src/relay/pass/util.cc index fe1cc14b304d..334c98ba308a 100644 --- a/src/relay/pass/util.cc +++ b/src/relay/pass/util.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * * \file util.cc * diff --git a/src/relay/pass/well_formed.cc b/src/relay/pass/well_formed.cc index 99f34bdd1d2a..abcedd2ab483 100644 --- a/src/relay/pass/well_formed.cc +++ b/src/relay/pass/well_formed.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file well_formed.cc * \brief check that expression is well formed. */ diff --git a/src/relay/qnn/op/add.cc b/src/relay/qnn/op/add.cc index 4220102f6b38..5bfebdf57a2d 100644 --- a/src/relay/qnn/op/add.cc +++ b/src/relay/qnn/op/add.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file src/relay/qnn/op/add.cc * \brief QNN add operator. */ diff --git a/src/relay/qnn/op/concatenate.cc b/src/relay/qnn/op/concatenate.cc index 6eceb8d40532..8c27d47632a1 100644 --- a/src/relay/qnn/op/concatenate.cc +++ b/src/relay/qnn/op/concatenate.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file src/relay/qnn/op/concatenate.cc * \brief QNN concatenate operator. It concatenates quantized input tensors along a given axis. */ diff --git a/src/relay/qnn/op/convolution.cc b/src/relay/qnn/op/convolution.cc index 13eacdaba35f..6bcaa09d610e 100644 --- a/src/relay/qnn/op/convolution.cc +++ b/src/relay/qnn/op/convolution.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file src/relay/qnn/op/convolution.cc * \brief Property def of qnn convolution operator. */ diff --git a/src/relay/qnn/op/dense.cc b/src/relay/qnn/op/dense.cc index fdf50d2b9141..96b999aa8e5b 100644 --- a/src/relay/qnn/op/dense.cc +++ b/src/relay/qnn/op/dense.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file src/relay/qnn/op/dense.cc * \brief Property def of qnn dense operator. */ diff --git a/src/relay/qnn/op/dequantize.cc b/src/relay/qnn/op/dequantize.cc index 2baa1a57d96d..ba0c15509e68 100644 --- a/src/relay/qnn/op/dequantize.cc +++ b/src/relay/qnn/op/dequantize.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file src/relay/qnn/op/dequantize.cc * \brief QNN dequantize operator. Dequantize operator converts from quantized * domain to unquantized domain. diff --git a/src/relay/qnn/op/mul.cc b/src/relay/qnn/op/mul.cc index 24264022c2ea..71fe4f83f328 100644 --- a/src/relay/qnn/op/mul.cc +++ b/src/relay/qnn/op/mul.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file src/relay/qnn/op/mul.cc * \brief QNN mul operator. */ diff --git a/src/relay/qnn/op/op_common.h b/src/relay/qnn/op/op_common.h index eac18c8c3b98..be8e197b78b0 100644 --- a/src/relay/qnn/op/op_common.h +++ b/src/relay/qnn/op/op_common.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file src/relay/qnn/op/op_common.h * \brief A set of utilities and common functionality for QNN ops. */ diff --git a/src/relay/qnn/op/quantize.cc b/src/relay/qnn/op/quantize.cc index 6df9b433560a..e6683f228ab1 100644 --- a/src/relay/qnn/op/quantize.cc +++ b/src/relay/qnn/op/quantize.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file src/relay/qnn/op/quantize.cc * \brief QNN dequantize operator. Dequantize operator converts from quantized * domain to unquantized domain. diff --git a/src/relay/qnn/op/requantize.cc b/src/relay/qnn/op/requantize.cc index a361969f79e0..dc27de62872d 100644 --- a/src/relay/qnn/op/requantize.cc +++ b/src/relay/qnn/op/requantize.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file src/relay/qnn/op/requantize.cc * \brief QNN requantize operator. */ diff --git a/src/relay/qnn/util.cc b/src/relay/qnn/util.cc index f0ad8ab7675f..ffe59eab8832 100644 --- a/src/relay/qnn/util.cc +++ b/src/relay/qnn/util.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file src/relay/qnn/util.cc * \brief Utility functions for QNN. */ diff --git a/src/runtime/builtin_fp16.cc b/src/runtime/builtin_fp16.cc index 2fb233ce6688..2a8ff799ddb1 100644 --- a/src/runtime/builtin_fp16.cc +++ b/src/runtime/builtin_fp16.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file builtin_fp16.cc * \brief Functions for conversion between fp32 and fp16 */ diff --git a/src/runtime/contrib/cublas/cublas_utils.h b/src/runtime/contrib/cublas/cublas_utils.h index bc677ff69795..af2147d2a90b 100644 --- a/src/runtime/contrib/cublas/cublas_utils.h +++ b/src/runtime/contrib/cublas/cublas_utils.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file Use external cudnn utils function */ diff --git a/src/runtime/contrib/nnpack/convolution.cc b/src/runtime/contrib/nnpack/convolution.cc index 2c0c1d26af62..cf8488185d52 100644 --- a/src/runtime/contrib/nnpack/convolution.cc +++ b/src/runtime/contrib/nnpack/convolution.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file Use external nnpack library call. */ #include diff --git a/src/runtime/contrib/nnpack/fully_connected.cc b/src/runtime/contrib/nnpack/fully_connected.cc index 8387a2176f2b..b0d72fe5744b 100644 --- a/src/runtime/contrib/nnpack/fully_connected.cc +++ b/src/runtime/contrib/nnpack/fully_connected.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file Use external nnpack library call. */ #include diff --git a/src/runtime/contrib/nnpack/nnpack_utils.cc b/src/runtime/contrib/nnpack/nnpack_utils.cc index f6f0b0d024f3..f01ad8557fee 100644 --- a/src/runtime/contrib/nnpack/nnpack_utils.cc +++ b/src/runtime/contrib/nnpack/nnpack_utils.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file Use external nnpack library call. */ #include "nnpack_utils.h" diff --git a/src/runtime/contrib/nnpack/nnpack_utils.h b/src/runtime/contrib/nnpack/nnpack_utils.h index 8e936fcd716a..551cff2957b2 100644 --- a/src/runtime/contrib/nnpack/nnpack_utils.h +++ b/src/runtime/contrib/nnpack/nnpack_utils.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file Use external nnpack library call. */ #ifndef TVM_RUNTIME_CONTRIB_NNPACK_NNPACK_UTILS_H_ diff --git a/src/runtime/contrib/random/mt_random_engine.cc b/src/runtime/contrib/random/mt_random_engine.cc index 79224c983766..37166e2c8d0f 100644 --- a/src/runtime/contrib/random/mt_random_engine.cc +++ b/src/runtime/contrib/random/mt_random_engine.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file random/mt_random_engine.cc * \brief mt19937 random engine */ diff --git a/src/runtime/contrib/random/random.cc b/src/runtime/contrib/random/random.cc index f465902d437d..3da2e16a44b3 100644 --- a/src/runtime/contrib/random/random.cc +++ b/src/runtime/contrib/random/random.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file External random functions for tensor. */ #include diff --git a/src/runtime/contrib/random/sgx_random_engine.cc b/src/runtime/contrib/random/sgx_random_engine.cc index 8134c54dbe29..fa1d36b7e532 100644 --- a/src/runtime/contrib/random/sgx_random_engine.cc +++ b/src/runtime/contrib/random/sgx_random_engine.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file random/sgx_random_engine.h * \brief SGX trusted random engine */ diff --git a/src/runtime/contrib/rocblas/rocblas.cc b/src/runtime/contrib/rocblas/rocblas.cc index fe9da83112e1..813f4c691523 100644 --- a/src/runtime/contrib/rocblas/rocblas.cc +++ b/src/runtime/contrib/rocblas/rocblas.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file Use external rocblas library call. */ #include diff --git a/src/runtime/contrib/sort/sort.cc b/src/runtime/contrib/sort/sort.cc index 0ccaee515acb..2552d13a6381 100644 --- a/src/runtime/contrib/sort/sort.cc +++ b/src/runtime/contrib/sort/sort.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file Use standard C library call. */ diff --git a/src/runtime/cpu_device_api.cc b/src/runtime/cpu_device_api.cc index 89cde0b7f151..f4e9a9709379 100644 --- a/src/runtime/cpu_device_api.cc +++ b/src/runtime/cpu_device_api.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file cpu_device_api.cc */ #include diff --git a/src/runtime/cuda/cuda_common.h b/src/runtime/cuda/cuda_common.h index fa85892b9740..87cf3be5491d 100644 --- a/src/runtime/cuda/cuda_common.h +++ b/src/runtime/cuda/cuda_common.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file cuda_common.h * \brief Common utilities for CUDA */ diff --git a/src/runtime/cuda/cuda_device_api.cc b/src/runtime/cuda/cuda_device_api.cc index a504edae7fb2..88578c4ad748 100644 --- a/src/runtime/cuda/cuda_device_api.cc +++ b/src/runtime/cuda/cuda_device_api.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file cuda_device_api.cc * \brief GPU specific API */ diff --git a/src/runtime/cuda/cuda_module.cc b/src/runtime/cuda/cuda_module.cc index e15356463bda..2d9ba57cbdaa 100644 --- a/src/runtime/cuda/cuda_module.cc +++ b/src/runtime/cuda/cuda_module.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file cuda_module.cc */ #include "cuda_module.h" diff --git a/src/runtime/file_util.cc b/src/runtime/file_util.cc index 189bd0cbc3aa..61fbed7bb738 100644 --- a/src/runtime/file_util.cc +++ b/src/runtime/file_util.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file file_util.cc */ #include diff --git a/src/runtime/file_util.h b/src/runtime/file_util.h index d7038bdd3281..dfbaa16bded6 100644 --- a/src/runtime/file_util.h +++ b/src/runtime/file_util.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file file_util.h * \brief Minimum file manipulation util for runtime. */ diff --git a/src/runtime/meta_data.h b/src/runtime/meta_data.h index e5611e77b6a5..5d8896826a4c 100644 --- a/src/runtime/meta_data.h +++ b/src/runtime/meta_data.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file meta_data.h * \brief Meta data related utilities */ diff --git a/src/runtime/metal/metal_common.h b/src/runtime/metal/metal_common.h index 9f012b81f662..30380bcc9f19 100644 --- a/src/runtime/metal/metal_common.h +++ b/src/runtime/metal/metal_common.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file metal_common.h * \brief Metal common header */ diff --git a/src/runtime/metal/metal_device_api.mm b/src/runtime/metal/metal_device_api.mm index d319e5094c0e..ecac50645575 100644 --- a/src/runtime/metal/metal_device_api.mm +++ b/src/runtime/metal/metal_device_api.mm @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file metal_device_api.mm */ #include diff --git a/src/runtime/metal/metal_module.h b/src/runtime/metal/metal_module.h index 1e4bb6ee4f3f..0d2d429fcf61 100644 --- a/src/runtime/metal/metal_module.h +++ b/src/runtime/metal/metal_module.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file metal_module.h * \brief Execution handling of Metal kernels */ diff --git a/src/runtime/micro/device/utvm_device_dylib_redirect.c b/src/runtime/micro/device/utvm_device_dylib_redirect.c index 7919afa37eb5..a8c600ed347b 100644 --- a/src/runtime/micro/device/utvm_device_dylib_redirect.c +++ b/src/runtime/micro/device/utvm_device_dylib_redirect.c @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file utvm_device_dylib_redirect.cc * \brief uTVM dynamic linking stubs * diff --git a/src/runtime/micro/device/utvm_runtime.c b/src/runtime/micro/device/utvm_runtime.c index cdd8438da809..beb749a01f1e 100644 --- a/src/runtime/micro/device/utvm_runtime.c +++ b/src/runtime/micro/device/utvm_runtime.c @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file utvm_runtime.cc * \brief uTVM runtime * diff --git a/src/runtime/micro/device/utvm_runtime.h b/src/runtime/micro/device/utvm_runtime.h index 526726d1e0d8..3aa171223e01 100644 --- a/src/runtime/micro/device/utvm_runtime.h +++ b/src/runtime/micro/device/utvm_runtime.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file utvm_runtime.h * \brief uTVM runtime headers */ diff --git a/src/runtime/micro/host_low_level_device.cc b/src/runtime/micro/host_low_level_device.cc index 3a034cffccf0..4eea88aaaffd 100644 --- a/src/runtime/micro/host_low_level_device.cc +++ b/src/runtime/micro/host_low_level_device.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file host_low_level_device.cc * \brief emulated low-level micro device implementation on host machine */ diff --git a/src/runtime/micro/low_level_device.h b/src/runtime/micro/low_level_device.h index 1285405d1ef9..3cdfa77d30bc 100644 --- a/src/runtime/micro/low_level_device.h +++ b/src/runtime/micro/low_level_device.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file low_level_device.h * \brief Abstract low-level micro device management */ diff --git a/src/runtime/micro/micro_common.cc b/src/runtime/micro/micro_common.cc index e50faebd44c0..72eb40961fbc 100644 --- a/src/runtime/micro/micro_common.cc +++ b/src/runtime/micro/micro_common.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file micro_common.cc * \brief common utilties for uTVM */ diff --git a/src/runtime/micro/micro_common.h b/src/runtime/micro/micro_common.h index 67b5349060b4..10ae9d50b8bc 100644 --- a/src/runtime/micro/micro_common.h +++ b/src/runtime/micro/micro_common.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file micro_common.h */ #ifndef TVM_RUNTIME_MICRO_MICRO_COMMON_H_ diff --git a/src/runtime/micro/micro_section_allocator.h b/src/runtime/micro/micro_section_allocator.h index e2abb477ada1..c950075c179d 100644 --- a/src/runtime/micro/micro_section_allocator.h +++ b/src/runtime/micro/micro_section_allocator.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file micro_section_allocator.h */ #ifndef TVM_RUNTIME_MICRO_MICRO_SECTION_ALLOCATOR_H_ diff --git a/src/runtime/micro/openocd_low_level_device.cc b/src/runtime/micro/openocd_low_level_device.cc index e0623ddf2842..97730efef4ff 100644 --- a/src/runtime/micro/openocd_low_level_device.cc +++ b/src/runtime/micro/openocd_low_level_device.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file openocd_low_level_device.cc */ #include diff --git a/src/runtime/micro/target_data_layout_encoder.h b/src/runtime/micro/target_data_layout_encoder.h index 56ae788cc696..a5b649bd131f 100644 --- a/src/runtime/micro/target_data_layout_encoder.h +++ b/src/runtime/micro/target_data_layout_encoder.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file target_data_layout_encoder.h * \brief uTVM data layout encoder */ diff --git a/src/runtime/micro/tcl_socket.cc b/src/runtime/micro/tcl_socket.cc index 5422599bd126..107fb1529498 100644 --- a/src/runtime/micro/tcl_socket.cc +++ b/src/runtime/micro/tcl_socket.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file tcl_socket.cc */ #include diff --git a/src/runtime/ndarray.cc b/src/runtime/ndarray.cc index 98e05a86da21..9d2d53e03eb8 100644 --- a/src/runtime/ndarray.cc +++ b/src/runtime/ndarray.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file ndarray.cc * \brief NDArray container infratructure. */ diff --git a/src/runtime/opencl/aocl/aocl_module.cc b/src/runtime/opencl/aocl/aocl_module.cc index d9a3aa23c4c5..2c2bc68c086c 100644 --- a/src/runtime/opencl/aocl/aocl_module.cc +++ b/src/runtime/opencl/aocl/aocl_module.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file aocl_module.cc */ #include diff --git a/src/runtime/opencl/opencl_common.h b/src/runtime/opencl/opencl_common.h index bd934736f235..9b8078ef8544 100644 --- a/src/runtime/opencl/opencl_common.h +++ b/src/runtime/opencl/opencl_common.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file opencl_common.h * \brief OpenCL common header */ diff --git a/src/runtime/opencl/opencl_device_api.cc b/src/runtime/opencl/opencl_device_api.cc index 882ee8310f2a..4bfada7b2ef9 100644 --- a/src/runtime/opencl/opencl_device_api.cc +++ b/src/runtime/opencl/opencl_device_api.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file opencl_device_api.cc */ #include diff --git a/src/runtime/opencl/sdaccel/sdaccel_common.h b/src/runtime/opencl/sdaccel/sdaccel_common.h index cf6d681c133b..2100b50678b3 100644 --- a/src/runtime/opencl/sdaccel/sdaccel_common.h +++ b/src/runtime/opencl/sdaccel/sdaccel_common.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file sdaccel_common.h * \brief SDAccel common header */ diff --git a/src/runtime/opencl/sdaccel/sdaccel_device_api.cc b/src/runtime/opencl/sdaccel/sdaccel_device_api.cc index ffd6ff56ea6d..59e8a25c834e 100644 --- a/src/runtime/opencl/sdaccel/sdaccel_device_api.cc +++ b/src/runtime/opencl/sdaccel/sdaccel_device_api.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file sdaccel_device_api.cc */ #include diff --git a/src/runtime/opencl/sdaccel/sdaccel_module.cc b/src/runtime/opencl/sdaccel/sdaccel_module.cc index 900d56433514..5436b4181609 100644 --- a/src/runtime/opencl/sdaccel/sdaccel_module.cc +++ b/src/runtime/opencl/sdaccel/sdaccel_module.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file sdaccel_module.cc */ #include diff --git a/src/runtime/opencl/sdaccel/sdaccel_module.h b/src/runtime/opencl/sdaccel/sdaccel_module.h index 2b54a07b9def..e126291f3f03 100644 --- a/src/runtime/opencl/sdaccel/sdaccel_module.h +++ b/src/runtime/opencl/sdaccel/sdaccel_module.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file sdaccel_module.h * \brief Execution handling of OPENCL kernels for SDAccel FPGAs */ diff --git a/src/runtime/opengl/opengl_common.h b/src/runtime/opengl/opengl_common.h index 0e6a322b0c8c..9bc0df274469 100644 --- a/src/runtime/opengl/opengl_common.h +++ b/src/runtime/opengl/opengl_common.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file opengl_common.h * \brief OpenGL common header */ diff --git a/src/runtime/opengl/opengl_device_api.cc b/src/runtime/opengl/opengl_device_api.cc index 1b1487e4ceec..beabb96b6678 100644 --- a/src/runtime/opengl/opengl_device_api.cc +++ b/src/runtime/opengl/opengl_device_api.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file opengl_device_api.cc */ #include diff --git a/src/runtime/opengl/opengl_module.cc b/src/runtime/opengl/opengl_module.cc index 0d3f953a96e1..f2b0dc31ef4f 100644 --- a/src/runtime/opengl/opengl_module.cc +++ b/src/runtime/opengl/opengl_module.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file opengl_module.cc */ #include diff --git a/src/runtime/opengl/opengl_module.h b/src/runtime/opengl/opengl_module.h index f1b712e8b20a..4d2d1c859253 100644 --- a/src/runtime/opengl/opengl_module.h +++ b/src/runtime/opengl/opengl_module.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file opengl_module.h * \brief Execution handling of OpenGL kernels */ diff --git a/src/runtime/pack_args.h b/src/runtime/pack_args.h index 3af44c0a54fe..6e4fb140e813 100644 --- a/src/runtime/pack_args.h +++ b/src/runtime/pack_args.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file pack_args.h * \brief Utility to pack TVMArgs to other type-erased fution calling convention. * diff --git a/src/runtime/registry.cc b/src/runtime/registry.cc index 913a618a3f63..ce6a281a6ead 100644 --- a/src/runtime/registry.cc +++ b/src/runtime/registry.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file registry.cc * \brief The global registry of packed function. */ diff --git a/src/runtime/rocm/rocm_common.h b/src/runtime/rocm/rocm_common.h index bfa485dcf0f6..5d0d5c972c4b 100644 --- a/src/runtime/rocm/rocm_common.h +++ b/src/runtime/rocm/rocm_common.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file rocm_common.h * \brief Common utilities for ROCM */ diff --git a/src/runtime/rocm/rocm_device_api.cc b/src/runtime/rocm/rocm_device_api.cc index a599dbdb97f8..3e2edeb8a8d8 100644 --- a/src/runtime/rocm/rocm_device_api.cc +++ b/src/runtime/rocm/rocm_device_api.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file rocm_device_api.cc * \brief GPU specific API */ diff --git a/src/runtime/rocm/rocm_module.h b/src/runtime/rocm/rocm_module.h index 87940cf3c3e4..7f2a0ce319bf 100644 --- a/src/runtime/rocm/rocm_module.h +++ b/src/runtime/rocm/rocm_module.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file rocm_module.h * \brief Execution handling of ROCM kernels */ diff --git a/src/runtime/rpc/rpc_device_api.cc b/src/runtime/rpc/rpc_device_api.cc index a69054a7fa60..a463014b3f4c 100644 --- a/src/runtime/rpc/rpc_device_api.cc +++ b/src/runtime/rpc/rpc_device_api.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file rpc_device_api.cc */ #include diff --git a/src/runtime/rpc/rpc_event_impl.cc b/src/runtime/rpc/rpc_event_impl.cc index 3f4782693d8a..29adb0fed108 100644 --- a/src/runtime/rpc/rpc_event_impl.cc +++ b/src/runtime/rpc/rpc_event_impl.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file rpc_event_impl.cc * \brief Event based RPC server implementation. */ diff --git a/src/runtime/rpc/rpc_module.cc b/src/runtime/rpc/rpc_module.cc index 8c4486e04bc5..27cbc37d1a06 100644 --- a/src/runtime/rpc/rpc_module.cc +++ b/src/runtime/rpc/rpc_module.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file rpc_device_api.cc * \brief RPC module. */ diff --git a/src/runtime/rpc/rpc_server_env.cc b/src/runtime/rpc/rpc_server_env.cc index d9002a9c1066..f6a7fb60b5f4 100644 --- a/src/runtime/rpc/rpc_server_env.cc +++ b/src/runtime/rpc/rpc_server_env.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file rpc_server_env.cc * \brief Server environment of the RPC. */ diff --git a/src/runtime/rpc/rpc_session.cc b/src/runtime/rpc/rpc_session.cc index b5fec104a677..3500533157f5 100644 --- a/src/runtime/rpc/rpc_session.cc +++ b/src/runtime/rpc/rpc_session.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file rpc_session.cc * \brief RPC session for remote function call. */ diff --git a/src/runtime/rpc/rpc_socket_impl.cc b/src/runtime/rpc/rpc_socket_impl.cc index 65d37531159f..cb59e723251b 100644 --- a/src/runtime/rpc/rpc_socket_impl.cc +++ b/src/runtime/rpc/rpc_socket_impl.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file rpc_socket_impl.cc * \brief Socket based RPC implementation. */ diff --git a/src/runtime/rpc/rpc_socket_impl.h b/src/runtime/rpc/rpc_socket_impl.h index ea7c8394bff8..3611c6f93613 100644 --- a/src/runtime/rpc/rpc_socket_impl.h +++ b/src/runtime/rpc/rpc_socket_impl.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file rpc_socket_impl.h * \brief Socket based RPC implementation. */ diff --git a/src/runtime/runtime_base.h b/src/runtime/runtime_base.h index e1b6c9141349..b490dbe113b8 100644 --- a/src/runtime/runtime_base.h +++ b/src/runtime/runtime_base.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file runtime_base.h * \brief Base of all C APIs */ diff --git a/src/runtime/sgx/common.h b/src/runtime/sgx/common.h index 43e295f2b388..04980834b49c 100644 --- a/src/runtime/sgx/common.h +++ b/src/runtime/sgx/common.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file common.h * \brief TVM SGX common API. */ diff --git a/src/runtime/sgx/trusted/ecall_registry.h b/src/runtime/sgx/trusted/ecall_registry.h index b4f3d604a872..7ec65a38d8c8 100644 --- a/src/runtime/sgx/trusted/ecall_registry.h +++ b/src/runtime/sgx/trusted/ecall_registry.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file ecall_registry.h * \brief The global registry of packed functions available via ecall_packed_func. */ diff --git a/src/runtime/sgx/trusted/runtime.cc b/src/runtime/sgx/trusted/runtime.cc index f4d1e5765539..bf02281da332 100644 --- a/src/runtime/sgx/trusted/runtime.cc +++ b/src/runtime/sgx/trusted/runtime.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file runtime_t.cc */ #include diff --git a/src/runtime/sgx/trusted/runtime.h b/src/runtime/sgx/trusted/runtime.h index 1ba9eb7351b6..cc2f1cf8a4e0 100644 --- a/src/runtime/sgx/trusted/runtime.h +++ b/src/runtime/sgx/trusted/runtime.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file trusted/runtime.h * \brief TVM SGX trusted API. */ diff --git a/src/runtime/sgx/trusted/threading_backend.cc b/src/runtime/sgx/trusted/threading_backend.cc index f48759439d75..2dea40e955cc 100644 --- a/src/runtime/sgx/trusted/threading_backend.cc +++ b/src/runtime/sgx/trusted/threading_backend.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file sgx/threading_backend.cc * \brief SGX threading backend */ diff --git a/src/runtime/sgx/untrusted/sgx_module.cc b/src/runtime/sgx/untrusted/sgx_module.cc index b6aa48c0dcc9..e55b6824ba53 100644 --- a/src/runtime/sgx/untrusted/sgx_module.cc +++ b/src/runtime/sgx/untrusted/sgx_module.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file sgx_module.cc * \brief SGX enclave module. */ diff --git a/src/runtime/stackvm/stackvm.h b/src/runtime/stackvm/stackvm.h index 82e06847fd1e..c7db11e890cb 100644 --- a/src/runtime/stackvm/stackvm.h +++ b/src/runtime/stackvm/stackvm.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file stackvm.h * \brief A simple stack-based virtual machine. * diff --git a/src/runtime/stackvm/stackvm_module.h b/src/runtime/stackvm/stackvm_module.h index 241575e6d680..c84eb6fe4945 100644 --- a/src/runtime/stackvm/stackvm_module.h +++ b/src/runtime/stackvm/stackvm_module.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file stackvm_module.h * \brief StackVM module */ diff --git a/src/runtime/thread_pool.cc b/src/runtime/thread_pool.cc index ee10fa6b2687..15dd38157049 100644 --- a/src/runtime/thread_pool.cc +++ b/src/runtime/thread_pool.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file thread_pool.cc * \brief Threadpool for multi-threading runtime. */ diff --git a/src/runtime/thread_storage_scope.h b/src/runtime/thread_storage_scope.h index 8e75fab87849..3e6fd781023c 100644 --- a/src/runtime/thread_storage_scope.h +++ b/src/runtime/thread_storage_scope.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file thread_storage_scope.h * \brief Extract thread axis configuration from TVMArgs. */ diff --git a/src/runtime/threading_backend.cc b/src/runtime/threading_backend.cc index 9c8d68826306..7974ff768591 100644 --- a/src/runtime/threading_backend.cc +++ b/src/runtime/threading_backend.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file threading_backend.cc * \brief Native threading backend */ diff --git a/src/runtime/vm/memory_manager.cc b/src/runtime/vm/memory_manager.cc index 1c7e029de2ca..ff2bbe8eaf11 100644 --- a/src/runtime/vm/memory_manager.cc +++ b/src/runtime/vm/memory_manager.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file tvm/runtime/vm/memory_manager.cc * \brief Allocate and manage memory for the runtime. */ diff --git a/src/runtime/vm/memory_manager.h b/src/runtime/vm/memory_manager.h index dce596c232c9..78c8fb36bf70 100644 --- a/src/runtime/vm/memory_manager.h +++ b/src/runtime/vm/memory_manager.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file src/runtime/memory_manager.h * \brief Abstract device memory management API */ diff --git a/src/runtime/vm/naive_allocator.h b/src/runtime/vm/naive_allocator.h index a8e53a8d4c4f..bdc8ecf2859b 100644 --- a/src/runtime/vm/naive_allocator.h +++ b/src/runtime/vm/naive_allocator.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file src/runtime/naive_allocator.h */ #ifndef TVM_RUNTIME_VM_NAIVE_ALLOCATOR_H_ diff --git a/src/runtime/vm/pooled_allocator.h b/src/runtime/vm/pooled_allocator.h index 79bb6eaa93e7..e373f06bbd42 100644 --- a/src/runtime/vm/pooled_allocator.h +++ b/src/runtime/vm/pooled_allocator.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file runtime/pooled_allocator.h */ #ifndef TVM_RUNTIME_VM_POOLED_ALLOCATOR_H_ diff --git a/src/runtime/vm/serialize_util.h b/src/runtime/vm/serialize_util.h index 3931f2f0e023..3423f7a94167 100644 --- a/src/runtime/vm/serialize_util.h +++ b/src/runtime/vm/serialize_util.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file src/runtime/vm/serialize_util.h * \brief Definitions of helpers for serializing and deserializing a Relay VM. */ diff --git a/src/runtime/workspace_pool.cc b/src/runtime/workspace_pool.cc index 57ce12dfcf8f..a32a42a4ef22 100644 --- a/src/runtime/workspace_pool.cc +++ b/src/runtime/workspace_pool.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file workspace_pool.h * \brief Workspace pool utility. */ diff --git a/src/runtime/workspace_pool.h b/src/runtime/workspace_pool.h index 163612638f72..72613caffb8e 100644 --- a/src/runtime/workspace_pool.h +++ b/src/runtime/workspace_pool.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file workspace_pool.h * \brief Workspace pool utility. */ diff --git a/src/schedule/auto_inline_elem_wise.cc b/src/schedule/auto_inline_elem_wise.cc index 6725ab0b1cc7..62739bb22004 100644 --- a/src/schedule/auto_inline_elem_wise.cc +++ b/src/schedule/auto_inline_elem_wise.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file auto_inline_elem_wise.cc */ #include diff --git a/src/schedule/bound.cc b/src/schedule/bound.cc index 87c12a852248..e213df5e659d 100644 --- a/src/schedule/bound.cc +++ b/src/schedule/bound.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file bound.cc * \brief The bound inference logic. */ diff --git a/src/schedule/graph.h b/src/schedule/graph.h index cfbb59f0912f..d596335bbbc1 100644 --- a/src/schedule/graph.h +++ b/src/schedule/graph.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file graph.h * \brief Utilities to get information about schedule graph. */ diff --git a/src/schedule/message_passing.h b/src/schedule/message_passing.h index a986974428e6..f46f305b0f56 100644 --- a/src/schedule/message_passing.h +++ b/src/schedule/message_passing.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file message_passing.h * \brief Common utilities to do message passing * on the schedule hyper graph. diff --git a/src/schedule/schedule_ops.cc b/src/schedule/schedule_ops.cc index 10c9e3cab8f6..8d2fd1599f06 100644 --- a/src/schedule/schedule_ops.cc +++ b/src/schedule/schedule_ops.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2016 by Contributors * \file schedule_ops.cc */ #include diff --git a/tests/lint/add_asf_header.py b/tests/lint/add_asf_header.py index 6296606ea739..cdfbb9a71dd3 100644 --- a/tests/lint/add_asf_header.py +++ b/tests/lint/add_asf_header.py @@ -14,7 +14,6 @@ # KIND, either express or implied. See the License for the # specific language governing permissions and limitations # under the License. - """Helper tool to add ASF header to files that cannot be handled by Rat.""" import os import sys @@ -119,6 +118,10 @@ FMT_MAP = { "sh" : header_pystyle, "cc" : header_cstyle, + "c" : header_cstyle, + "mm" : header_cstyle, + "m" : header_cstyle, + "go" : header_cstyle, "java" : header_cstyle, "h" : header_cstyle, "py" : header_pystyle, @@ -128,59 +131,97 @@ "rs" : header_cstyle, "md" : header_mdstyle, "cmake" : header_pystyle, + "mk" : header_pystyle, "rst" : header_rststyle, "gradle" : header_groovystyle, - "xml": header_mdstyle, "tcl": header_pystyle, + "xml": header_mdstyle, + "storyboard": header_mdstyle, + "pbxproj": header_cstyle, + "plist": header_mdstyle, + "xcworkspacedata": header_mdstyle, + "html": header_mdstyle, } + +def copyright_line(line): + # Following two items are intentionally break apart + # so that the copyright detector won"t detect the file itself. + if line.find("Copyright " + "(c)") != -1: + return True + if (line.find("Copyright") != -1 and + line.find(" by") != -1): + return True + return False + + def add_header(fname, header): """Add header to file""" if not os.path.exists(fname): print("Cannot find %s ..." % fname) return - orig = open(fname).read() - if orig.find("Licensed to the Apache Software Foundation") != -1: + lines = open(fname).readlines() + + has_asf_header = False + has_copyright = False + + for i, l in enumerate(lines): + if l.find("Licensed to the Apache Software Foundation") != -1: + has_asf_header = True + elif copyright_line(l): + has_copyright = True + lines[i] = "" + + if has_asf_header and not has_copyright: print("Skip file %s ..." % fname) return + with open(fname, "w") as outfile: skipline = False - lines = orig.split('\n') ext = os.path.splitext(fname)[1][1:] - if ext == 'sh' and lines[0][:2] == '#!': + + if lines[0][:2] == "#!": skipline = True - elif ext == 'xml' and lines[0][:2] == '"): + skipline = True + elif lines[0].startswith("// !$"): + skipline =True if skipline: - outfile.write(lines[0] + "\n") - outfile.write(header + "\n\n") - outfile.write("\n".join(lines[1:])) - outfile.write(header + "\n\n") - outfile.write(orig) + outfile.write(lines[0]) + if not has_asf_header: + outfile.write(header + "\n\n") + outfile.write("".join(lines[1:])) else: - outfile.write(header + "\n\n") - outfile.write(orig) - print("Add header to %s" % fname) - + if not has_asf_header: + outfile.write(header + "\n\n") + outfile.write("".join(lines)) + if not has_asf_header: + print("Add header to %s" % fname) + if has_copyright: + print("Removed copyright line from %s" % fname) def main(args): if len(args) != 2: print("Usage: python add_asf_header.py ") for l in open(args[1]): - if l.startswith("-----"): + if l.startswith("---"): continue if l.find("File:") != -1: l = l.split(":")[-1] fname = l.strip() + if len(fname) == 0: + continue suffix = fname.split(".")[-1] if suffix in FMT_MAP: add_header(fname, FMT_MAP[suffix]) - elif os.path.basename(fname) == 'gradle.properties': - add_header(fname, FMT_MAP['h']) + elif os.path.basename(fname) == "gradle.properties": + add_header(fname, FMT_MAP["h"]) else: print("Cannot handle %s ..." % fname) diff --git a/tests/lint/check_file_type.py b/tests/lint/check_file_type.py index b662e8bb9edc..0998c789332c 100644 --- a/tests/lint/check_file_type.py +++ b/tests/lint/check_file_type.py @@ -146,6 +146,38 @@ def filename_allowed(name): return False + +def copyright_line(line): + # Following two items are intentionally break apart + # so that the copyright detector won't detect the file itself. + if line.find("Copyright " + "(c)") != -1: + return True + if (line.find("Copyright") != -1 and + line.find(" by") != -1): + return True + return False + + +def check_asf_copyright(fname): + if fname.endswith(".png"): + return True + if not os.path.isfile(fname): + return True + has_asf_header = False + has_copyright = False + try: + for line in open(fname): + if line.find("Licensed to the Apache Software Foundation") != -1: + has_asf_header = True + if copyright_line(line): + has_copyright = True + if has_asf_header and has_copyright: + return False + except UnicodeDecodeError: + pass + return True + + def main(): cmd = ["git", "ls-files"] proc = subprocess.Popen( @@ -153,15 +185,15 @@ def main(): (out, _) = proc.communicate() assert proc.returncode == 0 res = out.decode("utf-8") - + flist = res.split() error_list = [] - for fname in res.split(): + for fname in flist: if not filename_allowed(fname): error_list.append(fname) if error_list: - report = "====File type check report=====\n" + report = "------File type check report----\n" report += "\n".join(error_list) report += "\nFound %d files that are now allowed\n" % len(error_list) report += ("We do not check in binary files into the repo.\n" @@ -171,6 +203,28 @@ def main(): sys.stderr.flush() sys.exit(-1) + asf_copyright_list = [] + + for fname in res.split(): + if not check_asf_copyright(fname): + asf_copyright_list.append(fname) + + if asf_copyright_list: + report = "------File type check report----\n" + report += "\n".join(asf_copyright_list) + "\n" + report += "------Found %d files that has ASF header with copyright message----\n" % len(asf_copyright_list) + report += "--- Files with ASF header do not need Copyright lines.\n" + report += "--- Contributors retain copyright to their contribution by default.\n" + report += "--- If a file comes with a different license, consider put it under the 3rdparty folder instead.\n" + report += "---\n" + report += "--- You can use the following steps to remove the copyright lines\n" + report += "--- Create file_list.txt in your text editor\n" + report += "--- Copy paste the above content in file-list into file_list.txt\n" + report += "--- python3 tests/lint/add_asf_header.py file_list.txt\n" + sys.stderr.write(report) + sys.stderr.flush() + sys.exit(-1) + print("check_file_type.py: all checks passed..") if __name__ == "__main__": diff --git a/tests/lint/rat-excludes b/tests/lint/rat-excludes index 6f285b47e659..5421d22a08aa 100644 --- a/tests/lint/rat-excludes +++ b/tests/lint/rat-excludes @@ -3,25 +3,19 @@ .github # Binary or data files -.*\.css .*\.ipynb -.*\.html .*\.pyc .*\.so .*\.json .*\.txt .*\.svg .*\.lst -.*\.xcodeproj -.*\.lproj -.*\.plist .*\.lds .*\.in .*\.diff .*\.edl .*\.md5 .*\.csv -.*\.mk .*\.log .*\.interp .*\.tokens diff --git a/tests/scripts/packages.mk b/tests/scripts/packages.mk index 81056517d791..a735ba37246d 100644 --- a/tests/scripts/packages.mk +++ b/tests/scripts/packages.mk @@ -1,3 +1,20 @@ +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. + # rules for gtest .PHONY: iverilog diff --git a/tests/webgl/test_static_webgl_library.html b/tests/webgl/test_static_webgl_library.html index 39bcb5fff8c7..f9268c65edf3 100644 --- a/tests/webgl/test_static_webgl_library.html +++ b/tests/webgl/test_static_webgl_library.html @@ -1,4 +1,21 @@ + + + + + + + + + + + + + + + + + diff --git a/topi/include/topi/broadcast.h b/topi/include/topi/broadcast.h index 6e61a7eef138..38d9bc86f67f 100644 --- a/topi/include/topi/broadcast.h +++ b/topi/include/topi/broadcast.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \brief Broadcast op constructions * \file topi/broadcast.h */ diff --git a/topi/include/topi/contrib/rocblas.h b/topi/include/topi/contrib/rocblas.h index 5530577bb069..6eb6dbc5034a 100644 --- a/topi/include/topi/contrib/rocblas.h +++ b/topi/include/topi/contrib/rocblas.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \brief External function interface to rocBLAS libraries * \file tags.h */ diff --git a/topi/include/topi/detail/broadcast.h b/topi/include/topi/detail/broadcast.h index aeea9c5522e3..deef59e3368c 100644 --- a/topi/include/topi/detail/broadcast.h +++ b/topi/include/topi/detail/broadcast.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \brief Detail broadcast. * \file topi/detail/broadcast.h */ diff --git a/topi/include/topi/detail/pad_utils.h b/topi/include/topi/detail/pad_utils.h index c19e72365230..50e0f9532d1f 100644 --- a/topi/include/topi/detail/pad_utils.h +++ b/topi/include/topi/detail/pad_utils.h @@ -18,7 +18,6 @@ */ /*! -* Copyright (c) 2017 by Contributors * \file pad_utils.h * \brief Padding helpers */ diff --git a/topi/include/topi/detail/ravel_unravel.h b/topi/include/topi/detail/ravel_unravel.h index c66679d8d463..6cd4707a2477 100644 --- a/topi/include/topi/detail/ravel_unravel.h +++ b/topi/include/topi/detail/ravel_unravel.h @@ -18,7 +18,6 @@ */ /*! -* Copyright (c) 2017 by Contributors * \file ravel_unravel.h * \brief Index ravel and unraval operations */ diff --git a/topi/include/topi/elemwise.h b/topi/include/topi/elemwise.h index 0cfc299c130f..3aca0a6904f6 100644 --- a/topi/include/topi/elemwise.h +++ b/topi/include/topi/elemwise.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file elemwise.h * \brief Elementwise op constructions */ diff --git a/topi/include/topi/nn.h b/topi/include/topi/nn.h index 52ac3f931816..3a8ae0aac92b 100644 --- a/topi/include/topi/nn.h +++ b/topi/include/topi/nn.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \brief NN op constructions * \file topi/nn.h */ diff --git a/topi/include/topi/nn/batch_matmul.h b/topi/include/topi/nn/batch_matmul.h index 84b977f41947..60b4175d65f8 100644 --- a/topi/include/topi/nn/batch_matmul.h +++ b/topi/include/topi/nn/batch_matmul.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \brief Batch matmul op constructions * \file nn/batch_matmul.h */ diff --git a/topi/include/topi/nn/bias_add.h b/topi/include/topi/nn/bias_add.h index f600dee3028d..148d892229db 100644 --- a/topi/include/topi/nn/bias_add.h +++ b/topi/include/topi/nn/bias_add.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \brief bias_add op constructions * \file nn/bias_add.h */ diff --git a/topi/include/topi/nn/dense.h b/topi/include/topi/nn/dense.h index cbcc8a219a26..af106dbc885b 100644 --- a/topi/include/topi/nn/dense.h +++ b/topi/include/topi/nn/dense.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \brief Dense op constructions * \file nn/dense.h */ diff --git a/topi/include/topi/nn/dilate.h b/topi/include/topi/nn/dilate.h index ca4ff6446e07..2de9e602ffe5 100644 --- a/topi/include/topi/nn/dilate.h +++ b/topi/include/topi/nn/dilate.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \brief Dilate op constructions * \file nn/dilate.h */ diff --git a/topi/include/topi/nn/flatten.h b/topi/include/topi/nn/flatten.h index d04454701aec..e331b978c172 100644 --- a/topi/include/topi/nn/flatten.h +++ b/topi/include/topi/nn/flatten.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \brief Softmax op constructions * \file nn/flatten.h */ diff --git a/topi/include/topi/nn/pooling.h b/topi/include/topi/nn/pooling.h index ca35e6e43498..f92db65e31fe 100644 --- a/topi/include/topi/nn/pooling.h +++ b/topi/include/topi/nn/pooling.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \brief Pooling op constructions * \file nn/pooling.h */ diff --git a/topi/include/topi/nn/softmax.h b/topi/include/topi/nn/softmax.h index 8aa388abcd2b..fa985d1b2086 100644 --- a/topi/include/topi/nn/softmax.h +++ b/topi/include/topi/nn/softmax.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \brief Softmax op constructions * \file nn/softmax.h */ diff --git a/topi/include/topi/nn/upsampling.h b/topi/include/topi/nn/upsampling.h index d7551afbe04f..3ca08549d62b 100644 --- a/topi/include/topi/nn/upsampling.h +++ b/topi/include/topi/nn/upsampling.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file topi/nn/upsampling.h * \brief upsampling op constructors */ diff --git a/topi/include/topi/reduction.h b/topi/include/topi/reduction.h index b7036770aa4a..32608e9499f0 100644 --- a/topi/include/topi/reduction.h +++ b/topi/include/topi/reduction.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file topi/reduction.h * \brief Reduction op constructors */ diff --git a/topi/include/topi/tags.h b/topi/include/topi/tags.h index 59fbf6bc21f1..8d353b949ab6 100644 --- a/topi/include/topi/tags.h +++ b/topi/include/topi/tags.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \brief Tag definitions * \file tags.h */ diff --git a/topi/include/topi/transform.h b/topi/include/topi/transform.h index 14716c386a86..98de0b0c2a8a 100644 --- a/topi/include/topi/transform.h +++ b/topi/include/topi/transform.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file topi/transform.h * \brief Transform op constructors */ diff --git a/topi/include/topi/vision/reorg.h b/topi/include/topi/vision/reorg.h index e81cc8fb95a1..08dd13605b40 100644 --- a/topi/include/topi/vision/reorg.h +++ b/topi/include/topi/vision/reorg.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \brief Reorg op constructions * \file vision/reorg.h */ diff --git a/topi/src/topi.cc b/topi/src/topi.cc index a096e725bb71..6d810126e30b 100644 --- a/topi/src/topi.cc +++ b/topi/src/topi.cc @@ -18,7 +18,6 @@ */ /*! -* Copyright (c) 2017 by Contributors * \brief Registration of TVM operators and schedules * \file topi.cc */ diff --git a/vta/hardware/xilinx/scripts/hsi.tcl b/vta/hardware/xilinx/scripts/hsi.tcl index bbe3f67d1601..509be7561955 100644 --- a/vta/hardware/xilinx/scripts/hsi.tcl +++ b/vta/hardware/xilinx/scripts/hsi.tcl @@ -15,7 +15,6 @@ # specific language governing permissions and limitations # under the License. # -# Copyright (c) 2018 by Contributors # file: hsi.tcl # brief: Driver generation script for ARMv7 driver libraries. # diff --git a/vta/hardware/xilinx/sim/vta_test.cc b/vta/hardware/xilinx/sim/vta_test.cc index e3df31a9ddfe..b7f0b73b0ea4 100644 --- a/vta/hardware/xilinx/sim/vta_test.cc +++ b/vta/hardware/xilinx/sim/vta_test.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file vta_test.cpp * \brief Simulation tests for the VTA design. */ diff --git a/vta/include/vta/driver.h b/vta/include/vta/driver.h index 40221d530a6b..4ac2ca30f035 100644 --- a/vta/include/vta/driver.h +++ b/vta/include/vta/driver.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file driver.h * \brief Driver interface that is used by runtime. * diff --git a/vta/include/vta/runtime.h b/vta/include/vta/runtime.h index 5e99b41b83f2..ca8d121dbbfa 100644 --- a/vta/include/vta/runtime.h +++ b/vta/include/vta/runtime.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file runtime.h * \brief VTA runtime library. */ diff --git a/vta/include/vta/sim_tlpp.h b/vta/include/vta/sim_tlpp.h index ead07f18028f..1e56c48cbb1e 100644 --- a/vta/include/vta/sim_tlpp.h +++ b/vta/include/vta/sim_tlpp.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file sim_tlpp.h * \brief TVM VTA multiple thread simulator header file. */ diff --git a/vta/src/de10nano/cma_api.cc b/vta/src/de10nano/cma_api.cc index 12c0e3b27efc..1fd304cab1eb 100644 --- a/vta/src/de10nano/cma_api.cc +++ b/vta/src/de10nano/cma_api.cc @@ -25,7 +25,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file cma_api.cc * \brief Application layer implementation for contigous memory allocation. */ diff --git a/vta/src/device_api.cc b/vta/src/device_api.cc index c38481a451e0..0c3b3fad2d82 100644 --- a/vta/src/device_api.cc +++ b/vta/src/device_api.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file device_api.cc * \brief TVM device API for VTA */ diff --git a/vta/src/runtime.cc b/vta/src/runtime.cc index b657d63a95f5..aa42a4c1c0c4 100644 --- a/vta/src/runtime.cc +++ b/vta/src/runtime.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file runtime.cc * \brief Generic VTA runtime in C++11. * diff --git a/vta/src/sim/sim_driver.cc b/vta/src/sim/sim_driver.cc index 871097f2ef3f..b00f41daf1f6 100644 --- a/vta/src/sim/sim_driver.cc +++ b/vta/src/sim/sim_driver.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file sim_driver.cc * \brief VTA driver for simulated backend. */ diff --git a/vta/src/sim/sim_tlpp.cc b/vta/src/sim/sim_tlpp.cc index 5a97b93b65dd..d5ec7ea4ecdc 100644 --- a/vta/src/sim/sim_tlpp.cc +++ b/vta/src/sim/sim_tlpp.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file sim_tlpp.cc * \brief simulate core level pipe line parallism logic. */ diff --git a/vta/src/vmem/virtual_memory.cc b/vta/src/vmem/virtual_memory.cc index 18dc1df297e8..20ffd00b9814 100644 --- a/vta/src/vmem/virtual_memory.cc +++ b/vta/src/vmem/virtual_memory.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file virtual_memory.cc * \brief Thread-safe virtal memory manager */ diff --git a/vta/src/vmem/virtual_memory.h b/vta/src/vmem/virtual_memory.h index 9f1cbc1f2a0c..5181b3d01c2d 100644 --- a/vta/src/vmem/virtual_memory.h +++ b/vta/src/vmem/virtual_memory.h @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2019 by Contributors * \file virtual_memory.h * \brief The virtual memory manager for device simulation */ diff --git a/vta/tests/hardware/metal_test/metal_test.cc b/vta/tests/hardware/metal_test/metal_test.cc index 1dec5d2de660..cc0da5ccb440 100644 --- a/vta/tests/hardware/metal_test/metal_test.cc +++ b/vta/tests/hardware/metal_test/metal_test.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2018 by Contributors * \file metal_test.cpp * \brief Bare-metal test to test driver and VTA design. */ diff --git a/web/example_rpc.html b/web/example_rpc.html index b23ecda8e017..ae2b1dd9c44b 100644 --- a/web/example_rpc.html +++ b/web/example_rpc.html @@ -1,4 +1,21 @@ + + + + + + + + + + + + + + + + + TVM RPC Test Page diff --git a/web/web_runtime.cc b/web/web_runtime.cc index 91f10c079088..63284bd8c2cc 100644 --- a/web/web_runtime.cc +++ b/web/web_runtime.cc @@ -18,7 +18,6 @@ */ /*! - * Copyright (c) 2017 by Contributors * \file web_runtime.cc */ #include