From cac2b83a1c57855b1a578cfcf900dfa7a5b0c0c7 Mon Sep 17 00:00:00 2001 From: lzhengning Date: Fri, 22 Apr 2022 17:58:36 +0800 Subject: [PATCH] update copyright to 2022 --- LICENSE.txt | 4 ++-- python/jittor/__init__.py | 4 ++-- python/jittor/attention.py | 2 +- python/jittor/compile_extern.py | 2 +- python/jittor/compiler.py | 2 +- python/jittor/contrib.py | 2 +- python/jittor/dataset/dataset.py | 2 +- python/jittor/dataset/sampler.py | 2 +- python/jittor/dataset/utils.py | 2 +- python/jittor/depthwise_conv.py | 2 +- python/jittor/distributions.py | 2 +- python/jittor/extern/acl/acl_compiler.py | 2 +- python/jittor/extern/acl/acl_error_code.cc | 2 +- python/jittor/extern/acl/acl_jittor.cc | 2 +- python/jittor/extern/acl/acl_jittor.h | 2 +- python/jittor/extern/cuda/cub/ops/cub_arg_reduce_op.cc | 2 +- python/jittor/extern/cuda/cub/ops/cub_arg_reduce_op.h | 2 +- python/jittor/extern/cuda/cub/ops/cub_argsort_op.cc | 2 +- python/jittor/extern/cuda/cub/ops/cub_argsort_op.h | 2 +- python/jittor/extern/cuda/cub/ops/cub_cumsum_op.cc | 2 +- python/jittor/extern/cuda/cub/ops/cub_cumsum_op.h | 2 +- python/jittor/extern/cuda/cub/ops/cub_test_op.cc | 2 +- python/jittor/extern/cuda/cub/ops/cub_test_op.h | 2 +- python/jittor/extern/cuda/cub/ops/cub_where_op.cc | 2 +- python/jittor/extern/cuda/cub/ops/cub_where_op.h | 2 +- python/jittor/extern/cuda/cublas/inc/cublas_wrapper.h | 2 +- .../jittor/extern/cuda/cublas/ops/cublas_batched_matmul_op.cc | 2 +- .../jittor/extern/cuda/cublas/ops/cublas_batched_matmul_op.h | 2 +- python/jittor/extern/cuda/cublas/ops/cublas_matmul_op.cc | 2 +- python/jittor/extern/cuda/cublas/ops/cublas_matmul_op.h | 2 +- python/jittor/extern/cuda/cublas/ops/cublas_test_op.cc | 2 +- python/jittor/extern/cuda/cublas/ops/cublas_test_op.h | 2 +- python/jittor/extern/cuda/cublas/src/cublas_wrapper.cc | 2 +- python/jittor/extern/cuda/cudnn/inc/cudnn_rnn_descriptor.h | 2 +- python/jittor/extern/cuda/cudnn/inc/cudnn_wrapper.h | 2 +- .../extern/cuda/cudnn/ops/cudnn_conv3d_backward_w_op.cc | 2 +- .../jittor/extern/cuda/cudnn/ops/cudnn_conv3d_backward_w_op.h | 2 +- .../extern/cuda/cudnn/ops/cudnn_conv3d_backward_x_op.cc | 2 +- .../jittor/extern/cuda/cudnn/ops/cudnn_conv3d_backward_x_op.h | 2 +- python/jittor/extern/cuda/cudnn/ops/cudnn_conv3d_op.cc | 2 +- python/jittor/extern/cuda/cudnn/ops/cudnn_conv3d_op.h | 2 +- .../jittor/extern/cuda/cudnn/ops/cudnn_conv_backward_w_op.cc | 2 +- .../jittor/extern/cuda/cudnn/ops/cudnn_conv_backward_w_op.h | 2 +- .../jittor/extern/cuda/cudnn/ops/cudnn_conv_backward_x_op.cc | 2 +- .../jittor/extern/cuda/cudnn/ops/cudnn_conv_backward_x_op.h | 2 +- python/jittor/extern/cuda/cudnn/ops/cudnn_conv_op.cc | 2 +- python/jittor/extern/cuda/cudnn/ops/cudnn_conv_op.h | 2 +- .../jittor/extern/cuda/cudnn/ops/cudnn_rnn_backward_x_op.cc | 2 +- python/jittor/extern/cuda/cudnn/ops/cudnn_rnn_backward_x_op.h | 2 +- python/jittor/extern/cuda/cudnn/ops/cudnn_rnn_op.cc | 2 +- python/jittor/extern/cuda/cudnn/ops/cudnn_rnn_op.h | 2 +- python/jittor/extern/cuda/cudnn/ops/cudnn_test_op.cc | 2 +- python/jittor/extern/cuda/cudnn/ops/cudnn_test_op.h | 2 +- python/jittor/extern/cuda/cudnn/src/cudnn_rnn_descriptor.cc | 2 +- python/jittor/extern/cuda/cudnn/src/cudnn_wrapper.cc | 2 +- python/jittor/extern/cuda/cufft/inc/cufft_wrapper.h | 2 +- python/jittor/extern/cuda/cufft/ops/cufft_fft_op.cc | 2 +- python/jittor/extern/cuda/cufft/ops/cufft_fft_op.h | 2 +- python/jittor/extern/cuda/cufft/src/cufft_wrapper.cc | 2 +- python/jittor/extern/cuda/curand/inc/curand_wrapper.h | 2 +- python/jittor/extern/cuda/curand/ops/curand_random_op.cc | 2 +- python/jittor/extern/cuda/curand/ops/curand_random_op.h | 2 +- python/jittor/extern/cuda/curand/src/curand_wrapper.cc | 2 +- python/jittor/extern/cuda/curand/src/helper_curand.cc | 2 +- python/jittor/extern/cuda/nccl/inc/nccl_wrapper.h | 2 +- python/jittor/extern/cuda/nccl/ops/nccl_all_reduce_op.cc | 2 +- python/jittor/extern/cuda/nccl/ops/nccl_all_reduce_op.h | 2 +- python/jittor/extern/cuda/nccl/ops/nccl_broadcast_op.cc | 2 +- python/jittor/extern/cuda/nccl/ops/nccl_broadcast_op.h | 2 +- python/jittor/extern/cuda/nccl/ops/nccl_reduce_op.cc | 2 +- python/jittor/extern/cuda/nccl/ops/nccl_reduce_op.h | 2 +- python/jittor/extern/cuda/nccl/ops/nccl_test_op.h | 2 +- python/jittor/extern/cuda/nccl/src/nccl_wrapper.cc | 2 +- python/jittor/extern/mkl/ops/mkl_conv_backward_w_op.cc | 2 +- python/jittor/extern/mkl/ops/mkl_conv_backward_w_op.h | 2 +- python/jittor/extern/mkl/ops/mkl_conv_backward_x_op.cc | 2 +- python/jittor/extern/mkl/ops/mkl_conv_backward_x_op.h | 2 +- python/jittor/extern/mkl/ops/mkl_conv_op.cc | 2 +- python/jittor/extern/mkl/ops/mkl_conv_op.h | 2 +- python/jittor/extern/mkl/ops/mkl_matmul_op.cc | 2 +- python/jittor/extern/mkl/ops/mkl_matmul_op.h | 2 +- python/jittor/extern/mkl/ops/mkl_test_op.cc | 2 +- python/jittor/extern/mkl/ops/mkl_test_op.h | 2 +- python/jittor/extern/mpi/inc/mpi_wrapper.h | 2 +- python/jittor/extern/mpi/ops/mpi_all_reduce_op.cc | 2 +- python/jittor/extern/mpi/ops/mpi_all_reduce_op.h | 2 +- python/jittor/extern/mpi/ops/mpi_broadcast_op.cc | 2 +- python/jittor/extern/mpi/ops/mpi_broadcast_op.h | 2 +- python/jittor/extern/mpi/ops/mpi_reduce_op.cc | 2 +- python/jittor/extern/mpi/ops/mpi_reduce_op.h | 2 +- python/jittor/extern/mpi/ops/mpi_test_op.h | 2 +- python/jittor/extern/mpi/src/mpi_wrapper.cc | 2 +- python/jittor/init.py | 2 +- python/jittor/init_cupy.py | 2 +- python/jittor/linalg.py | 2 +- python/jittor/lr_scheduler.py | 2 +- python/jittor/misc.py | 2 +- python/jittor/models/alexnet.py | 2 +- python/jittor/models/densenet.py | 2 +- python/jittor/models/googlenet.py | 2 +- python/jittor/models/mnasnet.py | 2 +- python/jittor/models/mobilenet.py | 2 +- python/jittor/models/resnet.py | 2 +- python/jittor/models/shufflenetv2.py | 2 +- python/jittor/models/squeezenet.py | 2 +- python/jittor/models/vgg.py | 2 +- python/jittor/nn.py | 2 +- python/jittor/optim.py | 2 +- python/jittor/pool.py | 2 +- python/jittor/pyjt_compiler.py | 2 +- python/jittor/script/inference_perf.py | 2 +- python/jittor/sparse.py | 2 +- python/jittor/src/common.h | 2 +- python/jittor/src/core.h | 2 +- python/jittor/src/event_queue.cc | 2 +- python/jittor/src/event_queue.h | 2 +- python/jittor/src/executor.cc | 2 +- python/jittor/src/executor.h | 2 +- python/jittor/src/fused_op.cc | 2 +- python/jittor/src/fused_op.h | 2 +- python/jittor/src/fuser.h | 2 +- python/jittor/src/grad.cc | 2 +- python/jittor/src/grad.h | 2 +- python/jittor/src/graph.cc | 2 +- python/jittor/src/graph.h | 2 +- python/jittor/src/init.cc | 2 +- python/jittor/src/init.h | 2 +- python/jittor/src/jit_compiler.cc | 2 +- python/jittor/src/jit_compiler.h | 2 +- python/jittor/src/jit_key.cc | 2 +- python/jittor/src/jit_key.h | 2 +- python/jittor/src/lock.cc | 2 +- python/jittor/src/lock.h | 2 +- python/jittor/src/mem/allocator.cc | 2 +- python/jittor/src/mem/allocator.h | 2 +- python/jittor/src/mem/allocator/aligned_allocator.cc | 2 +- python/jittor/src/mem/allocator/aligned_allocator.h | 2 +- python/jittor/src/mem/allocator/cuda_device_allocator.cc | 2 +- python/jittor/src/mem/allocator/cuda_device_allocator.h | 2 +- python/jittor/src/mem/allocator/cuda_dual_allocator.cc | 2 +- python/jittor/src/mem/allocator/cuda_dual_allocator.h | 2 +- python/jittor/src/mem/allocator/cuda_host_allocator.cc | 2 +- python/jittor/src/mem/allocator/cuda_host_allocator.h | 2 +- python/jittor/src/mem/allocator/cuda_managed_allocator.cc | 2 +- python/jittor/src/mem/allocator/cuda_managed_allocator.h | 2 +- python/jittor/src/mem/allocator/nfef_allocator.cc | 2 +- python/jittor/src/mem/allocator/nfef_allocator.h | 2 +- python/jittor/src/mem/allocator/sfrl_allocator.cc | 2 +- python/jittor/src/mem/allocator/sfrl_allocator.h | 2 +- python/jittor/src/mem/allocator/stat_allocator.cc | 2 +- python/jittor/src/mem/allocator/stat_allocator.h | 2 +- python/jittor/src/mem/allocator/temp_allocator.cc | 2 +- python/jittor/src/mem/allocator/temp_allocator.h | 2 +- python/jittor/src/mem/mem_info.cc | 2 +- python/jittor/src/mem/mem_info.h | 2 +- python/jittor/src/memory_profiler.cc | 2 +- python/jittor/src/memory_profiler.h | 2 +- python/jittor/src/misc/cpu_atomic.cc | 2 +- python/jittor/src/misc/cpu_atomic.h | 2 +- python/jittor/src/misc/cpu_math.cc | 2 +- python/jittor/src/misc/cpu_math.h | 2 +- python/jittor/src/misc/cstr.h | 2 +- python/jittor/src/misc/cuda_atomic.h | 2 +- python/jittor/src/misc/cuda_flags.cc | 2 +- python/jittor/src/misc/cuda_flags.h | 2 +- python/jittor/src/misc/cuda_limits.h | 2 +- python/jittor/src/misc/deleter.h | 2 +- python/jittor/src/misc/fast_shared_ptr.h | 2 +- python/jittor/src/misc/hash.h | 2 +- python/jittor/src/misc/intrin.h | 2 +- python/jittor/src/misc/nan_checker.cc | 2 +- python/jittor/src/misc/nan_checker.cu | 2 +- python/jittor/src/misc/nan_checker.h | 2 +- python/jittor/src/misc/nano_string.cc | 2 +- python/jittor/src/misc/nano_string.h | 2 +- python/jittor/src/misc/nano_vector.h | 2 +- python/jittor/src/misc/ring_buffer.cc | 2 +- python/jittor/src/misc/ring_buffer.h | 2 +- python/jittor/src/misc/stack_vector.h | 2 +- python/jittor/src/misc/string_view_map.h | 2 +- python/jittor/src/node.h | 2 +- python/jittor/src/numpy_func.h | 2 +- python/jittor/src/op.cc | 2 +- python/jittor/src/op.h | 2 +- python/jittor/src/op_compiler.cc | 2 +- python/jittor/src/op_compiler.h | 2 +- python/jittor/src/ops/arg_reduce_op.cc | 2 +- python/jittor/src/ops/arg_reduce_op.h | 2 +- python/jittor/src/ops/argsort_op.cc | 2 +- python/jittor/src/ops/argsort_op.h | 2 +- python/jittor/src/ops/array_op.cc | 2 +- python/jittor/src/ops/array_op.h | 2 +- python/jittor/src/ops/binary_op.cc | 2 +- python/jittor/src/ops/binary_op.h | 2 +- python/jittor/src/ops/broadcast_to_op.cc | 2 +- python/jittor/src/ops/broadcast_to_op.h | 2 +- python/jittor/src/ops/candidate_op.cc | 2 +- python/jittor/src/ops/candidate_op.h | 2 +- python/jittor/src/ops/clone_op.cc | 2 +- python/jittor/src/ops/clone_op.h | 2 +- python/jittor/src/ops/code_op.cc | 2 +- python/jittor/src/ops/code_op.h | 2 +- python/jittor/src/ops/copy_op.cc | 2 +- python/jittor/src/ops/copy_op.h | 2 +- python/jittor/src/ops/empty_op.cc | 2 +- python/jittor/src/ops/empty_op.h | 2 +- python/jittor/src/ops/fetch_op.cc | 2 +- python/jittor/src/ops/fetch_op.h | 2 +- python/jittor/src/ops/fuse_transpose_op.cc | 2 +- python/jittor/src/ops/fuse_transpose_op.h | 2 +- python/jittor/src/ops/getitem_op.cc | 2 +- python/jittor/src/ops/getitem_op.h | 2 +- python/jittor/src/ops/index_op.cc | 2 +- python/jittor/src/ops/index_op.h | 2 +- python/jittor/src/ops/numpy_code_op.cc | 2 +- python/jittor/src/ops/numpy_code_op.h | 2 +- python/jittor/src/ops/op_register.cc | 2 +- python/jittor/src/ops/op_register.h | 2 +- python/jittor/src/ops/op_utils.cc | 2 +- python/jittor/src/ops/random_op.cc | 2 +- python/jittor/src/ops/random_op.h | 2 +- python/jittor/src/ops/reduce_op.cc | 2 +- python/jittor/src/ops/reduce_op.h | 2 +- python/jittor/src/ops/reindex_op.cc | 2 +- python/jittor/src/ops/reindex_op.h | 2 +- python/jittor/src/ops/reindex_reduce_op.cc | 2 +- python/jittor/src/ops/reindex_reduce_op.h | 2 +- python/jittor/src/ops/reshape_op.cc | 2 +- python/jittor/src/ops/reshape_op.h | 2 +- python/jittor/src/ops/safe_clip_op.cc | 2 +- python/jittor/src/ops/safe_clip_op.h | 2 +- python/jittor/src/ops/setitem_op.cc | 2 +- python/jittor/src/ops/setitem_op.h | 2 +- python/jittor/src/ops/tape_op.cc | 2 +- python/jittor/src/ops/tape_op.h | 2 +- python/jittor/src/ops/ternary_op.cc | 2 +- python/jittor/src/ops/ternary_op.h | 2 +- python/jittor/src/ops/transpose_op.cc | 2 +- python/jittor/src/ops/transpose_op.h | 2 +- python/jittor/src/ops/unary_op.cc | 2 +- python/jittor/src/ops/unary_op.h | 2 +- python/jittor/src/ops/where_op.cc | 2 +- python/jittor/src/ops/where_op.h | 2 +- python/jittor/src/opt/expr.cc | 2 +- python/jittor/src/opt/expr.h | 2 +- python/jittor/src/opt/gopt/setitem_gopt.cc | 2 +- python/jittor/src/opt/jit_searcher.cc | 2 +- python/jittor/src/opt/jit_searcher.h | 2 +- python/jittor/src/opt/kernel_ir.cc | 2 +- python/jittor/src/opt/kernel_ir.h | 2 +- python/jittor/src/opt/pass/assume_aligned_pass.cc | 2 +- python/jittor/src/opt/pass/assume_aligned_pass.h | 2 +- python/jittor/src/opt/pass/atomic_tuner_pass.h | 2 +- python/jittor/src/opt/pass/check_cache_pass.cc | 2 +- python/jittor/src/opt/pass/check_cache_pass.h | 2 +- python/jittor/src/opt/pass/compile_shapes_pass.cc | 2 +- python/jittor/src/opt/pass/compile_shapes_pass.h | 2 +- python/jittor/src/opt/pass/const_var_pass.cc | 2 +- python/jittor/src/opt/pass/const_var_pass.h | 2 +- python/jittor/src/opt/pass/expand_empty_block_pass.cc | 2 +- python/jittor/src/opt/pass/expand_empty_block_pass.h | 2 +- python/jittor/src/opt/pass/fake_main_pass.cc | 2 +- python/jittor/src/opt/pass/fake_main_pass.h | 2 +- python/jittor/src/opt/pass/float_atomic_fix_pass.cc | 2 +- python/jittor/src/opt/pass/float_atomic_fix_pass.h | 2 +- python/jittor/src/opt/pass/insert_profile_loop_pass.cc | 2 +- python/jittor/src/opt/pass/insert_profile_loop_pass.h | 2 +- python/jittor/src/opt/pass/loop_to_func_pass.cc | 2 +- python/jittor/src/opt/pass/loop_to_func_pass.h | 2 +- python/jittor/src/opt/pass/loop_var_analyze_pass.cc | 2 +- python/jittor/src/opt/pass/loop_var_analyze_pass.h | 2 +- python/jittor/src/opt/pass/mark_raw_pass.cc | 2 +- python/jittor/src/opt/pass/mark_raw_pass.h | 2 +- python/jittor/src/opt/pass/merge_loop_pass.cc | 2 +- python/jittor/src/opt/pass/merge_loop_pass.h | 2 +- python/jittor/src/opt/pass/merge_loop_var_pass.cc | 2 +- python/jittor/src/opt/pass/merge_loop_var_pass.h | 2 +- python/jittor/src/opt/pass/parallel_pass.h | 2 +- python/jittor/src/opt/pass/pass.cc | 2 +- python/jittor/src/opt/pass/pass.h | 2 +- python/jittor/src/opt/pass/remove_intermediate_pass.cc | 2 +- python/jittor/src/opt/pass/remove_intermediate_pass.h | 2 +- python/jittor/src/opt/pass/remove_loop_pass.cc | 2 +- python/jittor/src/opt/pass/remove_loop_pass.h | 2 +- python/jittor/src/opt/pass/rename_loop_index_pass.cc | 2 +- python/jittor/src/opt/pass/rename_loop_index_pass.h | 2 +- python/jittor/src/opt/pass/reorder_loop_pass.cc | 2 +- python/jittor/src/opt/pass/reorder_loop_pass.h | 2 +- python/jittor/src/opt/pass/replace_for_num_pass.cc | 2 +- python/jittor/src/opt/pass/replace_for_num_pass.h | 2 +- python/jittor/src/opt/pass/restride_pass.cc | 2 +- python/jittor/src/opt/pass/restride_pass.h | 2 +- python/jittor/src/opt/pass/solve_conflict_define_pass.cc | 2 +- python/jittor/src/opt/pass/solve_conflict_define_pass.h | 2 +- python/jittor/src/opt/pass/split_loop_pass.cc | 2 +- python/jittor/src/opt/pass/split_loop_pass.h | 2 +- python/jittor/src/opt/pass/unroll_pass.cc | 2 +- python/jittor/src/opt/pass/unroll_pass.h | 2 +- python/jittor/src/opt/pass/use_movnt_pass.cc | 2 +- python/jittor/src/opt/pass/use_movnt_pass.h | 2 +- python/jittor/src/opt/pass/vectorize_pass.cc | 2 +- python/jittor/src/opt/pass/vectorize_pass.h | 2 +- python/jittor/src/opt/pass_manager.cc | 2 +- python/jittor/src/opt/pass_manager.h | 2 +- python/jittor/src/opt/tuner/broadcast_tuner.cc | 2 +- python/jittor/src/opt/tuner/broadcast_tuner.h | 2 +- python/jittor/src/opt/tuner/conv_tuner.cc | 2 +- python/jittor/src/opt/tuner/conv_tuner.h | 2 +- python/jittor/src/opt/tuner/matmul_tuner.cc | 2 +- python/jittor/src/opt/tuner/matmul_tuner.h | 2 +- python/jittor/src/opt/tuner/reduce_tuner.cc | 2 +- python/jittor/src/opt/tuner/reduce_tuner.h | 2 +- python/jittor/src/opt/tuner/reorder_tuner.cc | 2 +- python/jittor/src/opt/tuner/reorder_tuner.h | 2 +- python/jittor/src/opt/tuner/tuner.cc | 2 +- python/jittor/src/opt/tuner/tuner.h | 2 +- python/jittor/src/opt/tuner_manager.cc | 2 +- python/jittor/src/opt/tuner_manager.h | 2 +- python/jittor/src/opt/var_relay.cc | 2 +- python/jittor/src/opt/var_relay.h | 2 +- python/jittor/src/parallel_compiler.cc | 2 +- python/jittor/src/parallel_compiler.h | 2 +- python/jittor/src/profiler/cache_info.cc | 2 +- python/jittor/src/profiler/cache_info.h | 2 +- python/jittor/src/profiler/memory_checker.cc | 2 +- python/jittor/src/profiler/memory_checker.h | 2 +- python/jittor/src/profiler/profiler.cc | 2 +- python/jittor/src/profiler/profiler.h | 2 +- python/jittor/src/profiler/profiler_guard.h | 2 +- python/jittor/src/profiler/replacement.cc | 2 +- python/jittor/src/profiler/replacement.h | 2 +- python/jittor/src/profiler/simple_profiler.h | 2 +- python/jittor/src/profiler/vtop.cc | 2 +- python/jittor/src/pybind/core.cc | 2 +- python/jittor/src/pybind/py_var_tracer.cc | 2 +- python/jittor/src/pybind/py_var_tracer.h | 2 +- python/jittor/src/pybind/py_var_tracer_interface.h | 2 +- python/jittor/src/pyjt/numpy.cc | 2 +- python/jittor/src/pyjt/numpy.h | 2 +- python/jittor/src/pyjt/py_arg_printer.cc | 2 +- python/jittor/src/pyjt/py_arg_printer.h | 2 +- python/jittor/src/pyjt/py_array_op.cc | 2 +- python/jittor/src/pyjt/py_caller.cc | 2 +- python/jittor/src/pyjt/py_caller.h | 2 +- python/jittor/src/pyjt/py_converter.h | 2 +- python/jittor/src/pyjt/py_obj_holder.h | 2 +- python/jittor/src/pyjt/py_ring_buffer.cc | 2 +- python/jittor/src/pyjt/py_ring_buffer.h | 2 +- python/jittor/src/pyjt/pyjt_console.h | 2 +- python/jittor/src/test/test_expr.cc | 2 +- python/jittor/src/test/test_fast_shared_ptr.cc | 2 +- python/jittor/src/test/test_jit_key.cc | 2 +- python/jittor/src/test/test_kernel_ir.cc | 2 +- python/jittor/src/test/test_nano_vector.cc | 2 +- python/jittor/src/test/test_op_compiler.cc | 2 +- python/jittor/src/test/test_op_relay.cc | 2 +- python/jittor/src/test/test_setitem_op.cc | 2 +- python/jittor/src/test/test_sfrl_allocator.cc | 2 +- python/jittor/src/type/common_op_type.cc | 2 +- python/jittor/src/type/fp16_compute.h | 2 +- python/jittor/src/type/fp16_op_type.cc | 2 +- python/jittor/src/types.h | 2 +- python/jittor/src/update_queue.cc | 2 +- python/jittor/src/update_queue.h | 2 +- python/jittor/src/utils/cache_compile.cc | 2 +- python/jittor/src/utils/cache_compile.h | 2 +- python/jittor/src/utils/cross_platform.h | 2 +- python/jittor/src/utils/flags.cc | 2 +- python/jittor/src/utils/flags.h | 2 +- python/jittor/src/utils/jit_utils.cc | 2 +- python/jittor/src/utils/log.cc | 2 +- python/jittor/src/utils/log.h | 2 +- python/jittor/src/utils/mwsr_list.cc | 2 +- python/jittor/src/utils/mwsr_list.h | 2 +- python/jittor/src/utils/str_utils.cc | 2 +- python/jittor/src/utils/str_utils.h | 2 +- python/jittor/src/utils/tracer.cc | 2 +- python/jittor/src/utils/tracer.h | 2 +- python/jittor/src/var.cc | 2 +- python/jittor/src/var.h | 2 +- python/jittor/src/var_holder.cc | 2 +- python/jittor/src/var_holder.h | 2 +- python/jittor/src/var_slices.cc | 2 +- python/jittor/src/var_slices.h | 2 +- python/jittor/test/__main__.py | 2 +- python/jittor/test/test.h | 2 +- python/jittor/test/test_acl.py | 2 +- python/jittor/test/test_affine_grid.py | 2 +- python/jittor/test/test_allocator.py | 2 +- python/jittor/test/test_allocator2.py | 2 +- python/jittor/test/test_arg_reduce_op.py | 2 +- python/jittor/test/test_argsort_op.py | 2 +- python/jittor/test/test_array.py | 2 +- python/jittor/test/test_asm_tuner.py | 2 +- python/jittor/test/test_atomic_tuner.py | 2 +- python/jittor/test/test_attention.py | 2 +- python/jittor/test/test_auto_diff.py | 2 +- python/jittor/test/test_batchnorm.py | 2 +- python/jittor/test/test_benchmark.py | 2 +- python/jittor/test/test_bicubic.py | 2 +- python/jittor/test/test_binary_op.py | 2 +- python/jittor/test/test_bmm.py | 2 +- python/jittor/test/test_broadcast_to_op.py | 2 +- python/jittor/test/test_broadcast_tuner.py | 2 +- python/jittor/test/test_cache.py | 2 +- python/jittor/test/test_candidate.py | 2 +- python/jittor/test/test_clone.py | 2 +- python/jittor/test/test_code_op.py | 2 +- python/jittor/test/test_compile_options.py | 2 +- python/jittor/test/test_concat_op.py | 2 +- python/jittor/test/test_console.py | 2 +- python/jittor/test/test_contrib.py | 2 +- python/jittor/test/test_conv_transpose.py | 2 +- python/jittor/test/test_conv_tuner.py | 2 +- python/jittor/test/test_core.py | 2 +- python/jittor/test/test_cub_cumsum.py | 2 +- python/jittor/test/test_cublas_test_op.py | 2 +- python/jittor/test/test_cuda.py | 2 +- python/jittor/test/test_cudnn_op.py | 2 +- python/jittor/test/test_custom_op.py | 2 +- python/jittor/test/test_dataset.py | 2 +- python/jittor/test/test_default_var.py | 2 +- python/jittor/test/test_densenet.py | 2 +- python/jittor/test/test_depthwise_conv.py | 2 +- python/jittor/test/test_distributions.py | 2 +- python/jittor/test/test_einsum.py | 2 +- python/jittor/test/test_emnist.py | 2 +- python/jittor/test/test_error_msg.py | 2 +- python/jittor/test/test_example.py | 2 +- python/jittor/test/test_example_accumulate_grad.py | 2 +- python/jittor/test/test_fetcher.py | 2 +- python/jittor/test/test_fft_op.py | 2 +- python/jittor/test/test_flags.py | 2 +- python/jittor/test/test_fold.py | 2 +- python/jittor/test/test_fp16.py | 2 +- python/jittor/test/test_function.py | 2 +- python/jittor/test/test_fused_op.py | 2 +- python/jittor/test/test_fuser.py | 2 +- python/jittor/test/test_grad.py | 2 +- python/jittor/test/test_group_conv_tuner.py | 2 +- python/jittor/test/test_hook.py | 2 +- python/jittor/test/test_image_folder.py | 2 +- python/jittor/test/test_inception.py | 2 +- python/jittor/test/test_index_op.py | 2 +- python/jittor/test/test_jit_tests.py | 2 +- python/jittor/test/test_jtune.py | 2 +- python/jittor/test/test_lazy_execution.py | 2 +- python/jittor/test/test_linalg.py | 2 +- python/jittor/test/test_load_pth.py | 2 +- python/jittor/test/test_lock.py | 2 +- python/jittor/test/test_log.py | 2 +- python/jittor/test/test_longest_dis_fuse.py | 2 +- python/jittor/test/test_loss.py | 2 +- python/jittor/test/test_loss3d.py | 2 +- python/jittor/test/test_lr_scheduler.py | 2 +- python/jittor/test/test_lstm.py | 2 +- python/jittor/test/test_matmul.py | 2 +- python/jittor/test/test_matmul_tuner.py | 2 +- python/jittor/test/test_mem.py | 2 +- python/jittor/test/test_memory_profiler.py | 2 +- python/jittor/test/test_merge_loop_var_pass.py | 2 +- python/jittor/test/test_merge_single_array_op.py | 2 +- python/jittor/test/test_misc_issue.py | 2 +- python/jittor/test/test_misc_op.py | 2 +- python/jittor/test/test_mkl_conv_op.py | 2 +- python/jittor/test/test_mkl_test_op.py | 2 +- python/jittor/test/test_models.py | 2 +- python/jittor/test/test_mpi.py | 2 +- python/jittor/test/test_mpi_batchnorm.py | 2 +- python/jittor/test/test_mpi_in_py.py | 2 +- python/jittor/test/test_mpi_op.py | 2 +- python/jittor/test/test_nano_string.py | 2 +- python/jittor/test/test_nano_vector.py | 2 +- python/jittor/test/test_nccl.py | 2 +- python/jittor/test/test_nccl_ops.py | 2 +- python/jittor/test/test_new_fused_op.py | 2 +- python/jittor/test/test_node.py | 2 +- python/jittor/test/test_notebooks.py | 2 +- python/jittor/test/test_numpy_code_op.py | 2 +- python/jittor/test/test_op_compiler.py | 2 +- python/jittor/test/test_opt_state_dict.py | 2 +- python/jittor/test/test_optimizer.py | 2 +- python/jittor/test/test_pad.py | 2 +- python/jittor/test/test_parallel_pass.py | 2 +- python/jittor/test/test_param_list.py | 2 +- python/jittor/test/test_profiler.py | 2 +- python/jittor/test/test_pytorch_converter.py | 2 +- python/jittor/test/test_random_op.py | 2 +- python/jittor/test/test_reduce_op.py | 2 +- python/jittor/test/test_reduce_tuner.py | 2 +- python/jittor/test/test_reindex_op.py | 2 +- python/jittor/test/test_reindex_reduce_op.py | 2 +- python/jittor/test/test_relu.py | 2 +- python/jittor/test/test_reorder_tuner.py | 2 +- python/jittor/test/test_repeat.py | 2 +- python/jittor/test/test_reshape.py | 2 +- python/jittor/test/test_resize_and_crop.py | 2 +- python/jittor/test/test_resnet.py | 2 +- python/jittor/test/test_ring_buffer.py | 2 +- python/jittor/test/test_ring_buffer2.py | 2 +- python/jittor/test/test_rnn.py | 2 +- python/jittor/test/test_search_sorted.py | 2 +- python/jittor/test/test_setitem.py | 2 +- python/jittor/test/test_single_process_scope.py | 2 +- python/jittor/test/test_slice.py | 2 +- python/jittor/test/test_sparse.py | 2 +- python/jittor/test/test_stop_fuse.py | 2 +- python/jittor/test/test_superglue.py | 2 +- python/jittor/test/test_ternary_op.py | 2 +- python/jittor/test/test_trace_var.py | 2 +- python/jittor/test/test_tracer.py | 2 +- python/jittor/test/test_transform.py | 2 +- python/jittor/test/test_transpose_op.py | 2 +- python/jittor/test/test_unary_op.py | 2 +- python/jittor/test/test_utils.py | 2 +- python/jittor/test/test_var.py | 2 +- python/jittor/test/test_vgg.py | 2 +- python/jittor/test/test_where_op.py | 2 +- python/jittor/transform/__init__.py | 2 +- python/jittor/transform/function_pil.py | 2 +- python/jittor/utils/asm_tuner.py | 2 +- python/jittor/utils/gen_pyi.py | 2 +- python/jittor/utils/jtune.py | 2 +- python/jittor/utils/nvtx.py | 2 +- python/jittor/utils/polish.py | 2 +- python/jittor/utils/polish_centos.py | 2 +- python/jittor/utils/publish.py | 2 +- python/jittor/utils/pytorch_converter.py | 2 +- python/jittor/utils/tracer.py | 2 +- python/jittor_utils/__init__.py | 2 +- python/jittor_utils/class/setup_env.py | 2 +- python/jittor_utils/clean_cache.py | 2 +- python/jittor_utils/install_cuda.py | 2 +- python/jittor_utils/misc.py | 2 +- python/jittor_utils/ring_buffer.py | 2 +- python/jittor_utils/student_queue.py | 2 +- 536 files changed, 538 insertions(+), 538 deletions(-) diff --git a/LICENSE.txt b/LICENSE.txt index 4b7fb094..5ee0e6e0 100644 --- a/LICENSE.txt +++ b/LICENSE.txt @@ -1,4 +1,4 @@ -Copyright (c) 2021 Jittor. All Rights Reserved +Copyright (c) 2022 Jittor. All Rights Reserved Apache License Version 2.0, January 2004 @@ -188,7 +188,7 @@ Copyright (c) 2021 Jittor. All Rights Reserved same "printed page" as the copyright notice for easier identification within third-party archives. - Copyright (c) 2021 Jittor. All Rights Reserved. + Copyright (c) 2022 Jittor. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/python/jittor/__init__.py b/python/jittor/__init__.py index c89e4c27..7b248160 100644 --- a/python/jittor/__init__.py +++ b/python/jittor/__init__.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # Meng-Hao Guo @@ -9,7 +9,7 @@ # file 'LICENSE.txt', which is part of this source code package. # *************************************************************** -__version__ = '1.3.3.0' +__version__ = '1.3.3.1' from jittor_utils import lock with lock.lock_scope(): ori_int = int diff --git a/python/jittor/attention.py b/python/jittor/attention.py index 7132b007..23bd049e 100644 --- a/python/jittor/attention.py +++ b/python/jittor/attention.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guowei Yang <471184555@qq.com> # Dun Liang . diff --git a/python/jittor/compile_extern.py b/python/jittor/compile_extern.py index 3d07c682..db47a69f 100644 --- a/python/jittor/compile_extern.py +++ b/python/jittor/compile_extern.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/compiler.py b/python/jittor/compiler.py index a61419ad..528b2043 100644 --- a/python/jittor/compiler.py +++ b/python/jittor/compiler.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/contrib.py b/python/jittor/contrib.py index 3be631e3..4432684c 100644 --- a/python/jittor/contrib.py +++ b/python/jittor/contrib.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guowei Yang <471184555@qq.com> # Guoye Yang <498731903@qq.com> diff --git a/python/jittor/dataset/dataset.py b/python/jittor/dataset/dataset.py index f4fc06ba..48c4a988 100644 --- a/python/jittor/dataset/dataset.py +++ b/python/jittor/dataset/dataset.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Meng-Hao Guo # Dun Liang . diff --git a/python/jittor/dataset/sampler.py b/python/jittor/dataset/sampler.py index 465ee344..903a65dc 100644 --- a/python/jittor/dataset/sampler.py +++ b/python/jittor/dataset/sampler.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Hao-Yang Peng # Dun Liang . diff --git a/python/jittor/dataset/utils.py b/python/jittor/dataset/utils.py index 7834e0ed..6a21a83b 100644 --- a/python/jittor/dataset/utils.py +++ b/python/jittor/dataset/utils.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Meng-Hao Guo # Dun Liang . diff --git a/python/jittor/depthwise_conv.py b/python/jittor/depthwise_conv.py index 98a43157..ed17111d 100644 --- a/python/jittor/depthwise_conv.py +++ b/python/jittor/depthwise_conv.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guoye Yang <498731903@qq.com> # Dun Liang . diff --git a/python/jittor/distributions.py b/python/jittor/distributions.py index c5853600..12ac53cb 100644 --- a/python/jittor/distributions.py +++ b/python/jittor/distributions.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Haoyang Peng <2247838039@qq.com> # Dun Liang . diff --git a/python/jittor/extern/acl/acl_compiler.py b/python/jittor/extern/acl/acl_compiler.py index 289ea67c..92fb816e 100644 --- a/python/jittor/extern/acl/acl_compiler.py +++ b/python/jittor/extern/acl/acl_compiler.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/extern/acl/acl_error_code.cc b/python/jittor/extern/acl/acl_error_code.cc index d6163185..50b9af23 100644 --- a/python/jittor/extern/acl/acl_error_code.cc +++ b/python/jittor/extern/acl/acl_error_code.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/extern/acl/acl_jittor.cc b/python/jittor/extern/acl/acl_jittor.cc index acc6fb2f..6d12573d 100644 --- a/python/jittor/extern/acl/acl_jittor.cc +++ b/python/jittor/extern/acl/acl_jittor.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/extern/acl/acl_jittor.h b/python/jittor/extern/acl/acl_jittor.h index 3bd28790..46f8471a 100644 --- a/python/jittor/extern/acl/acl_jittor.h +++ b/python/jittor/extern/acl/acl_jittor.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/extern/cuda/cub/ops/cub_arg_reduce_op.cc b/python/jittor/extern/cuda/cub/ops/cub_arg_reduce_op.cc index 28bbeded..9290fc42 100644 --- a/python/jittor/extern/cuda/cub/ops/cub_arg_reduce_op.cc +++ b/python/jittor/extern/cuda/cub/ops/cub_arg_reduce_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/extern/cuda/cub/ops/cub_arg_reduce_op.h b/python/jittor/extern/cuda/cub/ops/cub_arg_reduce_op.h index 51c8e249..f14f3715 100644 --- a/python/jittor/extern/cuda/cub/ops/cub_arg_reduce_op.h +++ b/python/jittor/extern/cuda/cub/ops/cub_arg_reduce_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/extern/cuda/cub/ops/cub_argsort_op.cc b/python/jittor/extern/cuda/cub/ops/cub_argsort_op.cc index 09260855..549229a3 100644 --- a/python/jittor/extern/cuda/cub/ops/cub_argsort_op.cc +++ b/python/jittor/extern/cuda/cub/ops/cub_argsort_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/extern/cuda/cub/ops/cub_argsort_op.h b/python/jittor/extern/cuda/cub/ops/cub_argsort_op.h index b4473b3e..e15dfebe 100644 --- a/python/jittor/extern/cuda/cub/ops/cub_argsort_op.h +++ b/python/jittor/extern/cuda/cub/ops/cub_argsort_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/extern/cuda/cub/ops/cub_cumsum_op.cc b/python/jittor/extern/cuda/cub/ops/cub_cumsum_op.cc index cea21192..0900cbc6 100644 --- a/python/jittor/extern/cuda/cub/ops/cub_cumsum_op.cc +++ b/python/jittor/extern/cuda/cub/ops/cub_cumsum_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/extern/cuda/cub/ops/cub_cumsum_op.h b/python/jittor/extern/cuda/cub/ops/cub_cumsum_op.h index 79be4b99..5a4b0e49 100644 --- a/python/jittor/extern/cuda/cub/ops/cub_cumsum_op.h +++ b/python/jittor/extern/cuda/cub/ops/cub_cumsum_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/extern/cuda/cub/ops/cub_test_op.cc b/python/jittor/extern/cuda/cub/ops/cub_test_op.cc index 7666a454..400b0f31 100644 --- a/python/jittor/extern/cuda/cub/ops/cub_test_op.cc +++ b/python/jittor/extern/cuda/cub/ops/cub_test_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/extern/cuda/cub/ops/cub_test_op.h b/python/jittor/extern/cuda/cub/ops/cub_test_op.h index be213722..cb2312d4 100644 --- a/python/jittor/extern/cuda/cub/ops/cub_test_op.h +++ b/python/jittor/extern/cuda/cub/ops/cub_test_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/extern/cuda/cub/ops/cub_where_op.cc b/python/jittor/extern/cuda/cub/ops/cub_where_op.cc index ade98be8..9b8ef953 100644 --- a/python/jittor/extern/cuda/cub/ops/cub_where_op.cc +++ b/python/jittor/extern/cuda/cub/ops/cub_where_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Xiangli Li <1905692338@qq.com> // Dun Liang . diff --git a/python/jittor/extern/cuda/cub/ops/cub_where_op.h b/python/jittor/extern/cuda/cub/ops/cub_where_op.h index d5d00e3a..ea436a9c 100644 --- a/python/jittor/extern/cuda/cub/ops/cub_where_op.h +++ b/python/jittor/extern/cuda/cub/ops/cub_where_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Xiangli Li <1905692338@qq.com> // Dun Liang . diff --git a/python/jittor/extern/cuda/cublas/inc/cublas_wrapper.h b/python/jittor/extern/cuda/cublas/inc/cublas_wrapper.h index 5ff0de2c..1caf40ef 100644 --- a/python/jittor/extern/cuda/cublas/inc/cublas_wrapper.h +++ b/python/jittor/extern/cuda/cublas/inc/cublas_wrapper.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/extern/cuda/cublas/ops/cublas_batched_matmul_op.cc b/python/jittor/extern/cuda/cublas/ops/cublas_batched_matmul_op.cc index 8c1eada1..efccfb5e 100644 --- a/python/jittor/extern/cuda/cublas/ops/cublas_batched_matmul_op.cc +++ b/python/jittor/extern/cuda/cublas/ops/cublas_batched_matmul_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Meng-Hao Guo // Dun Liang . diff --git a/python/jittor/extern/cuda/cublas/ops/cublas_batched_matmul_op.h b/python/jittor/extern/cuda/cublas/ops/cublas_batched_matmul_op.h index 2f85edcc..ad016da7 100644 --- a/python/jittor/extern/cuda/cublas/ops/cublas_batched_matmul_op.h +++ b/python/jittor/extern/cuda/cublas/ops/cublas_batched_matmul_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Meng-Hao Guo // Dun Liang . diff --git a/python/jittor/extern/cuda/cublas/ops/cublas_matmul_op.cc b/python/jittor/extern/cuda/cublas/ops/cublas_matmul_op.cc index 9dde34e9..b6dfde3c 100644 --- a/python/jittor/extern/cuda/cublas/ops/cublas_matmul_op.cc +++ b/python/jittor/extern/cuda/cublas/ops/cublas_matmul_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guowei Yang <471184555@qq.com> // Dun Liang . diff --git a/python/jittor/extern/cuda/cublas/ops/cublas_matmul_op.h b/python/jittor/extern/cuda/cublas/ops/cublas_matmul_op.h index d0aad97b..24c5d1b8 100644 --- a/python/jittor/extern/cuda/cublas/ops/cublas_matmul_op.h +++ b/python/jittor/extern/cuda/cublas/ops/cublas_matmul_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/extern/cuda/cublas/ops/cublas_test_op.cc b/python/jittor/extern/cuda/cublas/ops/cublas_test_op.cc index 6a933464..2a0021ba 100644 --- a/python/jittor/extern/cuda/cublas/ops/cublas_test_op.cc +++ b/python/jittor/extern/cuda/cublas/ops/cublas_test_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/extern/cuda/cublas/ops/cublas_test_op.h b/python/jittor/extern/cuda/cublas/ops/cublas_test_op.h index 58a5fc86..1fda980b 100644 --- a/python/jittor/extern/cuda/cublas/ops/cublas_test_op.h +++ b/python/jittor/extern/cuda/cublas/ops/cublas_test_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/extern/cuda/cublas/src/cublas_wrapper.cc b/python/jittor/extern/cuda/cublas/src/cublas_wrapper.cc index bc615f67..fa2a24c2 100644 --- a/python/jittor/extern/cuda/cublas/src/cublas_wrapper.cc +++ b/python/jittor/extern/cuda/cublas/src/cublas_wrapper.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/extern/cuda/cudnn/inc/cudnn_rnn_descriptor.h b/python/jittor/extern/cuda/cudnn/inc/cudnn_rnn_descriptor.h index c500b006..bb018762 100644 --- a/python/jittor/extern/cuda/cudnn/inc/cudnn_rnn_descriptor.h +++ b/python/jittor/extern/cuda/cudnn/inc/cudnn_rnn_descriptor.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Zheng-Ning Liu // This file is subject to the terms and conditions defined in diff --git a/python/jittor/extern/cuda/cudnn/inc/cudnn_wrapper.h b/python/jittor/extern/cuda/cudnn/inc/cudnn_wrapper.h index bfcd0020..ef683983 100644 --- a/python/jittor/extern/cuda/cudnn/inc/cudnn_wrapper.h +++ b/python/jittor/extern/cuda/cudnn/inc/cudnn_wrapper.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/extern/cuda/cudnn/ops/cudnn_conv3d_backward_w_op.cc b/python/jittor/extern/cuda/cudnn/ops/cudnn_conv3d_backward_w_op.cc index 11564932..58306510 100644 --- a/python/jittor/extern/cuda/cudnn/ops/cudnn_conv3d_backward_w_op.cc +++ b/python/jittor/extern/cuda/cudnn/ops/cudnn_conv3d_backward_w_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Dun Liang // Guowei Yang <471184555@qq.com> diff --git a/python/jittor/extern/cuda/cudnn/ops/cudnn_conv3d_backward_w_op.h b/python/jittor/extern/cuda/cudnn/ops/cudnn_conv3d_backward_w_op.h index 2b15ff8b..bdf0974c 100644 --- a/python/jittor/extern/cuda/cudnn/ops/cudnn_conv3d_backward_w_op.h +++ b/python/jittor/extern/cuda/cudnn/ops/cudnn_conv3d_backward_w_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Dun Liang // Guowei Yang <471184555@qq.com> diff --git a/python/jittor/extern/cuda/cudnn/ops/cudnn_conv3d_backward_x_op.cc b/python/jittor/extern/cuda/cudnn/ops/cudnn_conv3d_backward_x_op.cc index 14a02ac7..ab0bd7ff 100644 --- a/python/jittor/extern/cuda/cudnn/ops/cudnn_conv3d_backward_x_op.cc +++ b/python/jittor/extern/cuda/cudnn/ops/cudnn_conv3d_backward_x_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Dun Liang // Guowei Yang <471184555@qq.com> diff --git a/python/jittor/extern/cuda/cudnn/ops/cudnn_conv3d_backward_x_op.h b/python/jittor/extern/cuda/cudnn/ops/cudnn_conv3d_backward_x_op.h index e510072f..1190dc8b 100644 --- a/python/jittor/extern/cuda/cudnn/ops/cudnn_conv3d_backward_x_op.h +++ b/python/jittor/extern/cuda/cudnn/ops/cudnn_conv3d_backward_x_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Dun Liang // Guowei Yang <471184555@qq.com> diff --git a/python/jittor/extern/cuda/cudnn/ops/cudnn_conv3d_op.cc b/python/jittor/extern/cuda/cudnn/ops/cudnn_conv3d_op.cc index e20c90eb..05bc068d 100644 --- a/python/jittor/extern/cuda/cudnn/ops/cudnn_conv3d_op.cc +++ b/python/jittor/extern/cuda/cudnn/ops/cudnn_conv3d_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // // This file is subject to the terms and conditions defined in diff --git a/python/jittor/extern/cuda/cudnn/ops/cudnn_conv3d_op.h b/python/jittor/extern/cuda/cudnn/ops/cudnn_conv3d_op.h index 6aaf36a0..5cfb8c89 100644 --- a/python/jittor/extern/cuda/cudnn/ops/cudnn_conv3d_op.h +++ b/python/jittor/extern/cuda/cudnn/ops/cudnn_conv3d_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/extern/cuda/cudnn/ops/cudnn_conv_backward_w_op.cc b/python/jittor/extern/cuda/cudnn/ops/cudnn_conv_backward_w_op.cc index 4073a086..36ee2a86 100644 --- a/python/jittor/extern/cuda/cudnn/ops/cudnn_conv_backward_w_op.cc +++ b/python/jittor/extern/cuda/cudnn/ops/cudnn_conv_backward_w_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Dun Liang // Guowei Yang <471184555@qq.com> diff --git a/python/jittor/extern/cuda/cudnn/ops/cudnn_conv_backward_w_op.h b/python/jittor/extern/cuda/cudnn/ops/cudnn_conv_backward_w_op.h index 604469a3..ebe699f1 100644 --- a/python/jittor/extern/cuda/cudnn/ops/cudnn_conv_backward_w_op.h +++ b/python/jittor/extern/cuda/cudnn/ops/cudnn_conv_backward_w_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Dun Liang // Guowei Yang <471184555@qq.com> diff --git a/python/jittor/extern/cuda/cudnn/ops/cudnn_conv_backward_x_op.cc b/python/jittor/extern/cuda/cudnn/ops/cudnn_conv_backward_x_op.cc index d8fff026..9d4a3a2c 100644 --- a/python/jittor/extern/cuda/cudnn/ops/cudnn_conv_backward_x_op.cc +++ b/python/jittor/extern/cuda/cudnn/ops/cudnn_conv_backward_x_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Dun Liang // Guowei Yang <471184555@qq.com> diff --git a/python/jittor/extern/cuda/cudnn/ops/cudnn_conv_backward_x_op.h b/python/jittor/extern/cuda/cudnn/ops/cudnn_conv_backward_x_op.h index 6d1b7d35..5f3cf601 100644 --- a/python/jittor/extern/cuda/cudnn/ops/cudnn_conv_backward_x_op.h +++ b/python/jittor/extern/cuda/cudnn/ops/cudnn_conv_backward_x_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Dun Liang // Guowei Yang <471184555@qq.com> diff --git a/python/jittor/extern/cuda/cudnn/ops/cudnn_conv_op.cc b/python/jittor/extern/cuda/cudnn/ops/cudnn_conv_op.cc index 7db49e82..89dc3615 100644 --- a/python/jittor/extern/cuda/cudnn/ops/cudnn_conv_op.cc +++ b/python/jittor/extern/cuda/cudnn/ops/cudnn_conv_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // // This file is subject to the terms and conditions defined in diff --git a/python/jittor/extern/cuda/cudnn/ops/cudnn_conv_op.h b/python/jittor/extern/cuda/cudnn/ops/cudnn_conv_op.h index 018ed7a5..911c6559 100644 --- a/python/jittor/extern/cuda/cudnn/ops/cudnn_conv_op.h +++ b/python/jittor/extern/cuda/cudnn/ops/cudnn_conv_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/extern/cuda/cudnn/ops/cudnn_rnn_backward_x_op.cc b/python/jittor/extern/cuda/cudnn/ops/cudnn_rnn_backward_x_op.cc index 7f0d667f..674f283a 100644 --- a/python/jittor/extern/cuda/cudnn/ops/cudnn_rnn_backward_x_op.cc +++ b/python/jittor/extern/cuda/cudnn/ops/cudnn_rnn_backward_x_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Zheng-Ning Liu // This file is subject to the terms and conditions defined in diff --git a/python/jittor/extern/cuda/cudnn/ops/cudnn_rnn_backward_x_op.h b/python/jittor/extern/cuda/cudnn/ops/cudnn_rnn_backward_x_op.h index b4064131..c7bc91cc 100644 --- a/python/jittor/extern/cuda/cudnn/ops/cudnn_rnn_backward_x_op.h +++ b/python/jittor/extern/cuda/cudnn/ops/cudnn_rnn_backward_x_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Zheng-Ning Liu // This file is subject to the terms and conditions defined in diff --git a/python/jittor/extern/cuda/cudnn/ops/cudnn_rnn_op.cc b/python/jittor/extern/cuda/cudnn/ops/cudnn_rnn_op.cc index dc4c4160..8b317a92 100644 --- a/python/jittor/extern/cuda/cudnn/ops/cudnn_rnn_op.cc +++ b/python/jittor/extern/cuda/cudnn/ops/cudnn_rnn_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Zheng-Ning Liu // This file is subject to the terms and conditions defined in diff --git a/python/jittor/extern/cuda/cudnn/ops/cudnn_rnn_op.h b/python/jittor/extern/cuda/cudnn/ops/cudnn_rnn_op.h index 709a1436..7a7c5e8a 100644 --- a/python/jittor/extern/cuda/cudnn/ops/cudnn_rnn_op.h +++ b/python/jittor/extern/cuda/cudnn/ops/cudnn_rnn_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Zheng-Ning Liu // This file is subject to the terms and conditions defined in diff --git a/python/jittor/extern/cuda/cudnn/ops/cudnn_test_op.cc b/python/jittor/extern/cuda/cudnn/ops/cudnn_test_op.cc index 5fd07853..dfdd1b98 100644 --- a/python/jittor/extern/cuda/cudnn/ops/cudnn_test_op.cc +++ b/python/jittor/extern/cuda/cudnn/ops/cudnn_test_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/extern/cuda/cudnn/ops/cudnn_test_op.h b/python/jittor/extern/cuda/cudnn/ops/cudnn_test_op.h index f8af9de6..572b36e6 100644 --- a/python/jittor/extern/cuda/cudnn/ops/cudnn_test_op.h +++ b/python/jittor/extern/cuda/cudnn/ops/cudnn_test_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/extern/cuda/cudnn/src/cudnn_rnn_descriptor.cc b/python/jittor/extern/cuda/cudnn/src/cudnn_rnn_descriptor.cc index b4f4518b..26041ab0 100644 --- a/python/jittor/extern/cuda/cudnn/src/cudnn_rnn_descriptor.cc +++ b/python/jittor/extern/cuda/cudnn/src/cudnn_rnn_descriptor.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Zheng-Ning Liu // This file is subject to the terms and conditions defined in diff --git a/python/jittor/extern/cuda/cudnn/src/cudnn_wrapper.cc b/python/jittor/extern/cuda/cudnn/src/cudnn_wrapper.cc index d9b22e0e..259001a7 100644 --- a/python/jittor/extern/cuda/cudnn/src/cudnn_wrapper.cc +++ b/python/jittor/extern/cuda/cudnn/src/cudnn_wrapper.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/extern/cuda/cufft/inc/cufft_wrapper.h b/python/jittor/extern/cuda/cufft/inc/cufft_wrapper.h index 6d26e4d4..7ee1494d 100644 --- a/python/jittor/extern/cuda/cufft/inc/cufft_wrapper.h +++ b/python/jittor/extern/cuda/cufft/inc/cufft_wrapper.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com>. // Dun Liang . diff --git a/python/jittor/extern/cuda/cufft/ops/cufft_fft_op.cc b/python/jittor/extern/cuda/cufft/ops/cufft_fft_op.cc index 23049193..b3277a96 100644 --- a/python/jittor/extern/cuda/cufft/ops/cufft_fft_op.cc +++ b/python/jittor/extern/cuda/cufft/ops/cufft_fft_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com>. // Dun Liang . diff --git a/python/jittor/extern/cuda/cufft/ops/cufft_fft_op.h b/python/jittor/extern/cuda/cufft/ops/cufft_fft_op.h index 95d9fa6b..0810c6a8 100644 --- a/python/jittor/extern/cuda/cufft/ops/cufft_fft_op.h +++ b/python/jittor/extern/cuda/cufft/ops/cufft_fft_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com>. // Dun Liang . diff --git a/python/jittor/extern/cuda/cufft/src/cufft_wrapper.cc b/python/jittor/extern/cuda/cufft/src/cufft_wrapper.cc index 740cd4b7..83701789 100644 --- a/python/jittor/extern/cuda/cufft/src/cufft_wrapper.cc +++ b/python/jittor/extern/cuda/cufft/src/cufft_wrapper.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com>. // Dun Liang . diff --git a/python/jittor/extern/cuda/curand/inc/curand_wrapper.h b/python/jittor/extern/cuda/curand/inc/curand_wrapper.h index a413f78d..018e78a1 100644 --- a/python/jittor/extern/cuda/curand/inc/curand_wrapper.h +++ b/python/jittor/extern/cuda/curand/inc/curand_wrapper.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/extern/cuda/curand/ops/curand_random_op.cc b/python/jittor/extern/cuda/curand/ops/curand_random_op.cc index 6b42bfff..1baad3a6 100644 --- a/python/jittor/extern/cuda/curand/ops/curand_random_op.cc +++ b/python/jittor/extern/cuda/curand/ops/curand_random_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/extern/cuda/curand/ops/curand_random_op.h b/python/jittor/extern/cuda/curand/ops/curand_random_op.h index 74f949e4..412e37db 100644 --- a/python/jittor/extern/cuda/curand/ops/curand_random_op.h +++ b/python/jittor/extern/cuda/curand/ops/curand_random_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com>. // Dun Liang . diff --git a/python/jittor/extern/cuda/curand/src/curand_wrapper.cc b/python/jittor/extern/cuda/curand/src/curand_wrapper.cc index fda74ffc..5a04ebfd 100644 --- a/python/jittor/extern/cuda/curand/src/curand_wrapper.cc +++ b/python/jittor/extern/cuda/curand/src/curand_wrapper.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/extern/cuda/curand/src/helper_curand.cc b/python/jittor/extern/cuda/curand/src/helper_curand.cc index 418cea11..2f75ab5f 100644 --- a/python/jittor/extern/cuda/curand/src/helper_curand.cc +++ b/python/jittor/extern/cuda/curand/src/helper_curand.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com>. // Dun Liang . diff --git a/python/jittor/extern/cuda/nccl/inc/nccl_wrapper.h b/python/jittor/extern/cuda/nccl/inc/nccl_wrapper.h index 84fd3f0f..2c505984 100644 --- a/python/jittor/extern/cuda/nccl/inc/nccl_wrapper.h +++ b/python/jittor/extern/cuda/nccl/inc/nccl_wrapper.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. +// Copyright (c) 2022 Jittor. // All Rights Reserved. // Maintainers: // Dun Liang . diff --git a/python/jittor/extern/cuda/nccl/ops/nccl_all_reduce_op.cc b/python/jittor/extern/cuda/nccl/ops/nccl_all_reduce_op.cc index 74e9e0ab..b2d49dee 100644 --- a/python/jittor/extern/cuda/nccl/ops/nccl_all_reduce_op.cc +++ b/python/jittor/extern/cuda/nccl/ops/nccl_all_reduce_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 +// Copyright (c) 2022 Jittor. All Rights Reserved. // Guoye Yang <498731903@qq.com>. // Dun Liang . // All Rights Reserved. diff --git a/python/jittor/extern/cuda/nccl/ops/nccl_all_reduce_op.h b/python/jittor/extern/cuda/nccl/ops/nccl_all_reduce_op.h index bdd58b3b..cf377820 100644 --- a/python/jittor/extern/cuda/nccl/ops/nccl_all_reduce_op.h +++ b/python/jittor/extern/cuda/nccl/ops/nccl_all_reduce_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 +// Copyright (c) 2022 Jittor. All Rights Reserved. // Guoye Yang <498731903@qq.com>. // Dun Liang . // All Rights Reserved. diff --git a/python/jittor/extern/cuda/nccl/ops/nccl_broadcast_op.cc b/python/jittor/extern/cuda/nccl/ops/nccl_broadcast_op.cc index 0217ae2a..acf0fafc 100644 --- a/python/jittor/extern/cuda/nccl/ops/nccl_broadcast_op.cc +++ b/python/jittor/extern/cuda/nccl/ops/nccl_broadcast_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 +// Copyright (c) 2022 Jittor. All Rights Reserved. // Guoye Yang <498731903@qq.com>. // Dun Liang . // All Rights Reserved. diff --git a/python/jittor/extern/cuda/nccl/ops/nccl_broadcast_op.h b/python/jittor/extern/cuda/nccl/ops/nccl_broadcast_op.h index 70405f24..ac71efbc 100644 --- a/python/jittor/extern/cuda/nccl/ops/nccl_broadcast_op.h +++ b/python/jittor/extern/cuda/nccl/ops/nccl_broadcast_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 +// Copyright (c) 2022 Jittor. All Rights Reserved. // Guoye Yang <498731903@qq.com>. // Dun Liang . // All Rights Reserved. diff --git a/python/jittor/extern/cuda/nccl/ops/nccl_reduce_op.cc b/python/jittor/extern/cuda/nccl/ops/nccl_reduce_op.cc index e2e8420e..e13bba48 100644 --- a/python/jittor/extern/cuda/nccl/ops/nccl_reduce_op.cc +++ b/python/jittor/extern/cuda/nccl/ops/nccl_reduce_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 +// Copyright (c) 2022 Jittor. All Rights Reserved. // Guoye Yang <498731903@qq.com>. // Dun Liang . // All Rights Reserved. diff --git a/python/jittor/extern/cuda/nccl/ops/nccl_reduce_op.h b/python/jittor/extern/cuda/nccl/ops/nccl_reduce_op.h index 5725a864..8c8f2429 100644 --- a/python/jittor/extern/cuda/nccl/ops/nccl_reduce_op.h +++ b/python/jittor/extern/cuda/nccl/ops/nccl_reduce_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 +// Copyright (c) 2022 Jittor. All Rights Reserved. // Guoye Yang <498731903@qq.com>. // Dun Liang . // All Rights Reserved. diff --git a/python/jittor/extern/cuda/nccl/ops/nccl_test_op.h b/python/jittor/extern/cuda/nccl/ops/nccl_test_op.h index 9a77de32..ebf9b393 100644 --- a/python/jittor/extern/cuda/nccl/ops/nccl_test_op.h +++ b/python/jittor/extern/cuda/nccl/ops/nccl_test_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. +// Copyright (c) 2022 Jittor. // All Rights Reserved. // Maintainers: // Dun Liang . diff --git a/python/jittor/extern/cuda/nccl/src/nccl_wrapper.cc b/python/jittor/extern/cuda/nccl/src/nccl_wrapper.cc index 569f8cb8..3346dc7e 100644 --- a/python/jittor/extern/cuda/nccl/src/nccl_wrapper.cc +++ b/python/jittor/extern/cuda/nccl/src/nccl_wrapper.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. +// Copyright (c) 2022 Jittor. // All Rights Reserved. // Maintainers: // Dun Liang . diff --git a/python/jittor/extern/mkl/ops/mkl_conv_backward_w_op.cc b/python/jittor/extern/mkl/ops/mkl_conv_backward_w_op.cc index 58a91a22..24d92d93 100644 --- a/python/jittor/extern/mkl/ops/mkl_conv_backward_w_op.cc +++ b/python/jittor/extern/mkl/ops/mkl_conv_backward_w_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guowei Yang <471184555@qq.com> // Guoye Yang <498731903@qq.com> diff --git a/python/jittor/extern/mkl/ops/mkl_conv_backward_w_op.h b/python/jittor/extern/mkl/ops/mkl_conv_backward_w_op.h index 53162886..79d8e0b8 100644 --- a/python/jittor/extern/mkl/ops/mkl_conv_backward_w_op.h +++ b/python/jittor/extern/mkl/ops/mkl_conv_backward_w_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guowei Yang <471184555@qq.com> // Dun Liang . diff --git a/python/jittor/extern/mkl/ops/mkl_conv_backward_x_op.cc b/python/jittor/extern/mkl/ops/mkl_conv_backward_x_op.cc index 62a5518f..ce407c01 100644 --- a/python/jittor/extern/mkl/ops/mkl_conv_backward_x_op.cc +++ b/python/jittor/extern/mkl/ops/mkl_conv_backward_x_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guowei Yang <471184555@qq.com> // Guoye Yang <498731903@qq.com> diff --git a/python/jittor/extern/mkl/ops/mkl_conv_backward_x_op.h b/python/jittor/extern/mkl/ops/mkl_conv_backward_x_op.h index 4f2e8d9d..2ca3d5c8 100644 --- a/python/jittor/extern/mkl/ops/mkl_conv_backward_x_op.h +++ b/python/jittor/extern/mkl/ops/mkl_conv_backward_x_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guowei Yang <471184555@qq.com> // Dun Liang . diff --git a/python/jittor/extern/mkl/ops/mkl_conv_op.cc b/python/jittor/extern/mkl/ops/mkl_conv_op.cc index b8ddc0da..91d8a5d1 100644 --- a/python/jittor/extern/mkl/ops/mkl_conv_op.cc +++ b/python/jittor/extern/mkl/ops/mkl_conv_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guowei Yang <471184555@qq.com> // Dun Liang . diff --git a/python/jittor/extern/mkl/ops/mkl_conv_op.h b/python/jittor/extern/mkl/ops/mkl_conv_op.h index 8ae08f07..8a6432ee 100644 --- a/python/jittor/extern/mkl/ops/mkl_conv_op.h +++ b/python/jittor/extern/mkl/ops/mkl_conv_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guowei Yang <471184555@qq.com> // Dun Liang . diff --git a/python/jittor/extern/mkl/ops/mkl_matmul_op.cc b/python/jittor/extern/mkl/ops/mkl_matmul_op.cc index 2a29f1ad..d9df1417 100644 --- a/python/jittor/extern/mkl/ops/mkl_matmul_op.cc +++ b/python/jittor/extern/mkl/ops/mkl_matmul_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guowei Yang <471184555@qq.com> // Dun Liang . diff --git a/python/jittor/extern/mkl/ops/mkl_matmul_op.h b/python/jittor/extern/mkl/ops/mkl_matmul_op.h index f1c5b7ce..57895ef5 100644 --- a/python/jittor/extern/mkl/ops/mkl_matmul_op.h +++ b/python/jittor/extern/mkl/ops/mkl_matmul_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/extern/mkl/ops/mkl_test_op.cc b/python/jittor/extern/mkl/ops/mkl_test_op.cc index d6ed62b7..4b6de8c8 100644 --- a/python/jittor/extern/mkl/ops/mkl_test_op.cc +++ b/python/jittor/extern/mkl/ops/mkl_test_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/extern/mkl/ops/mkl_test_op.h b/python/jittor/extern/mkl/ops/mkl_test_op.h index 4cbca8ad..a93acfec 100644 --- a/python/jittor/extern/mkl/ops/mkl_test_op.h +++ b/python/jittor/extern/mkl/ops/mkl_test_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/extern/mpi/inc/mpi_wrapper.h b/python/jittor/extern/mpi/inc/mpi_wrapper.h index a669263b..11869a09 100644 --- a/python/jittor/extern/mpi/inc/mpi_wrapper.h +++ b/python/jittor/extern/mpi/inc/mpi_wrapper.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. +// Copyright (c) 2022 Jittor. // All Rights Reserved. // Maintainers: // Dun Liang . diff --git a/python/jittor/extern/mpi/ops/mpi_all_reduce_op.cc b/python/jittor/extern/mpi/ops/mpi_all_reduce_op.cc index 589fe2ab..8a567515 100644 --- a/python/jittor/extern/mpi/ops/mpi_all_reduce_op.cc +++ b/python/jittor/extern/mpi/ops/mpi_all_reduce_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 +// Copyright (c) 2022 Jittor. All Rights Reserved. // Guowei Yang <471184555@qq.com>. // Dun Liang . // All Rights Reserved. diff --git a/python/jittor/extern/mpi/ops/mpi_all_reduce_op.h b/python/jittor/extern/mpi/ops/mpi_all_reduce_op.h index 52fa54e8..facd77a0 100644 --- a/python/jittor/extern/mpi/ops/mpi_all_reduce_op.h +++ b/python/jittor/extern/mpi/ops/mpi_all_reduce_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 +// Copyright (c) 2022 Jittor. All Rights Reserved. // Guowei Yang <471184555@qq.com>. // Dun Liang . // All Rights Reserved. diff --git a/python/jittor/extern/mpi/ops/mpi_broadcast_op.cc b/python/jittor/extern/mpi/ops/mpi_broadcast_op.cc index b9a23762..43618ca5 100644 --- a/python/jittor/extern/mpi/ops/mpi_broadcast_op.cc +++ b/python/jittor/extern/mpi/ops/mpi_broadcast_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 +// Copyright (c) 2022 Jittor. All Rights Reserved. // Guowei Yang <471184555@qq.com>. // Dun Liang . // All Rights Reserved. diff --git a/python/jittor/extern/mpi/ops/mpi_broadcast_op.h b/python/jittor/extern/mpi/ops/mpi_broadcast_op.h index 037508e1..55f7fa58 100644 --- a/python/jittor/extern/mpi/ops/mpi_broadcast_op.h +++ b/python/jittor/extern/mpi/ops/mpi_broadcast_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 +// Copyright (c) 2022 Jittor. All Rights Reserved. // Guowei Yang <471184555@qq.com>. // Dun Liang . // All Rights Reserved. diff --git a/python/jittor/extern/mpi/ops/mpi_reduce_op.cc b/python/jittor/extern/mpi/ops/mpi_reduce_op.cc index 189a99f8..e68234a0 100644 --- a/python/jittor/extern/mpi/ops/mpi_reduce_op.cc +++ b/python/jittor/extern/mpi/ops/mpi_reduce_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 +// Copyright (c) 2022 Jittor. All Rights Reserved. // Guowei Yang <471184555@qq.com>. // Dun Liang . // All Rights Reserved. diff --git a/python/jittor/extern/mpi/ops/mpi_reduce_op.h b/python/jittor/extern/mpi/ops/mpi_reduce_op.h index 436af7cf..e5f9c5c1 100644 --- a/python/jittor/extern/mpi/ops/mpi_reduce_op.h +++ b/python/jittor/extern/mpi/ops/mpi_reduce_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 +// Copyright (c) 2022 Jittor. All Rights Reserved. // Guowei Yang <471184555@qq.com>. // Dun Liang . // All Rights Reserved. diff --git a/python/jittor/extern/mpi/ops/mpi_test_op.h b/python/jittor/extern/mpi/ops/mpi_test_op.h index e0d3cdfb..eedd7fc7 100644 --- a/python/jittor/extern/mpi/ops/mpi_test_op.h +++ b/python/jittor/extern/mpi/ops/mpi_test_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 +// Copyright (c) 2022 Jittor. All Rights Reserved. // Dun Liang . // All Rights Reserved. // This file is subject to the terms and conditions defined in diff --git a/python/jittor/extern/mpi/src/mpi_wrapper.cc b/python/jittor/extern/mpi/src/mpi_wrapper.cc index 5eee059d..dea93cd1 100644 --- a/python/jittor/extern/mpi/src/mpi_wrapper.cc +++ b/python/jittor/extern/mpi/src/mpi_wrapper.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. +// Copyright (c) 2022 Jittor. // All Rights Reserved. // Maintainers: // Dun Liang . diff --git a/python/jittor/init.py b/python/jittor/init.py index 39a1215e..1943cd12 100644 --- a/python/jittor/init.py +++ b/python/jittor/init.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guowei Yang <471184555@qq.com> # Dun Liang . diff --git a/python/jittor/init_cupy.py b/python/jittor/init_cupy.py index 5c786f93..cc9dcaae 100644 --- a/python/jittor/init_cupy.py +++ b/python/jittor/init_cupy.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guowei Yang <471184555@qq.com> # Dun Liang . diff --git a/python/jittor/linalg.py b/python/jittor/linalg.py index 14b76b4a..aeee373c 100644 --- a/python/jittor/linalg.py +++ b/python/jittor/linalg.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Haoyang Peng <2247838039@qq.com> # Guowei Yang <471184555@qq.com> diff --git a/python/jittor/lr_scheduler.py b/python/jittor/lr_scheduler.py index 1a25b93d..f09bd4a2 100644 --- a/python/jittor/lr_scheduler.py +++ b/python/jittor/lr_scheduler.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guowei Yang <471184555@qq.com> # Dun Liang . diff --git a/python/jittor/misc.py b/python/jittor/misc.py index f93b0e2c..a12e4292 100644 --- a/python/jittor/misc.py +++ b/python/jittor/misc.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # Wenyang Zhou <576825820@qq.com> diff --git a/python/jittor/models/alexnet.py b/python/jittor/models/alexnet.py index 2b7fb132..cf259631 100644 --- a/python/jittor/models/alexnet.py +++ b/python/jittor/models/alexnet.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Wenyang Zhou <576825820@qq.com> # Dun Liang . diff --git a/python/jittor/models/densenet.py b/python/jittor/models/densenet.py index 21064565..0e6fa3e5 100644 --- a/python/jittor/models/densenet.py +++ b/python/jittor/models/densenet.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guowei Yang <471184555@qq.com> # Dun Liang . diff --git a/python/jittor/models/googlenet.py b/python/jittor/models/googlenet.py index 538cdb26..30300d6d 100644 --- a/python/jittor/models/googlenet.py +++ b/python/jittor/models/googlenet.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Wenyang Zhou <576825820@qq.com> # Dun Liang . diff --git a/python/jittor/models/mnasnet.py b/python/jittor/models/mnasnet.py index 3b0cd357..293ed9fd 100644 --- a/python/jittor/models/mnasnet.py +++ b/python/jittor/models/mnasnet.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Wenyang Zhou <576825820@qq.com> # Dun Liang . diff --git a/python/jittor/models/mobilenet.py b/python/jittor/models/mobilenet.py index 93e782a6..e81bc577 100644 --- a/python/jittor/models/mobilenet.py +++ b/python/jittor/models/mobilenet.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Wenyang Zhou <576825820@qq.com> # Dun Liang . diff --git a/python/jittor/models/resnet.py b/python/jittor/models/resnet.py index 3aa60928..e64ce44a 100644 --- a/python/jittor/models/resnet.py +++ b/python/jittor/models/resnet.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guowei Yang <471184555@qq.com> # Wenyang Zhou <576825820@qq.com> diff --git a/python/jittor/models/shufflenetv2.py b/python/jittor/models/shufflenetv2.py index bc0b8c52..719bc4b1 100644 --- a/python/jittor/models/shufflenetv2.py +++ b/python/jittor/models/shufflenetv2.py @@ -1,6 +1,6 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Wenyang Zhou <576825820@qq.com> # Dun Liang . diff --git a/python/jittor/models/squeezenet.py b/python/jittor/models/squeezenet.py index 82d76479..a359ff2d 100644 --- a/python/jittor/models/squeezenet.py +++ b/python/jittor/models/squeezenet.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Wenyang Zhou <576825820@qq.com> # Dun Liang . diff --git a/python/jittor/models/vgg.py b/python/jittor/models/vgg.py index e3ca84e2..d6c9d4ef 100644 --- a/python/jittor/models/vgg.py +++ b/python/jittor/models/vgg.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guoye Yang <498731903@qq.com> # Dun Liang . diff --git a/python/jittor/nn.py b/python/jittor/nn.py index 58e0e46f..3492e1ac 100644 --- a/python/jittor/nn.py +++ b/python/jittor/nn.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guowei Yang <471184555@qq.com> # Guoye Yang <498731903@qq.com> diff --git a/python/jittor/optim.py b/python/jittor/optim.py index d7383f8b..2bb398e8 100644 --- a/python/jittor/optim.py +++ b/python/jittor/optim.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guowei Yang <471184555@qq.com> # Guoye Yang <498731903@qq.com> diff --git a/python/jittor/pool.py b/python/jittor/pool.py index fd3c681c..a5009ca3 100644 --- a/python/jittor/pool.py +++ b/python/jittor/pool.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guowei Yang <471184555@qq.com> # Wenyang Zhou <576825820@qq.com> diff --git a/python/jittor/pyjt_compiler.py b/python/jittor/pyjt_compiler.py index fe64de4b..affcf4ed 100644 --- a/python/jittor/pyjt_compiler.py +++ b/python/jittor/pyjt_compiler.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/script/inference_perf.py b/python/jittor/script/inference_perf.py index 50923292..ca8be689 100644 --- a/python/jittor/script/inference_perf.py +++ b/python/jittor/script/inference_perf.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Wenyang Zhou <576825820@qq.com> # Dun Liang . diff --git a/python/jittor/sparse.py b/python/jittor/sparse.py index 21092ba3..1922db30 100644 --- a/python/jittor/sparse.py +++ b/python/jittor/sparse.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # Xiangli Li <190569238@qq.com> diff --git a/python/jittor/src/common.h b/python/jittor/src/common.h index 284476f2..91c2580b 100644 --- a/python/jittor/src/common.h +++ b/python/jittor/src/common.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/core.h b/python/jittor/src/core.h index b725a026..a46df946 100644 --- a/python/jittor/src/core.h +++ b/python/jittor/src/core.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/event_queue.cc b/python/jittor/src/event_queue.cc index 3bd78c50..27aa90c7 100644 --- a/python/jittor/src/event_queue.cc +++ b/python/jittor/src/event_queue.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/event_queue.h b/python/jittor/src/event_queue.h index a323d245..a683dffa 100644 --- a/python/jittor/src/event_queue.h +++ b/python/jittor/src/event_queue.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/executor.cc b/python/jittor/src/executor.cc index da10acd9..ca6d0b20 100644 --- a/python/jittor/src/executor.cc +++ b/python/jittor/src/executor.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Dun Liang . // Guoye Yang <498731903@qq.com> diff --git a/python/jittor/src/executor.h b/python/jittor/src/executor.h index fcabff4e..b3f03293 100644 --- a/python/jittor/src/executor.h +++ b/python/jittor/src/executor.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Dun Liang . // Guoye Yang <498731903@qq.com> diff --git a/python/jittor/src/fused_op.cc b/python/jittor/src/fused_op.cc index 35105164..55606e0d 100644 --- a/python/jittor/src/fused_op.cc +++ b/python/jittor/src/fused_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/fused_op.h b/python/jittor/src/fused_op.h index 7f308fc4..92a8b198 100644 --- a/python/jittor/src/fused_op.h +++ b/python/jittor/src/fused_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/fuser.h b/python/jittor/src/fuser.h index e0eaceba..d2da47a2 100644 --- a/python/jittor/src/fuser.h +++ b/python/jittor/src/fuser.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guowei Yang <471184555@qq.com> // Dun Liang . diff --git a/python/jittor/src/grad.cc b/python/jittor/src/grad.cc index f5809b1b..5affce57 100644 --- a/python/jittor/src/grad.cc +++ b/python/jittor/src/grad.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/grad.h b/python/jittor/src/grad.h index 2e0b5758..6a133346 100644 --- a/python/jittor/src/grad.h +++ b/python/jittor/src/grad.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/graph.cc b/python/jittor/src/graph.cc index 7a6f4995..b35573a7 100644 --- a/python/jittor/src/graph.cc +++ b/python/jittor/src/graph.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/graph.h b/python/jittor/src/graph.h index bebaee8b..41bc2190 100644 --- a/python/jittor/src/graph.h +++ b/python/jittor/src/graph.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/init.cc b/python/jittor/src/init.cc index c3010e52..70a53990 100644 --- a/python/jittor/src/init.cc +++ b/python/jittor/src/init.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/init.h b/python/jittor/src/init.h index d79fbf47..0634f96d 100644 --- a/python/jittor/src/init.h +++ b/python/jittor/src/init.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/jit_compiler.cc b/python/jittor/src/jit_compiler.cc index fc2627a1..27cc99da 100644 --- a/python/jittor/src/jit_compiler.cc +++ b/python/jittor/src/jit_compiler.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/jit_compiler.h b/python/jittor/src/jit_compiler.h index 91bfa4cd..fa6672ac 100644 --- a/python/jittor/src/jit_compiler.h +++ b/python/jittor/src/jit_compiler.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/jit_key.cc b/python/jittor/src/jit_key.cc index 77102112..56725c85 100644 --- a/python/jittor/src/jit_key.cc +++ b/python/jittor/src/jit_key.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/jit_key.h b/python/jittor/src/jit_key.h index 91647dac..58204182 100644 --- a/python/jittor/src/jit_key.h +++ b/python/jittor/src/jit_key.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/lock.cc b/python/jittor/src/lock.cc index 3d06bd1d..a4da107b 100644 --- a/python/jittor/src/lock.cc +++ b/python/jittor/src/lock.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Wenyang Zhou <576825820@qq.com> // Dun Liang diff --git a/python/jittor/src/lock.h b/python/jittor/src/lock.h index c764b5e3..793df97b 100644 --- a/python/jittor/src/lock.h +++ b/python/jittor/src/lock.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Wenyang Zhou <576825820@qq.com> // Dun Liang diff --git a/python/jittor/src/mem/allocator.cc b/python/jittor/src/mem/allocator.cc index 46c6f308..335d59c5 100644 --- a/python/jittor/src/mem/allocator.cc +++ b/python/jittor/src/mem/allocator.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/mem/allocator.h b/python/jittor/src/mem/allocator.h index 492ab4bb..dccec1d2 100644 --- a/python/jittor/src/mem/allocator.h +++ b/python/jittor/src/mem/allocator.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/mem/allocator/aligned_allocator.cc b/python/jittor/src/mem/allocator/aligned_allocator.cc index ba50bdc2..027233a0 100644 --- a/python/jittor/src/mem/allocator/aligned_allocator.cc +++ b/python/jittor/src/mem/allocator/aligned_allocator.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/mem/allocator/aligned_allocator.h b/python/jittor/src/mem/allocator/aligned_allocator.h index b759aeef..af8f7fe7 100644 --- a/python/jittor/src/mem/allocator/aligned_allocator.h +++ b/python/jittor/src/mem/allocator/aligned_allocator.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/mem/allocator/cuda_device_allocator.cc b/python/jittor/src/mem/allocator/cuda_device_allocator.cc index e29dc0ad..81862d15 100644 --- a/python/jittor/src/mem/allocator/cuda_device_allocator.cc +++ b/python/jittor/src/mem/allocator/cuda_device_allocator.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/mem/allocator/cuda_device_allocator.h b/python/jittor/src/mem/allocator/cuda_device_allocator.h index ee7a593d..b42f3a1b 100644 --- a/python/jittor/src/mem/allocator/cuda_device_allocator.h +++ b/python/jittor/src/mem/allocator/cuda_device_allocator.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/mem/allocator/cuda_dual_allocator.cc b/python/jittor/src/mem/allocator/cuda_dual_allocator.cc index d801e3c8..4c3b61e7 100644 --- a/python/jittor/src/mem/allocator/cuda_dual_allocator.cc +++ b/python/jittor/src/mem/allocator/cuda_dual_allocator.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/mem/allocator/cuda_dual_allocator.h b/python/jittor/src/mem/allocator/cuda_dual_allocator.h index a727d826..7c4bab26 100644 --- a/python/jittor/src/mem/allocator/cuda_dual_allocator.h +++ b/python/jittor/src/mem/allocator/cuda_dual_allocator.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/mem/allocator/cuda_host_allocator.cc b/python/jittor/src/mem/allocator/cuda_host_allocator.cc index 747d34db..2f668584 100644 --- a/python/jittor/src/mem/allocator/cuda_host_allocator.cc +++ b/python/jittor/src/mem/allocator/cuda_host_allocator.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/mem/allocator/cuda_host_allocator.h b/python/jittor/src/mem/allocator/cuda_host_allocator.h index 91913481..72081dd5 100644 --- a/python/jittor/src/mem/allocator/cuda_host_allocator.h +++ b/python/jittor/src/mem/allocator/cuda_host_allocator.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/mem/allocator/cuda_managed_allocator.cc b/python/jittor/src/mem/allocator/cuda_managed_allocator.cc index 9febcead..ac1e5f1a 100644 --- a/python/jittor/src/mem/allocator/cuda_managed_allocator.cc +++ b/python/jittor/src/mem/allocator/cuda_managed_allocator.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/mem/allocator/cuda_managed_allocator.h b/python/jittor/src/mem/allocator/cuda_managed_allocator.h index 1de8c212..5b06c032 100644 --- a/python/jittor/src/mem/allocator/cuda_managed_allocator.h +++ b/python/jittor/src/mem/allocator/cuda_managed_allocator.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/mem/allocator/nfef_allocator.cc b/python/jittor/src/mem/allocator/nfef_allocator.cc index 919a0cc1..0a9f7cc7 100644 --- a/python/jittor/src/mem/allocator/nfef_allocator.cc +++ b/python/jittor/src/mem/allocator/nfef_allocator.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/mem/allocator/nfef_allocator.h b/python/jittor/src/mem/allocator/nfef_allocator.h index 8c8ee9bd..2fbad48f 100644 --- a/python/jittor/src/mem/allocator/nfef_allocator.h +++ b/python/jittor/src/mem/allocator/nfef_allocator.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/mem/allocator/sfrl_allocator.cc b/python/jittor/src/mem/allocator/sfrl_allocator.cc index 10abd322..47842d3c 100644 --- a/python/jittor/src/mem/allocator/sfrl_allocator.cc +++ b/python/jittor/src/mem/allocator/sfrl_allocator.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/src/mem/allocator/sfrl_allocator.h b/python/jittor/src/mem/allocator/sfrl_allocator.h index 234845ca..5da6dde9 100644 --- a/python/jittor/src/mem/allocator/sfrl_allocator.h +++ b/python/jittor/src/mem/allocator/sfrl_allocator.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/src/mem/allocator/stat_allocator.cc b/python/jittor/src/mem/allocator/stat_allocator.cc index afe6d9a0..7c12777f 100644 --- a/python/jittor/src/mem/allocator/stat_allocator.cc +++ b/python/jittor/src/mem/allocator/stat_allocator.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/mem/allocator/stat_allocator.h b/python/jittor/src/mem/allocator/stat_allocator.h index 7cc93e68..1ae1b054 100644 --- a/python/jittor/src/mem/allocator/stat_allocator.h +++ b/python/jittor/src/mem/allocator/stat_allocator.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/mem/allocator/temp_allocator.cc b/python/jittor/src/mem/allocator/temp_allocator.cc index b4913af1..ca7953b9 100644 --- a/python/jittor/src/mem/allocator/temp_allocator.cc +++ b/python/jittor/src/mem/allocator/temp_allocator.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/src/mem/allocator/temp_allocator.h b/python/jittor/src/mem/allocator/temp_allocator.h index 1d260f15..b6c28479 100644 --- a/python/jittor/src/mem/allocator/temp_allocator.h +++ b/python/jittor/src/mem/allocator/temp_allocator.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/src/mem/mem_info.cc b/python/jittor/src/mem/mem_info.cc index f73fe9fd..64fd996d 100644 --- a/python/jittor/src/mem/mem_info.cc +++ b/python/jittor/src/mem/mem_info.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/mem/mem_info.h b/python/jittor/src/mem/mem_info.h index 02b4ba9c..35cd088e 100644 --- a/python/jittor/src/mem/mem_info.h +++ b/python/jittor/src/mem/mem_info.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/memory_profiler.cc b/python/jittor/src/memory_profiler.cc index aa500867..2f7aab92 100644 --- a/python/jittor/src/memory_profiler.cc +++ b/python/jittor/src/memory_profiler.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/src/memory_profiler.h b/python/jittor/src/memory_profiler.h index f754ab7b..4f89a99c 100644 --- a/python/jittor/src/memory_profiler.h +++ b/python/jittor/src/memory_profiler.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/src/misc/cpu_atomic.cc b/python/jittor/src/misc/cpu_atomic.cc index 0cb60152..91e77b74 100644 --- a/python/jittor/src/misc/cpu_atomic.cc +++ b/python/jittor/src/misc/cpu_atomic.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/misc/cpu_atomic.h b/python/jittor/src/misc/cpu_atomic.h index deea71f8..df22f5ac 100644 --- a/python/jittor/src/misc/cpu_atomic.h +++ b/python/jittor/src/misc/cpu_atomic.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/misc/cpu_math.cc b/python/jittor/src/misc/cpu_math.cc index 8e6c1df6..a4a42b1b 100644 --- a/python/jittor/src/misc/cpu_math.cc +++ b/python/jittor/src/misc/cpu_math.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/misc/cpu_math.h b/python/jittor/src/misc/cpu_math.h index 9558c64e..95fdf31f 100644 --- a/python/jittor/src/misc/cpu_math.h +++ b/python/jittor/src/misc/cpu_math.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/misc/cstr.h b/python/jittor/src/misc/cstr.h index 3b2fc00f..09c55175 100644 --- a/python/jittor/src/misc/cstr.h +++ b/python/jittor/src/misc/cstr.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/misc/cuda_atomic.h b/python/jittor/src/misc/cuda_atomic.h index 31208eb9..66bae788 100644 --- a/python/jittor/src/misc/cuda_atomic.h +++ b/python/jittor/src/misc/cuda_atomic.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/misc/cuda_flags.cc b/python/jittor/src/misc/cuda_flags.cc index 7e58e767..de536982 100644 --- a/python/jittor/src/misc/cuda_flags.cc +++ b/python/jittor/src/misc/cuda_flags.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/misc/cuda_flags.h b/python/jittor/src/misc/cuda_flags.h index 61bd4701..151ade9f 100644 --- a/python/jittor/src/misc/cuda_flags.h +++ b/python/jittor/src/misc/cuda_flags.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/misc/cuda_limits.h b/python/jittor/src/misc/cuda_limits.h index dad5667b..e9de347d 100644 --- a/python/jittor/src/misc/cuda_limits.h +++ b/python/jittor/src/misc/cuda_limits.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/misc/deleter.h b/python/jittor/src/misc/deleter.h index fcf661e9..3b4b21ab 100644 --- a/python/jittor/src/misc/deleter.h +++ b/python/jittor/src/misc/deleter.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/misc/fast_shared_ptr.h b/python/jittor/src/misc/fast_shared_ptr.h index 5839fc4c..01798578 100644 --- a/python/jittor/src/misc/fast_shared_ptr.h +++ b/python/jittor/src/misc/fast_shared_ptr.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/misc/hash.h b/python/jittor/src/misc/hash.h index c3d6c02c..eedec1af 100644 --- a/python/jittor/src/misc/hash.h +++ b/python/jittor/src/misc/hash.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/misc/intrin.h b/python/jittor/src/misc/intrin.h index 2af0671e..ac77aa1d 100644 --- a/python/jittor/src/misc/intrin.h +++ b/python/jittor/src/misc/intrin.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/misc/nan_checker.cc b/python/jittor/src/misc/nan_checker.cc index b5e6c737..f7687723 100644 --- a/python/jittor/src/misc/nan_checker.cc +++ b/python/jittor/src/misc/nan_checker.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. // *************************************************************** diff --git a/python/jittor/src/misc/nan_checker.cu b/python/jittor/src/misc/nan_checker.cu index 6e8195f0..1b01a1eb 100644 --- a/python/jittor/src/misc/nan_checker.cu +++ b/python/jittor/src/misc/nan_checker.cu @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. // *************************************************************** diff --git a/python/jittor/src/misc/nan_checker.h b/python/jittor/src/misc/nan_checker.h index 2e86ed83..240bb37b 100644 --- a/python/jittor/src/misc/nan_checker.h +++ b/python/jittor/src/misc/nan_checker.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. // *************************************************************** diff --git a/python/jittor/src/misc/nano_string.cc b/python/jittor/src/misc/nano_string.cc index 0cd3595f..e429c9cf 100644 --- a/python/jittor/src/misc/nano_string.cc +++ b/python/jittor/src/misc/nano_string.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/misc/nano_string.h b/python/jittor/src/misc/nano_string.h index 55517c4d..e696364a 100644 --- a/python/jittor/src/misc/nano_string.h +++ b/python/jittor/src/misc/nano_string.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/misc/nano_vector.h b/python/jittor/src/misc/nano_vector.h index ef9ccbfa..9208ab4c 100644 --- a/python/jittor/src/misc/nano_vector.h +++ b/python/jittor/src/misc/nano_vector.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/misc/ring_buffer.cc b/python/jittor/src/misc/ring_buffer.cc index c894784c..71c903a0 100644 --- a/python/jittor/src/misc/ring_buffer.cc +++ b/python/jittor/src/misc/ring_buffer.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/misc/ring_buffer.h b/python/jittor/src/misc/ring_buffer.h index 8ed7b980..8f8fd846 100644 --- a/python/jittor/src/misc/ring_buffer.h +++ b/python/jittor/src/misc/ring_buffer.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/misc/stack_vector.h b/python/jittor/src/misc/stack_vector.h index e9c5b738..7895ba45 100644 --- a/python/jittor/src/misc/stack_vector.h +++ b/python/jittor/src/misc/stack_vector.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/misc/string_view_map.h b/python/jittor/src/misc/string_view_map.h index bcbbda7e..12b10384 100644 --- a/python/jittor/src/misc/string_view_map.h +++ b/python/jittor/src/misc/string_view_map.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/node.h b/python/jittor/src/node.h index 21c58d5b..0594169a 100644 --- a/python/jittor/src/node.h +++ b/python/jittor/src/node.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/numpy_func.h b/python/jittor/src/numpy_func.h index e799cec7..e4cc6e5c 100644 --- a/python/jittor/src/numpy_func.h +++ b/python/jittor/src/numpy_func.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guowei Yang <471184555@qq.com> // Dun Liang . diff --git a/python/jittor/src/op.cc b/python/jittor/src/op.cc index 88c48f61..36caf39d 100644 --- a/python/jittor/src/op.cc +++ b/python/jittor/src/op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/op.h b/python/jittor/src/op.h index 957e435a..7a84a344 100644 --- a/python/jittor/src/op.h +++ b/python/jittor/src/op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/op_compiler.cc b/python/jittor/src/op_compiler.cc index 53acf0e2..11f753aa 100644 --- a/python/jittor/src/op_compiler.cc +++ b/python/jittor/src/op_compiler.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/op_compiler.h b/python/jittor/src/op_compiler.h index 4ce7cecd..381d1d89 100644 --- a/python/jittor/src/op_compiler.h +++ b/python/jittor/src/op_compiler.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/arg_reduce_op.cc b/python/jittor/src/ops/arg_reduce_op.cc index d771baa7..36add873 100644 --- a/python/jittor/src/ops/arg_reduce_op.cc +++ b/python/jittor/src/ops/arg_reduce_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/src/ops/arg_reduce_op.h b/python/jittor/src/ops/arg_reduce_op.h index 9df9a3a6..5226f116 100644 --- a/python/jittor/src/ops/arg_reduce_op.h +++ b/python/jittor/src/ops/arg_reduce_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/src/ops/argsort_op.cc b/python/jittor/src/ops/argsort_op.cc index d2d098fc..6c37521c 100644 --- a/python/jittor/src/ops/argsort_op.cc +++ b/python/jittor/src/ops/argsort_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/src/ops/argsort_op.h b/python/jittor/src/ops/argsort_op.h index 10d35d68..46c1ab2b 100644 --- a/python/jittor/src/ops/argsort_op.h +++ b/python/jittor/src/ops/argsort_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/src/ops/array_op.cc b/python/jittor/src/ops/array_op.cc index 0b3f9fe5..b1bab8ae 100644 --- a/python/jittor/src/ops/array_op.cc +++ b/python/jittor/src/ops/array_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/array_op.h b/python/jittor/src/ops/array_op.h index 36016d07..b3a23ad1 100644 --- a/python/jittor/src/ops/array_op.h +++ b/python/jittor/src/ops/array_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/binary_op.cc b/python/jittor/src/ops/binary_op.cc index 4ea7c10f..a8d22e81 100644 --- a/python/jittor/src/ops/binary_op.cc +++ b/python/jittor/src/ops/binary_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/binary_op.h b/python/jittor/src/ops/binary_op.h index 6d3ec488..621992ee 100644 --- a/python/jittor/src/ops/binary_op.h +++ b/python/jittor/src/ops/binary_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/broadcast_to_op.cc b/python/jittor/src/ops/broadcast_to_op.cc index 4a5453c0..e1b26802 100644 --- a/python/jittor/src/ops/broadcast_to_op.cc +++ b/python/jittor/src/ops/broadcast_to_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/broadcast_to_op.h b/python/jittor/src/ops/broadcast_to_op.h index 89166b58..d2329c69 100644 --- a/python/jittor/src/ops/broadcast_to_op.h +++ b/python/jittor/src/ops/broadcast_to_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/candidate_op.cc b/python/jittor/src/ops/candidate_op.cc index 769c5258..7c30468f 100644 --- a/python/jittor/src/ops/candidate_op.cc +++ b/python/jittor/src/ops/candidate_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/candidate_op.h b/python/jittor/src/ops/candidate_op.h index 0753f355..37b081e0 100644 --- a/python/jittor/src/ops/candidate_op.h +++ b/python/jittor/src/ops/candidate_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/src/ops/clone_op.cc b/python/jittor/src/ops/clone_op.cc index 6f85f599..cca11023 100644 --- a/python/jittor/src/ops/clone_op.cc +++ b/python/jittor/src/ops/clone_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Dun Liang . // diff --git a/python/jittor/src/ops/clone_op.h b/python/jittor/src/ops/clone_op.h index 071634fc..0fa4e790 100644 --- a/python/jittor/src/ops/clone_op.h +++ b/python/jittor/src/ops/clone_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Dun Liang . // diff --git a/python/jittor/src/ops/code_op.cc b/python/jittor/src/ops/code_op.cc index 7db34f03..a912207f 100644 --- a/python/jittor/src/ops/code_op.cc +++ b/python/jittor/src/ops/code_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/code_op.h b/python/jittor/src/ops/code_op.h index 1f91ee41..1739ab20 100644 --- a/python/jittor/src/ops/code_op.h +++ b/python/jittor/src/ops/code_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/copy_op.cc b/python/jittor/src/ops/copy_op.cc index 771cb928..0fc28691 100644 --- a/python/jittor/src/ops/copy_op.cc +++ b/python/jittor/src/ops/copy_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Dun Liang . // diff --git a/python/jittor/src/ops/copy_op.h b/python/jittor/src/ops/copy_op.h index fcaa20c9..0b172059 100644 --- a/python/jittor/src/ops/copy_op.h +++ b/python/jittor/src/ops/copy_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Dun Liang . // diff --git a/python/jittor/src/ops/empty_op.cc b/python/jittor/src/ops/empty_op.cc index fe2e6098..ea49a4f7 100644 --- a/python/jittor/src/ops/empty_op.cc +++ b/python/jittor/src/ops/empty_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Dun Liang . // diff --git a/python/jittor/src/ops/empty_op.h b/python/jittor/src/ops/empty_op.h index 3a6cfe93..448d5121 100644 --- a/python/jittor/src/ops/empty_op.h +++ b/python/jittor/src/ops/empty_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Dun Liang . // diff --git a/python/jittor/src/ops/fetch_op.cc b/python/jittor/src/ops/fetch_op.cc index 48303686..6eaf6897 100644 --- a/python/jittor/src/ops/fetch_op.cc +++ b/python/jittor/src/ops/fetch_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. +// Copyright (c) 2022 Jittor. // All Rights Reserved. // Maintainers: Dun Liang . // diff --git a/python/jittor/src/ops/fetch_op.h b/python/jittor/src/ops/fetch_op.h index 9df508ea..cef2f08f 100644 --- a/python/jittor/src/ops/fetch_op.h +++ b/python/jittor/src/ops/fetch_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/fuse_transpose_op.cc b/python/jittor/src/ops/fuse_transpose_op.cc index c1facc62..d4c86eef 100644 --- a/python/jittor/src/ops/fuse_transpose_op.cc +++ b/python/jittor/src/ops/fuse_transpose_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/fuse_transpose_op.h b/python/jittor/src/ops/fuse_transpose_op.h index 3c7307b2..5784572d 100644 --- a/python/jittor/src/ops/fuse_transpose_op.h +++ b/python/jittor/src/ops/fuse_transpose_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/getitem_op.cc b/python/jittor/src/ops/getitem_op.cc index 44c1d699..5fddac7e 100644 --- a/python/jittor/src/ops/getitem_op.cc +++ b/python/jittor/src/ops/getitem_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/getitem_op.h b/python/jittor/src/ops/getitem_op.h index eedc6f2c..d21f435c 100644 --- a/python/jittor/src/ops/getitem_op.h +++ b/python/jittor/src/ops/getitem_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/index_op.cc b/python/jittor/src/ops/index_op.cc index 2a3f1c00..9ba7b22b 100644 --- a/python/jittor/src/ops/index_op.cc +++ b/python/jittor/src/ops/index_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/index_op.h b/python/jittor/src/ops/index_op.h index 7e3809dc..6940d00c 100644 --- a/python/jittor/src/ops/index_op.h +++ b/python/jittor/src/ops/index_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/numpy_code_op.cc b/python/jittor/src/ops/numpy_code_op.cc index ad9c3e2f..9e5d651b 100644 --- a/python/jittor/src/ops/numpy_code_op.cc +++ b/python/jittor/src/ops/numpy_code_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guowei Yang <471184555@qq.com> // Dun Liang . diff --git a/python/jittor/src/ops/numpy_code_op.h b/python/jittor/src/ops/numpy_code_op.h index 076abfae..ac7e5fcc 100644 --- a/python/jittor/src/ops/numpy_code_op.h +++ b/python/jittor/src/ops/numpy_code_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guowei Yang <471184555@qq.com> // Dun Liang . diff --git a/python/jittor/src/ops/op_register.cc b/python/jittor/src/ops/op_register.cc index 23879ab3..4c9b7404 100644 --- a/python/jittor/src/ops/op_register.cc +++ b/python/jittor/src/ops/op_register.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/op_register.h b/python/jittor/src/ops/op_register.h index bfb56295..10a2b77d 100644 --- a/python/jittor/src/ops/op_register.h +++ b/python/jittor/src/ops/op_register.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/op_utils.cc b/python/jittor/src/ops/op_utils.cc index f04d6176..b527b9f2 100644 --- a/python/jittor/src/ops/op_utils.cc +++ b/python/jittor/src/ops/op_utils.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/random_op.cc b/python/jittor/src/ops/random_op.cc index d0de4e30..cf4a7b01 100644 --- a/python/jittor/src/ops/random_op.cc +++ b/python/jittor/src/ops/random_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/random_op.h b/python/jittor/src/ops/random_op.h index fc88eda1..ae9be332 100644 --- a/python/jittor/src/ops/random_op.h +++ b/python/jittor/src/ops/random_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/reduce_op.cc b/python/jittor/src/ops/reduce_op.cc index dbe5d09f..cf3938f3 100644 --- a/python/jittor/src/ops/reduce_op.cc +++ b/python/jittor/src/ops/reduce_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/reduce_op.h b/python/jittor/src/ops/reduce_op.h index 3a334876..c276614c 100644 --- a/python/jittor/src/ops/reduce_op.h +++ b/python/jittor/src/ops/reduce_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/reindex_op.cc b/python/jittor/src/ops/reindex_op.cc index f3cd242f..2064ab1a 100644 --- a/python/jittor/src/ops/reindex_op.cc +++ b/python/jittor/src/ops/reindex_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/reindex_op.h b/python/jittor/src/ops/reindex_op.h index 9ca76f77..9997c83f 100644 --- a/python/jittor/src/ops/reindex_op.h +++ b/python/jittor/src/ops/reindex_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/reindex_reduce_op.cc b/python/jittor/src/ops/reindex_reduce_op.cc index 77b84477..774034e5 100644 --- a/python/jittor/src/ops/reindex_reduce_op.cc +++ b/python/jittor/src/ops/reindex_reduce_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/reindex_reduce_op.h b/python/jittor/src/ops/reindex_reduce_op.h index 41d29197..9f53618d 100644 --- a/python/jittor/src/ops/reindex_reduce_op.h +++ b/python/jittor/src/ops/reindex_reduce_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/reshape_op.cc b/python/jittor/src/ops/reshape_op.cc index 666cf400..c070bf0a 100644 --- a/python/jittor/src/ops/reshape_op.cc +++ b/python/jittor/src/ops/reshape_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/src/ops/reshape_op.h b/python/jittor/src/ops/reshape_op.h index efe10c89..4d1c5cc0 100644 --- a/python/jittor/src/ops/reshape_op.h +++ b/python/jittor/src/ops/reshape_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/src/ops/safe_clip_op.cc b/python/jittor/src/ops/safe_clip_op.cc index 39847e80..1b02fedb 100644 --- a/python/jittor/src/ops/safe_clip_op.cc +++ b/python/jittor/src/ops/safe_clip_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/safe_clip_op.h b/python/jittor/src/ops/safe_clip_op.h index 25dae9f9..97f9d44a 100644 --- a/python/jittor/src/ops/safe_clip_op.h +++ b/python/jittor/src/ops/safe_clip_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/setitem_op.cc b/python/jittor/src/ops/setitem_op.cc index d16faeac..7774bc8a 100644 --- a/python/jittor/src/ops/setitem_op.cc +++ b/python/jittor/src/ops/setitem_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/setitem_op.h b/python/jittor/src/ops/setitem_op.h index 98f85034..5e9ddd6e 100644 --- a/python/jittor/src/ops/setitem_op.h +++ b/python/jittor/src/ops/setitem_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/tape_op.cc b/python/jittor/src/ops/tape_op.cc index f1b5f6dc..73cdd4a7 100644 --- a/python/jittor/src/ops/tape_op.cc +++ b/python/jittor/src/ops/tape_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Dun Liang . // diff --git a/python/jittor/src/ops/tape_op.h b/python/jittor/src/ops/tape_op.h index 23ff4ece..ff2dc7c5 100644 --- a/python/jittor/src/ops/tape_op.h +++ b/python/jittor/src/ops/tape_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Dun Liang . // diff --git a/python/jittor/src/ops/ternary_op.cc b/python/jittor/src/ops/ternary_op.cc index 70bbae36..a1d56820 100644 --- a/python/jittor/src/ops/ternary_op.cc +++ b/python/jittor/src/ops/ternary_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/ternary_op.h b/python/jittor/src/ops/ternary_op.h index 2332cb82..0bdaa3c1 100644 --- a/python/jittor/src/ops/ternary_op.h +++ b/python/jittor/src/ops/ternary_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/transpose_op.cc b/python/jittor/src/ops/transpose_op.cc index 143e76ea..5fd3569e 100644 --- a/python/jittor/src/ops/transpose_op.cc +++ b/python/jittor/src/ops/transpose_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/transpose_op.h b/python/jittor/src/ops/transpose_op.h index 1c0046a7..b385bf0c 100644 --- a/python/jittor/src/ops/transpose_op.h +++ b/python/jittor/src/ops/transpose_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/unary_op.cc b/python/jittor/src/ops/unary_op.cc index f7ead025..6714081b 100644 --- a/python/jittor/src/ops/unary_op.cc +++ b/python/jittor/src/ops/unary_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/unary_op.h b/python/jittor/src/ops/unary_op.h index c1c1de06..20412829 100644 --- a/python/jittor/src/ops/unary_op.h +++ b/python/jittor/src/ops/unary_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/where_op.cc b/python/jittor/src/ops/where_op.cc index 947ad04e..f9528eea 100644 --- a/python/jittor/src/ops/where_op.cc +++ b/python/jittor/src/ops/where_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/ops/where_op.h b/python/jittor/src/ops/where_op.h index 2440fd9c..0b56994f 100644 --- a/python/jittor/src/ops/where_op.h +++ b/python/jittor/src/ops/where_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/expr.cc b/python/jittor/src/opt/expr.cc index 1101c436..a4dc4968 100644 --- a/python/jittor/src/opt/expr.cc +++ b/python/jittor/src/opt/expr.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/expr.h b/python/jittor/src/opt/expr.h index f4030293..fa16a91b 100644 --- a/python/jittor/src/opt/expr.h +++ b/python/jittor/src/opt/expr.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/gopt/setitem_gopt.cc b/python/jittor/src/opt/gopt/setitem_gopt.cc index d6d0bc8a..26c9b618 100644 --- a/python/jittor/src/opt/gopt/setitem_gopt.cc +++ b/python/jittor/src/opt/gopt/setitem_gopt.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/jit_searcher.cc b/python/jittor/src/opt/jit_searcher.cc index af0e1841..17953118 100644 --- a/python/jittor/src/opt/jit_searcher.cc +++ b/python/jittor/src/opt/jit_searcher.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/jit_searcher.h b/python/jittor/src/opt/jit_searcher.h index 98db878b..3ebf39fb 100644 --- a/python/jittor/src/opt/jit_searcher.h +++ b/python/jittor/src/opt/jit_searcher.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/kernel_ir.cc b/python/jittor/src/opt/kernel_ir.cc index e92a18e0..edb41dca 100644 --- a/python/jittor/src/opt/kernel_ir.cc +++ b/python/jittor/src/opt/kernel_ir.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/kernel_ir.h b/python/jittor/src/opt/kernel_ir.h index 1dbe6500..e20914a4 100644 --- a/python/jittor/src/opt/kernel_ir.h +++ b/python/jittor/src/opt/kernel_ir.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/assume_aligned_pass.cc b/python/jittor/src/opt/pass/assume_aligned_pass.cc index a5795a32..40cb9ea3 100644 --- a/python/jittor/src/opt/pass/assume_aligned_pass.cc +++ b/python/jittor/src/opt/pass/assume_aligned_pass.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/assume_aligned_pass.h b/python/jittor/src/opt/pass/assume_aligned_pass.h index d92defa4..f5045de9 100644 --- a/python/jittor/src/opt/pass/assume_aligned_pass.h +++ b/python/jittor/src/opt/pass/assume_aligned_pass.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/atomic_tuner_pass.h b/python/jittor/src/opt/pass/atomic_tuner_pass.h index 3200b63a..7b2b17a6 100644 --- a/python/jittor/src/opt/pass/atomic_tuner_pass.h +++ b/python/jittor/src/opt/pass/atomic_tuner_pass.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guowei Yang <471184555@qq.com> // Dun Liang . diff --git a/python/jittor/src/opt/pass/check_cache_pass.cc b/python/jittor/src/opt/pass/check_cache_pass.cc index 11a9f5a7..7688646f 100644 --- a/python/jittor/src/opt/pass/check_cache_pass.cc +++ b/python/jittor/src/opt/pass/check_cache_pass.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/src/opt/pass/check_cache_pass.h b/python/jittor/src/opt/pass/check_cache_pass.h index f0680934..8cb4ef14 100644 --- a/python/jittor/src/opt/pass/check_cache_pass.h +++ b/python/jittor/src/opt/pass/check_cache_pass.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/src/opt/pass/compile_shapes_pass.cc b/python/jittor/src/opt/pass/compile_shapes_pass.cc index 741ee461..3af24e8d 100644 --- a/python/jittor/src/opt/pass/compile_shapes_pass.cc +++ b/python/jittor/src/opt/pass/compile_shapes_pass.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/compile_shapes_pass.h b/python/jittor/src/opt/pass/compile_shapes_pass.h index a06937f5..862e3571 100644 --- a/python/jittor/src/opt/pass/compile_shapes_pass.h +++ b/python/jittor/src/opt/pass/compile_shapes_pass.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/const_var_pass.cc b/python/jittor/src/opt/pass/const_var_pass.cc index 115f0fb3..1c7e437d 100644 --- a/python/jittor/src/opt/pass/const_var_pass.cc +++ b/python/jittor/src/opt/pass/const_var_pass.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/const_var_pass.h b/python/jittor/src/opt/pass/const_var_pass.h index 03355589..036917fc 100644 --- a/python/jittor/src/opt/pass/const_var_pass.h +++ b/python/jittor/src/opt/pass/const_var_pass.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/expand_empty_block_pass.cc b/python/jittor/src/opt/pass/expand_empty_block_pass.cc index e6992352..f26d3a2b 100644 --- a/python/jittor/src/opt/pass/expand_empty_block_pass.cc +++ b/python/jittor/src/opt/pass/expand_empty_block_pass.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/expand_empty_block_pass.h b/python/jittor/src/opt/pass/expand_empty_block_pass.h index a88bd52c..c045f495 100644 --- a/python/jittor/src/opt/pass/expand_empty_block_pass.h +++ b/python/jittor/src/opt/pass/expand_empty_block_pass.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/fake_main_pass.cc b/python/jittor/src/opt/pass/fake_main_pass.cc index e65b7fe6..0b3884f3 100644 --- a/python/jittor/src/opt/pass/fake_main_pass.cc +++ b/python/jittor/src/opt/pass/fake_main_pass.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/fake_main_pass.h b/python/jittor/src/opt/pass/fake_main_pass.h index abda59e8..2ef2bd49 100644 --- a/python/jittor/src/opt/pass/fake_main_pass.h +++ b/python/jittor/src/opt/pass/fake_main_pass.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/float_atomic_fix_pass.cc b/python/jittor/src/opt/pass/float_atomic_fix_pass.cc index 7827ee14..7aabc5da 100644 --- a/python/jittor/src/opt/pass/float_atomic_fix_pass.cc +++ b/python/jittor/src/opt/pass/float_atomic_fix_pass.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Dun Liang . // diff --git a/python/jittor/src/opt/pass/float_atomic_fix_pass.h b/python/jittor/src/opt/pass/float_atomic_fix_pass.h index 78bb7c4f..45b83d39 100644 --- a/python/jittor/src/opt/pass/float_atomic_fix_pass.h +++ b/python/jittor/src/opt/pass/float_atomic_fix_pass.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Dun Liang . // diff --git a/python/jittor/src/opt/pass/insert_profile_loop_pass.cc b/python/jittor/src/opt/pass/insert_profile_loop_pass.cc index c43d8cd0..9f3c532f 100644 --- a/python/jittor/src/opt/pass/insert_profile_loop_pass.cc +++ b/python/jittor/src/opt/pass/insert_profile_loop_pass.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/insert_profile_loop_pass.h b/python/jittor/src/opt/pass/insert_profile_loop_pass.h index c2fc8870..6b89de8f 100644 --- a/python/jittor/src/opt/pass/insert_profile_loop_pass.h +++ b/python/jittor/src/opt/pass/insert_profile_loop_pass.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/loop_to_func_pass.cc b/python/jittor/src/opt/pass/loop_to_func_pass.cc index 9d43711d..0e5de61f 100644 --- a/python/jittor/src/opt/pass/loop_to_func_pass.cc +++ b/python/jittor/src/opt/pass/loop_to_func_pass.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/loop_to_func_pass.h b/python/jittor/src/opt/pass/loop_to_func_pass.h index c97c30f3..b64194de 100644 --- a/python/jittor/src/opt/pass/loop_to_func_pass.h +++ b/python/jittor/src/opt/pass/loop_to_func_pass.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/loop_var_analyze_pass.cc b/python/jittor/src/opt/pass/loop_var_analyze_pass.cc index 1f332126..f2f85422 100644 --- a/python/jittor/src/opt/pass/loop_var_analyze_pass.cc +++ b/python/jittor/src/opt/pass/loop_var_analyze_pass.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/loop_var_analyze_pass.h b/python/jittor/src/opt/pass/loop_var_analyze_pass.h index 92f61d69..8850902e 100644 --- a/python/jittor/src/opt/pass/loop_var_analyze_pass.h +++ b/python/jittor/src/opt/pass/loop_var_analyze_pass.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/mark_raw_pass.cc b/python/jittor/src/opt/pass/mark_raw_pass.cc index 1e381808..190a5a1b 100644 --- a/python/jittor/src/opt/pass/mark_raw_pass.cc +++ b/python/jittor/src/opt/pass/mark_raw_pass.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/mark_raw_pass.h b/python/jittor/src/opt/pass/mark_raw_pass.h index f38e7525..f718a3ad 100644 --- a/python/jittor/src/opt/pass/mark_raw_pass.h +++ b/python/jittor/src/opt/pass/mark_raw_pass.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/merge_loop_pass.cc b/python/jittor/src/opt/pass/merge_loop_pass.cc index f6f275a7..225ebda9 100644 --- a/python/jittor/src/opt/pass/merge_loop_pass.cc +++ b/python/jittor/src/opt/pass/merge_loop_pass.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/merge_loop_pass.h b/python/jittor/src/opt/pass/merge_loop_pass.h index 28640331..c5ad442a 100644 --- a/python/jittor/src/opt/pass/merge_loop_pass.h +++ b/python/jittor/src/opt/pass/merge_loop_pass.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/merge_loop_var_pass.cc b/python/jittor/src/opt/pass/merge_loop_var_pass.cc index 96d842bc..84f47237 100644 --- a/python/jittor/src/opt/pass/merge_loop_var_pass.cc +++ b/python/jittor/src/opt/pass/merge_loop_var_pass.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/merge_loop_var_pass.h b/python/jittor/src/opt/pass/merge_loop_var_pass.h index 41ab2055..eba318f1 100644 --- a/python/jittor/src/opt/pass/merge_loop_var_pass.h +++ b/python/jittor/src/opt/pass/merge_loop_var_pass.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/parallel_pass.h b/python/jittor/src/opt/pass/parallel_pass.h index 13ef203c..125035bb 100644 --- a/python/jittor/src/opt/pass/parallel_pass.h +++ b/python/jittor/src/opt/pass/parallel_pass.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/pass.cc b/python/jittor/src/opt/pass/pass.cc index 7741e9e2..6a526235 100644 --- a/python/jittor/src/opt/pass/pass.cc +++ b/python/jittor/src/opt/pass/pass.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/pass.h b/python/jittor/src/opt/pass/pass.h index ce12e6be..74d4b0e4 100644 --- a/python/jittor/src/opt/pass/pass.h +++ b/python/jittor/src/opt/pass/pass.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/remove_intermediate_pass.cc b/python/jittor/src/opt/pass/remove_intermediate_pass.cc index c70f29f8..66df0d3c 100644 --- a/python/jittor/src/opt/pass/remove_intermediate_pass.cc +++ b/python/jittor/src/opt/pass/remove_intermediate_pass.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/remove_intermediate_pass.h b/python/jittor/src/opt/pass/remove_intermediate_pass.h index a4f152f6..ee1292e6 100644 --- a/python/jittor/src/opt/pass/remove_intermediate_pass.h +++ b/python/jittor/src/opt/pass/remove_intermediate_pass.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/remove_loop_pass.cc b/python/jittor/src/opt/pass/remove_loop_pass.cc index 19b88fcd..68b6492a 100644 --- a/python/jittor/src/opt/pass/remove_loop_pass.cc +++ b/python/jittor/src/opt/pass/remove_loop_pass.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/remove_loop_pass.h b/python/jittor/src/opt/pass/remove_loop_pass.h index bb0090ea..faf20712 100644 --- a/python/jittor/src/opt/pass/remove_loop_pass.h +++ b/python/jittor/src/opt/pass/remove_loop_pass.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/rename_loop_index_pass.cc b/python/jittor/src/opt/pass/rename_loop_index_pass.cc index 988db9db..865d9b50 100644 --- a/python/jittor/src/opt/pass/rename_loop_index_pass.cc +++ b/python/jittor/src/opt/pass/rename_loop_index_pass.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/rename_loop_index_pass.h b/python/jittor/src/opt/pass/rename_loop_index_pass.h index 81a5351c..8737b6c0 100644 --- a/python/jittor/src/opt/pass/rename_loop_index_pass.h +++ b/python/jittor/src/opt/pass/rename_loop_index_pass.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/reorder_loop_pass.cc b/python/jittor/src/opt/pass/reorder_loop_pass.cc index 02dc519b..1f731e3a 100644 --- a/python/jittor/src/opt/pass/reorder_loop_pass.cc +++ b/python/jittor/src/opt/pass/reorder_loop_pass.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/reorder_loop_pass.h b/python/jittor/src/opt/pass/reorder_loop_pass.h index 4f62925e..948dd9f3 100644 --- a/python/jittor/src/opt/pass/reorder_loop_pass.h +++ b/python/jittor/src/opt/pass/reorder_loop_pass.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/replace_for_num_pass.cc b/python/jittor/src/opt/pass/replace_for_num_pass.cc index 6e4333f5..7a35d7b7 100644 --- a/python/jittor/src/opt/pass/replace_for_num_pass.cc +++ b/python/jittor/src/opt/pass/replace_for_num_pass.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/replace_for_num_pass.h b/python/jittor/src/opt/pass/replace_for_num_pass.h index 1a6239e6..83a0c7de 100644 --- a/python/jittor/src/opt/pass/replace_for_num_pass.h +++ b/python/jittor/src/opt/pass/replace_for_num_pass.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/restride_pass.cc b/python/jittor/src/opt/pass/restride_pass.cc index a2942845..01f2ff8a 100644 --- a/python/jittor/src/opt/pass/restride_pass.cc +++ b/python/jittor/src/opt/pass/restride_pass.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/restride_pass.h b/python/jittor/src/opt/pass/restride_pass.h index 58c5837a..8dc4509b 100644 --- a/python/jittor/src/opt/pass/restride_pass.h +++ b/python/jittor/src/opt/pass/restride_pass.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/solve_conflict_define_pass.cc b/python/jittor/src/opt/pass/solve_conflict_define_pass.cc index 1d754871..3089980b 100644 --- a/python/jittor/src/opt/pass/solve_conflict_define_pass.cc +++ b/python/jittor/src/opt/pass/solve_conflict_define_pass.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/solve_conflict_define_pass.h b/python/jittor/src/opt/pass/solve_conflict_define_pass.h index cf402b6d..90da8258 100644 --- a/python/jittor/src/opt/pass/solve_conflict_define_pass.h +++ b/python/jittor/src/opt/pass/solve_conflict_define_pass.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/split_loop_pass.cc b/python/jittor/src/opt/pass/split_loop_pass.cc index c36e9789..ae92576a 100644 --- a/python/jittor/src/opt/pass/split_loop_pass.cc +++ b/python/jittor/src/opt/pass/split_loop_pass.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/split_loop_pass.h b/python/jittor/src/opt/pass/split_loop_pass.h index 694a5ac8..dceedbcd 100644 --- a/python/jittor/src/opt/pass/split_loop_pass.h +++ b/python/jittor/src/opt/pass/split_loop_pass.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/unroll_pass.cc b/python/jittor/src/opt/pass/unroll_pass.cc index a40080a8..74987347 100644 --- a/python/jittor/src/opt/pass/unroll_pass.cc +++ b/python/jittor/src/opt/pass/unroll_pass.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/unroll_pass.h b/python/jittor/src/opt/pass/unroll_pass.h index 0aefee40..a8c77f80 100644 --- a/python/jittor/src/opt/pass/unroll_pass.h +++ b/python/jittor/src/opt/pass/unroll_pass.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/use_movnt_pass.cc b/python/jittor/src/opt/pass/use_movnt_pass.cc index 21876d0f..96089f6d 100644 --- a/python/jittor/src/opt/pass/use_movnt_pass.cc +++ b/python/jittor/src/opt/pass/use_movnt_pass.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guowei Yang <471184555@qq.com> // Dun Liang . diff --git a/python/jittor/src/opt/pass/use_movnt_pass.h b/python/jittor/src/opt/pass/use_movnt_pass.h index 9bad55d2..b99b5d3a 100644 --- a/python/jittor/src/opt/pass/use_movnt_pass.h +++ b/python/jittor/src/opt/pass/use_movnt_pass.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guowei Yang <471184555@qq.com> // Dun Liang . diff --git a/python/jittor/src/opt/pass/vectorize_pass.cc b/python/jittor/src/opt/pass/vectorize_pass.cc index d70d0ca5..e7d162a9 100644 --- a/python/jittor/src/opt/pass/vectorize_pass.cc +++ b/python/jittor/src/opt/pass/vectorize_pass.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass/vectorize_pass.h b/python/jittor/src/opt/pass/vectorize_pass.h index 1cce76f9..7b270ca0 100644 --- a/python/jittor/src/opt/pass/vectorize_pass.h +++ b/python/jittor/src/opt/pass/vectorize_pass.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass_manager.cc b/python/jittor/src/opt/pass_manager.cc index b44c565d..07c3eebf 100644 --- a/python/jittor/src/opt/pass_manager.cc +++ b/python/jittor/src/opt/pass_manager.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/pass_manager.h b/python/jittor/src/opt/pass_manager.h index 35cc3d1b..fc7de976 100644 --- a/python/jittor/src/opt/pass_manager.h +++ b/python/jittor/src/opt/pass_manager.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/tuner/broadcast_tuner.cc b/python/jittor/src/opt/tuner/broadcast_tuner.cc index bd177c64..cf57ddf1 100644 --- a/python/jittor/src/opt/tuner/broadcast_tuner.cc +++ b/python/jittor/src/opt/tuner/broadcast_tuner.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guowei Yang <471184555@qq.com> // Dun Liang . diff --git a/python/jittor/src/opt/tuner/broadcast_tuner.h b/python/jittor/src/opt/tuner/broadcast_tuner.h index 4f98056b..9aaa342d 100644 --- a/python/jittor/src/opt/tuner/broadcast_tuner.h +++ b/python/jittor/src/opt/tuner/broadcast_tuner.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guowei Yang <471184555@qq.com> // Dun Liang . diff --git a/python/jittor/src/opt/tuner/conv_tuner.cc b/python/jittor/src/opt/tuner/conv_tuner.cc index c043c1b5..2909598a 100644 --- a/python/jittor/src/opt/tuner/conv_tuner.cc +++ b/python/jittor/src/opt/tuner/conv_tuner.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guowei Yang <471184555@qq.com> // Dun Liang . diff --git a/python/jittor/src/opt/tuner/conv_tuner.h b/python/jittor/src/opt/tuner/conv_tuner.h index 508baf87..1a853847 100644 --- a/python/jittor/src/opt/tuner/conv_tuner.h +++ b/python/jittor/src/opt/tuner/conv_tuner.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guowei Yang <471184555@qq.com> // Dun Liang . diff --git a/python/jittor/src/opt/tuner/matmul_tuner.cc b/python/jittor/src/opt/tuner/matmul_tuner.cc index 43e47e8a..7be9a481 100644 --- a/python/jittor/src/opt/tuner/matmul_tuner.cc +++ b/python/jittor/src/opt/tuner/matmul_tuner.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Dun Liang . // Guoye Yang <498731903@qq.com> diff --git a/python/jittor/src/opt/tuner/matmul_tuner.h b/python/jittor/src/opt/tuner/matmul_tuner.h index 21100361..3654596b 100644 --- a/python/jittor/src/opt/tuner/matmul_tuner.h +++ b/python/jittor/src/opt/tuner/matmul_tuner.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Dun Liang . // diff --git a/python/jittor/src/opt/tuner/reduce_tuner.cc b/python/jittor/src/opt/tuner/reduce_tuner.cc index 922637cf..5f4bf7c0 100644 --- a/python/jittor/src/opt/tuner/reduce_tuner.cc +++ b/python/jittor/src/opt/tuner/reduce_tuner.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guowei Yang <471184555@qq.com> // Dun Liang . diff --git a/python/jittor/src/opt/tuner/reduce_tuner.h b/python/jittor/src/opt/tuner/reduce_tuner.h index 6f8a5d6f..acf3017b 100644 --- a/python/jittor/src/opt/tuner/reduce_tuner.h +++ b/python/jittor/src/opt/tuner/reduce_tuner.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guowei Yang <471184555@qq.com> // Dun Liang . diff --git a/python/jittor/src/opt/tuner/reorder_tuner.cc b/python/jittor/src/opt/tuner/reorder_tuner.cc index 24e9859e..63081242 100644 --- a/python/jittor/src/opt/tuner/reorder_tuner.cc +++ b/python/jittor/src/opt/tuner/reorder_tuner.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/tuner/reorder_tuner.h b/python/jittor/src/opt/tuner/reorder_tuner.h index c1ebfcd9..82fb7de8 100644 --- a/python/jittor/src/opt/tuner/reorder_tuner.h +++ b/python/jittor/src/opt/tuner/reorder_tuner.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/tuner/tuner.cc b/python/jittor/src/opt/tuner/tuner.cc index adc539af..e4f2a250 100644 --- a/python/jittor/src/opt/tuner/tuner.cc +++ b/python/jittor/src/opt/tuner/tuner.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/tuner/tuner.h b/python/jittor/src/opt/tuner/tuner.h index d3d70e7f..f506423b 100644 --- a/python/jittor/src/opt/tuner/tuner.h +++ b/python/jittor/src/opt/tuner/tuner.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/tuner_manager.cc b/python/jittor/src/opt/tuner_manager.cc index e71087ee..b6e01207 100644 --- a/python/jittor/src/opt/tuner_manager.cc +++ b/python/jittor/src/opt/tuner_manager.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/tuner_manager.h b/python/jittor/src/opt/tuner_manager.h index 4075f8be..903c0cd8 100644 --- a/python/jittor/src/opt/tuner_manager.h +++ b/python/jittor/src/opt/tuner_manager.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/var_relay.cc b/python/jittor/src/opt/var_relay.cc index f49d89d6..c110e6bc 100644 --- a/python/jittor/src/opt/var_relay.cc +++ b/python/jittor/src/opt/var_relay.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/opt/var_relay.h b/python/jittor/src/opt/var_relay.h index c5c8ec69..cd9355e9 100644 --- a/python/jittor/src/opt/var_relay.h +++ b/python/jittor/src/opt/var_relay.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/parallel_compiler.cc b/python/jittor/src/parallel_compiler.cc index 8c88c076..f4022dfa 100644 --- a/python/jittor/src/parallel_compiler.cc +++ b/python/jittor/src/parallel_compiler.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/parallel_compiler.h b/python/jittor/src/parallel_compiler.h index 3266e44f..59d7017a 100644 --- a/python/jittor/src/parallel_compiler.h +++ b/python/jittor/src/parallel_compiler.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/profiler/cache_info.cc b/python/jittor/src/profiler/cache_info.cc index da55170c..de102613 100644 --- a/python/jittor/src/profiler/cache_info.cc +++ b/python/jittor/src/profiler/cache_info.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/src/profiler/cache_info.h b/python/jittor/src/profiler/cache_info.h index 27635ff1..3d86aa57 100644 --- a/python/jittor/src/profiler/cache_info.h +++ b/python/jittor/src/profiler/cache_info.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/src/profiler/memory_checker.cc b/python/jittor/src/profiler/memory_checker.cc index 83f4ec9a..2bce32ff 100644 --- a/python/jittor/src/profiler/memory_checker.cc +++ b/python/jittor/src/profiler/memory_checker.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/src/profiler/memory_checker.h b/python/jittor/src/profiler/memory_checker.h index fbf0fba1..00aec3d0 100644 --- a/python/jittor/src/profiler/memory_checker.h +++ b/python/jittor/src/profiler/memory_checker.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/src/profiler/profiler.cc b/python/jittor/src/profiler/profiler.cc index b133606f..fbf879cd 100644 --- a/python/jittor/src/profiler/profiler.cc +++ b/python/jittor/src/profiler/profiler.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/profiler/profiler.h b/python/jittor/src/profiler/profiler.h index 90aed655..99fc5fb2 100644 --- a/python/jittor/src/profiler/profiler.h +++ b/python/jittor/src/profiler/profiler.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/profiler/profiler_guard.h b/python/jittor/src/profiler/profiler_guard.h index 3ef5602d..7053bc99 100644 --- a/python/jittor/src/profiler/profiler_guard.h +++ b/python/jittor/src/profiler/profiler_guard.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/profiler/replacement.cc b/python/jittor/src/profiler/replacement.cc index d1705af7..0a6d944b 100644 --- a/python/jittor/src/profiler/replacement.cc +++ b/python/jittor/src/profiler/replacement.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/src/profiler/replacement.h b/python/jittor/src/profiler/replacement.h index 36ec2c51..82be06fc 100644 --- a/python/jittor/src/profiler/replacement.h +++ b/python/jittor/src/profiler/replacement.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/src/profiler/simple_profiler.h b/python/jittor/src/profiler/simple_profiler.h index 312a23f9..f7a1a5e4 100644 --- a/python/jittor/src/profiler/simple_profiler.h +++ b/python/jittor/src/profiler/simple_profiler.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/profiler/vtop.cc b/python/jittor/src/profiler/vtop.cc index 4f230390..15abae2b 100644 --- a/python/jittor/src/profiler/vtop.cc +++ b/python/jittor/src/profiler/vtop.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/src/pybind/core.cc b/python/jittor/src/pybind/core.cc index 9d23be9f..9e109c72 100644 --- a/python/jittor/src/pybind/core.cc +++ b/python/jittor/src/pybind/core.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/pybind/py_var_tracer.cc b/python/jittor/src/pybind/py_var_tracer.cc index 30072aec..cb4fdd8f 100644 --- a/python/jittor/src/pybind/py_var_tracer.cc +++ b/python/jittor/src/pybind/py_var_tracer.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Dun Liang . // Guoye Yang <498731903@qq.com> diff --git a/python/jittor/src/pybind/py_var_tracer.h b/python/jittor/src/pybind/py_var_tracer.h index 3c7d1944..06095905 100644 --- a/python/jittor/src/pybind/py_var_tracer.h +++ b/python/jittor/src/pybind/py_var_tracer.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/pybind/py_var_tracer_interface.h b/python/jittor/src/pybind/py_var_tracer_interface.h index 0eaa321b..8f0163c6 100644 --- a/python/jittor/src/pybind/py_var_tracer_interface.h +++ b/python/jittor/src/pybind/py_var_tracer_interface.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/pyjt/numpy.cc b/python/jittor/src/pyjt/numpy.cc index cda93085..79c51fba 100644 --- a/python/jittor/src/pyjt/numpy.cc +++ b/python/jittor/src/pyjt/numpy.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/pyjt/numpy.h b/python/jittor/src/pyjt/numpy.h index c0c4d123..afb9a457 100644 --- a/python/jittor/src/pyjt/numpy.h +++ b/python/jittor/src/pyjt/numpy.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/pyjt/py_arg_printer.cc b/python/jittor/src/pyjt/py_arg_printer.cc index 274924cc..0a69e616 100644 --- a/python/jittor/src/pyjt/py_arg_printer.cc +++ b/python/jittor/src/pyjt/py_arg_printer.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/pyjt/py_arg_printer.h b/python/jittor/src/pyjt/py_arg_printer.h index d1003913..d0318af3 100644 --- a/python/jittor/src/pyjt/py_arg_printer.h +++ b/python/jittor/src/pyjt/py_arg_printer.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/pyjt/py_array_op.cc b/python/jittor/src/pyjt/py_array_op.cc index 79a711a8..10426f90 100644 --- a/python/jittor/src/pyjt/py_array_op.cc +++ b/python/jittor/src/pyjt/py_array_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/pyjt/py_caller.cc b/python/jittor/src/pyjt/py_caller.cc index 698623de..d0b74ba4 100644 --- a/python/jittor/src/pyjt/py_caller.cc +++ b/python/jittor/src/pyjt/py_caller.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Dun Liang . // diff --git a/python/jittor/src/pyjt/py_caller.h b/python/jittor/src/pyjt/py_caller.h index d7bf3897..e0dca57d 100644 --- a/python/jittor/src/pyjt/py_caller.h +++ b/python/jittor/src/pyjt/py_caller.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Dun Liang . // diff --git a/python/jittor/src/pyjt/py_converter.h b/python/jittor/src/pyjt/py_converter.h index 9fb505c0..ebad7554 100644 --- a/python/jittor/src/pyjt/py_converter.h +++ b/python/jittor/src/pyjt/py_converter.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: // Dun Liang . // Guowei Yang <471184555@qq.com> diff --git a/python/jittor/src/pyjt/py_obj_holder.h b/python/jittor/src/pyjt/py_obj_holder.h index 54ab1c0c..64ef1343 100644 --- a/python/jittor/src/pyjt/py_obj_holder.h +++ b/python/jittor/src/pyjt/py_obj_holder.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/pyjt/py_ring_buffer.cc b/python/jittor/src/pyjt/py_ring_buffer.cc index 3347553c..096c101d 100644 --- a/python/jittor/src/pyjt/py_ring_buffer.cc +++ b/python/jittor/src/pyjt/py_ring_buffer.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/pyjt/py_ring_buffer.h b/python/jittor/src/pyjt/py_ring_buffer.h index b3c8c03a..40a62ac6 100644 --- a/python/jittor/src/pyjt/py_ring_buffer.h +++ b/python/jittor/src/pyjt/py_ring_buffer.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/pyjt/pyjt_console.h b/python/jittor/src/pyjt/pyjt_console.h index ac053fda..f0dd77aa 100644 --- a/python/jittor/src/pyjt/pyjt_console.h +++ b/python/jittor/src/pyjt/pyjt_console.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/test/test_expr.cc b/python/jittor/src/test/test_expr.cc index f753d406..cfa2bc76 100644 --- a/python/jittor/src/test/test_expr.cc +++ b/python/jittor/src/test/test_expr.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/test/test_fast_shared_ptr.cc b/python/jittor/src/test/test_fast_shared_ptr.cc index 9bead214..bc05a765 100644 --- a/python/jittor/src/test/test_fast_shared_ptr.cc +++ b/python/jittor/src/test/test_fast_shared_ptr.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/test/test_jit_key.cc b/python/jittor/src/test/test_jit_key.cc index b14bcd8d..31895000 100644 --- a/python/jittor/src/test/test_jit_key.cc +++ b/python/jittor/src/test/test_jit_key.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/test/test_kernel_ir.cc b/python/jittor/src/test/test_kernel_ir.cc index 9f92ff47..d731fb85 100644 --- a/python/jittor/src/test/test_kernel_ir.cc +++ b/python/jittor/src/test/test_kernel_ir.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/test/test_nano_vector.cc b/python/jittor/src/test/test_nano_vector.cc index dec7b4bf..fac46eb2 100644 --- a/python/jittor/src/test/test_nano_vector.cc +++ b/python/jittor/src/test/test_nano_vector.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/test/test_op_compiler.cc b/python/jittor/src/test/test_op_compiler.cc index 212f7f7a..36cc7814 100644 --- a/python/jittor/src/test/test_op_compiler.cc +++ b/python/jittor/src/test/test_op_compiler.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/test/test_op_relay.cc b/python/jittor/src/test/test_op_relay.cc index f8b20e7c..92a70915 100644 --- a/python/jittor/src/test/test_op_relay.cc +++ b/python/jittor/src/test/test_op_relay.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/test/test_setitem_op.cc b/python/jittor/src/test/test_setitem_op.cc index 8e9c8904..20a0a696 100644 --- a/python/jittor/src/test/test_setitem_op.cc +++ b/python/jittor/src/test/test_setitem_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/test/test_sfrl_allocator.cc b/python/jittor/src/test/test_sfrl_allocator.cc index 68c73822..c537f9b9 100644 --- a/python/jittor/src/test/test_sfrl_allocator.cc +++ b/python/jittor/src/test/test_sfrl_allocator.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/type/common_op_type.cc b/python/jittor/src/type/common_op_type.cc index 4a6f1356..3b4ea1c7 100644 --- a/python/jittor/src/type/common_op_type.cc +++ b/python/jittor/src/type/common_op_type.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/type/fp16_compute.h b/python/jittor/src/type/fp16_compute.h index ee35b138..a476484d 100644 --- a/python/jittor/src/type/fp16_compute.h +++ b/python/jittor/src/type/fp16_compute.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/type/fp16_op_type.cc b/python/jittor/src/type/fp16_op_type.cc index 1d6c14cb..f12a5e4f 100644 --- a/python/jittor/src/type/fp16_op_type.cc +++ b/python/jittor/src/type/fp16_op_type.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/types.h b/python/jittor/src/types.h index fb252fdb..ef21b938 100644 --- a/python/jittor/src/types.h +++ b/python/jittor/src/types.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/update_queue.cc b/python/jittor/src/update_queue.cc index df37c27c..6c6b0127 100644 --- a/python/jittor/src/update_queue.cc +++ b/python/jittor/src/update_queue.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/update_queue.h b/python/jittor/src/update_queue.h index 26d4f40f..22b7f6cb 100644 --- a/python/jittor/src/update_queue.h +++ b/python/jittor/src/update_queue.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/utils/cache_compile.cc b/python/jittor/src/utils/cache_compile.cc index e7e57e09..43d25415 100644 --- a/python/jittor/src/utils/cache_compile.cc +++ b/python/jittor/src/utils/cache_compile.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/utils/cache_compile.h b/python/jittor/src/utils/cache_compile.h index fff779ea..cfb2a763 100644 --- a/python/jittor/src/utils/cache_compile.h +++ b/python/jittor/src/utils/cache_compile.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/utils/cross_platform.h b/python/jittor/src/utils/cross_platform.h index d45af5bd..86ca0a84 100644 --- a/python/jittor/src/utils/cross_platform.h +++ b/python/jittor/src/utils/cross_platform.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/utils/flags.cc b/python/jittor/src/utils/flags.cc index 3950d4ac..29f70e47 100644 --- a/python/jittor/src/utils/flags.cc +++ b/python/jittor/src/utils/flags.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/utils/flags.h b/python/jittor/src/utils/flags.h index 69d38d4e..9f546c84 100644 --- a/python/jittor/src/utils/flags.h +++ b/python/jittor/src/utils/flags.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/utils/jit_utils.cc b/python/jittor/src/utils/jit_utils.cc index 70fdfa94..c927f8bb 100644 --- a/python/jittor/src/utils/jit_utils.cc +++ b/python/jittor/src/utils/jit_utils.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/utils/log.cc b/python/jittor/src/utils/log.cc index f9e8b41c..8e89e469 100644 --- a/python/jittor/src/utils/log.cc +++ b/python/jittor/src/utils/log.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/utils/log.h b/python/jittor/src/utils/log.h index e3fb998c..2a8161b4 100644 --- a/python/jittor/src/utils/log.h +++ b/python/jittor/src/utils/log.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/utils/mwsr_list.cc b/python/jittor/src/utils/mwsr_list.cc index 0bef16a3..4f1c3840 100644 --- a/python/jittor/src/utils/mwsr_list.cc +++ b/python/jittor/src/utils/mwsr_list.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/utils/mwsr_list.h b/python/jittor/src/utils/mwsr_list.h index 56c69e06..da7c1d1e 100644 --- a/python/jittor/src/utils/mwsr_list.h +++ b/python/jittor/src/utils/mwsr_list.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/utils/str_utils.cc b/python/jittor/src/utils/str_utils.cc index 78939aad..4f5ddc95 100644 --- a/python/jittor/src/utils/str_utils.cc +++ b/python/jittor/src/utils/str_utils.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/utils/str_utils.h b/python/jittor/src/utils/str_utils.h index 17d32c0a..94d2ef06 100644 --- a/python/jittor/src/utils/str_utils.h +++ b/python/jittor/src/utils/str_utils.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/utils/tracer.cc b/python/jittor/src/utils/tracer.cc index 5b64abf2..647f818e 100644 --- a/python/jittor/src/utils/tracer.cc +++ b/python/jittor/src/utils/tracer.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/utils/tracer.h b/python/jittor/src/utils/tracer.h index f4dbdb7f..dcd49f84 100644 --- a/python/jittor/src/utils/tracer.h +++ b/python/jittor/src/utils/tracer.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/var.cc b/python/jittor/src/var.cc index 15c03ea9..5bec3c19 100644 --- a/python/jittor/src/var.cc +++ b/python/jittor/src/var.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/var.h b/python/jittor/src/var.h index 941ef215..0861b2e0 100644 --- a/python/jittor/src/var.h +++ b/python/jittor/src/var.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/var_holder.cc b/python/jittor/src/var_holder.cc index 61698d9b..8d0e82b3 100644 --- a/python/jittor/src/var_holder.cc +++ b/python/jittor/src/var_holder.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/var_holder.h b/python/jittor/src/var_holder.h index 71c0d76e..ce19eee5 100644 --- a/python/jittor/src/var_holder.h +++ b/python/jittor/src/var_holder.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/var_slices.cc b/python/jittor/src/var_slices.cc index f26ae94f..7c2b7f7d 100644 --- a/python/jittor/src/var_slices.cc +++ b/python/jittor/src/var_slices.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/src/var_slices.h b/python/jittor/src/var_slices.h index 95c4cf01..11dd5973 100644 --- a/python/jittor/src/var_slices.h +++ b/python/jittor/src/var_slices.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/__main__.py b/python/jittor/test/__main__.py index 2ddad9a5..32ab6539 100644 --- a/python/jittor/test/__main__.py +++ b/python/jittor/test/__main__.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test.h b/python/jittor/test/test.h index d5400431..f2b909fb 100644 --- a/python/jittor/test/test.h +++ b/python/jittor/test/test.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2021 Jittor. All Rights Reserved. +// Copyright (c) 2022 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is subject to the terms and conditions defined in // file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_acl.py b/python/jittor/test/test_acl.py index b4e4b378..931e7afd 100644 --- a/python/jittor/test/test_acl.py +++ b/python/jittor/test/test_acl.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_affine_grid.py b/python/jittor/test/test_affine_grid.py index 3db556a1..d32f8cbe 100644 --- a/python/jittor/test/test_affine_grid.py +++ b/python/jittor/test/test_affine_grid.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_allocator.py b/python/jittor/test/test_allocator.py index e8ae6888..99bed381 100644 --- a/python/jittor/test/test_allocator.py +++ b/python/jittor/test/test_allocator.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_allocator2.py b/python/jittor/test/test_allocator2.py index 954c6ba4..9a9f2b28 100644 --- a/python/jittor/test/test_allocator2.py +++ b/python/jittor/test/test_allocator2.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guoye Yang <498731903@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_arg_reduce_op.py b/python/jittor/test/test_arg_reduce_op.py index 66aecc4e..039d528e 100644 --- a/python/jittor/test/test_arg_reduce_op.py +++ b/python/jittor/test/test_arg_reduce_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guoye Yang <498731903@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_argsort_op.py b/python/jittor/test/test_argsort_op.py index f71eea68..f9a3dd39 100644 --- a/python/jittor/test/test_argsort_op.py +++ b/python/jittor/test/test_argsort_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guoye Yang <498731903@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_array.py b/python/jittor/test/test_array.py index c4c52f69..23101b52 100644 --- a/python/jittor/test/test_array.py +++ b/python/jittor/test/test_array.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_asm_tuner.py b/python/jittor/test/test_asm_tuner.py index 4f00653e..e6dcdbab 100644 --- a/python/jittor/test/test_asm_tuner.py +++ b/python/jittor/test/test_asm_tuner.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guowei Yang <471184555@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_atomic_tuner.py b/python/jittor/test/test_atomic_tuner.py index fdf0a729..b7aec9f6 100644 --- a/python/jittor/test/test_atomic_tuner.py +++ b/python/jittor/test/test_atomic_tuner.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guowei Yang <471184555@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_attention.py b/python/jittor/test/test_attention.py index cd9362c3..995ec45d 100644 --- a/python/jittor/test/test_attention.py +++ b/python/jittor/test/test_attention.py @@ -1,6 +1,6 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guowei Yang <471184555@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_auto_diff.py b/python/jittor/test/test_auto_diff.py index 595502e6..5636704f 100644 --- a/python/jittor/test/test_auto_diff.py +++ b/python/jittor/test/test_auto_diff.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_batchnorm.py b/python/jittor/test/test_batchnorm.py index fcf7141c..b8328555 100644 --- a/python/jittor/test/test_batchnorm.py +++ b/python/jittor/test/test_batchnorm.py @@ -1,6 +1,6 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Wenyang Zhou <576825820@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_benchmark.py b/python/jittor/test/test_benchmark.py index 2e7db8b7..6ddba961 100644 --- a/python/jittor/test/test_benchmark.py +++ b/python/jittor/test/test_benchmark.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_bicubic.py b/python/jittor/test/test_bicubic.py index 00a3f346..a91afe56 100644 --- a/python/jittor/test/test_bicubic.py +++ b/python/jittor/test/test_bicubic.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Haoyang Peng <2247838039@qq.com> # Guoye Yang <498731903@qq.com> diff --git a/python/jittor/test/test_binary_op.py b/python/jittor/test/test_binary_op.py index 26110602..53bf5145 100644 --- a/python/jittor/test/test_binary_op.py +++ b/python/jittor/test/test_binary_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_bmm.py b/python/jittor/test/test_bmm.py index 406b7479..9de687d9 100644 --- a/python/jittor/test/test_bmm.py +++ b/python/jittor/test/test_bmm.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Meng-Hao Guo # Dun Liang . diff --git a/python/jittor/test/test_broadcast_to_op.py b/python/jittor/test/test_broadcast_to_op.py index ff452c36..719026c0 100644 --- a/python/jittor/test/test_broadcast_to_op.py +++ b/python/jittor/test/test_broadcast_to_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_broadcast_tuner.py b/python/jittor/test/test_broadcast_tuner.py index a917606d..f16faa9e 100644 --- a/python/jittor/test/test_broadcast_tuner.py +++ b/python/jittor/test/test_broadcast_tuner.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guowei Yang <471184555@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_cache.py b/python/jittor/test/test_cache.py index 683e32c2..e66a6f87 100644 --- a/python/jittor/test/test_cache.py +++ b/python/jittor/test/test_cache.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guoye Yang <498731903@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_candidate.py b/python/jittor/test/test_candidate.py index 6fa5dae0..9a4a267c 100644 --- a/python/jittor/test/test_candidate.py +++ b/python/jittor/test/test_candidate.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guoye Yang <498731903@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_clone.py b/python/jittor/test/test_clone.py index 75f4fd1d..ae346bfd 100644 --- a/python/jittor/test/test_clone.py +++ b/python/jittor/test/test_clone.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # diff --git a/python/jittor/test/test_code_op.py b/python/jittor/test/test_code_op.py index e04fc55e..36ed05d7 100644 --- a/python/jittor/test/test_code_op.py +++ b/python/jittor/test/test_code_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_compile_options.py b/python/jittor/test/test_compile_options.py index cbc4ba93..47236a54 100644 --- a/python/jittor/test/test_compile_options.py +++ b/python/jittor/test/test_compile_options.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_concat_op.py b/python/jittor/test/test_concat_op.py index 15a4c751..5f4017ef 100644 --- a/python/jittor/test/test_concat_op.py +++ b/python/jittor/test/test_concat_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_console.py b/python/jittor/test/test_console.py index 05c98ea7..d190552b 100644 --- a/python/jittor/test/test_console.py +++ b/python/jittor/test/test_console.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_contrib.py b/python/jittor/test/test_contrib.py index 91c40cc5..7c401210 100644 --- a/python/jittor/test/test_contrib.py +++ b/python/jittor/test/test_contrib.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_conv_transpose.py b/python/jittor/test/test_conv_transpose.py index d954201a..0d73776c 100644 --- a/python/jittor/test/test_conv_transpose.py +++ b/python/jittor/test/test_conv_transpose.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # diff --git a/python/jittor/test/test_conv_tuner.py b/python/jittor/test/test_conv_tuner.py index e1759070..85e4772f 100644 --- a/python/jittor/test/test_conv_tuner.py +++ b/python/jittor/test/test_conv_tuner.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guoye Yang <498731903@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_core.py b/python/jittor/test/test_core.py index f4e875c9..43e35cd6 100644 --- a/python/jittor/test/test_core.py +++ b/python/jittor/test/test_core.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_cub_cumsum.py b/python/jittor/test/test_cub_cumsum.py index 1c65dc63..acd69c0b 100644 --- a/python/jittor/test/test_cub_cumsum.py +++ b/python/jittor/test/test_cub_cumsum.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guoye Yang <498731903@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_cublas_test_op.py b/python/jittor/test/test_cublas_test_op.py index fffc2518..0258f5c8 100644 --- a/python/jittor/test/test_cublas_test_op.py +++ b/python/jittor/test/test_cublas_test_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_cuda.py b/python/jittor/test/test_cuda.py index 16a16546..27f17b5b 100644 --- a/python/jittor/test/test_cuda.py +++ b/python/jittor/test/test_cuda.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_cudnn_op.py b/python/jittor/test/test_cudnn_op.py index fcf46a9a..47098a37 100644 --- a/python/jittor/test/test_cudnn_op.py +++ b/python/jittor/test/test_cudnn_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_custom_op.py b/python/jittor/test/test_custom_op.py index 16bc7b9a..1950e703 100644 --- a/python/jittor/test/test_custom_op.py +++ b/python/jittor/test/test_custom_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_dataset.py b/python/jittor/test/test_dataset.py index 187d2560..a80eb2ac 100644 --- a/python/jittor/test/test_dataset.py +++ b/python/jittor/test/test_dataset.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # diff --git a/python/jittor/test/test_default_var.py b/python/jittor/test/test_default_var.py index 84561fa2..6833527b 100644 --- a/python/jittor/test/test_default_var.py +++ b/python/jittor/test/test_default_var.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guowei Yang <471184555@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_densenet.py b/python/jittor/test/test_densenet.py index 78ba7ce1..443c8bdb 100644 --- a/python/jittor/test/test_densenet.py +++ b/python/jittor/test/test_densenet.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guowei Yang <471184555@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_depthwise_conv.py b/python/jittor/test/test_depthwise_conv.py index 5bcc49cc..5e84219b 100644 --- a/python/jittor/test/test_depthwise_conv.py +++ b/python/jittor/test/test_depthwise_conv.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guoye Yang <498731903@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_distributions.py b/python/jittor/test/test_distributions.py index de108305..8e3b93d2 100644 --- a/python/jittor/test/test_distributions.py +++ b/python/jittor/test/test_distributions.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Wenyang Zhou <576825820@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_einsum.py b/python/jittor/test/test_einsum.py index dc1923b7..233de2c6 100644 --- a/python/jittor/test/test_einsum.py +++ b/python/jittor/test/test_einsum.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Haoyang Peng <2247838039@qq.com> # Guowei Yang <471184555@qq.com> diff --git a/python/jittor/test/test_emnist.py b/python/jittor/test/test_emnist.py index 351706cf..6a24598e 100644 --- a/python/jittor/test/test_emnist.py +++ b/python/jittor/test/test_emnist.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # diff --git a/python/jittor/test/test_error_msg.py b/python/jittor/test/test_error_msg.py index a2771206..b5ba265c 100644 --- a/python/jittor/test/test_error_msg.py +++ b/python/jittor/test/test_error_msg.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # diff --git a/python/jittor/test/test_example.py b/python/jittor/test/test_example.py index 1013e99d..2cd79326 100644 --- a/python/jittor/test/test_example.py +++ b/python/jittor/test/test_example.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_example_accumulate_grad.py b/python/jittor/test/test_example_accumulate_grad.py index 89f87d65..19470643 100644 --- a/python/jittor/test/test_example_accumulate_grad.py +++ b/python/jittor/test/test_example_accumulate_grad.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_fetcher.py b/python/jittor/test/test_fetcher.py index 75068711..1a8d58a2 100644 --- a/python/jittor/test/test_fetcher.py +++ b/python/jittor/test/test_fetcher.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_fft_op.py b/python/jittor/test/test_fft_op.py index 6774d376..3cce757e 100644 --- a/python/jittor/test/test_fft_op.py +++ b/python/jittor/test/test_fft_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guoye Yang <498731903@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_flags.py b/python/jittor/test/test_flags.py index fcb3d651..3fad6cd2 100644 --- a/python/jittor/test/test_flags.py +++ b/python/jittor/test/test_flags.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_fold.py b/python/jittor/test/test_fold.py index 7f8c2c86..cd58a340 100644 --- a/python/jittor/test/test_fold.py +++ b/python/jittor/test/test_fold.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Haoyang Peng <2247838039@qq.com> # Guoye Yang <498731903@qq.com> diff --git a/python/jittor/test/test_fp16.py b/python/jittor/test/test_fp16.py index 0f4adef6..2317aa0a 100644 --- a/python/jittor/test/test_fp16.py +++ b/python/jittor/test/test_fp16.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_function.py b/python/jittor/test/test_function.py index 8ca98b70..8ced4988 100644 --- a/python/jittor/test/test_function.py +++ b/python/jittor/test/test_function.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # diff --git a/python/jittor/test/test_fused_op.py b/python/jittor/test/test_fused_op.py index b56460cf..5ed8511c 100644 --- a/python/jittor/test/test_fused_op.py +++ b/python/jittor/test/test_fused_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_fuser.py b/python/jittor/test/test_fuser.py index 582e8993..178f991b 100644 --- a/python/jittor/test/test_fuser.py +++ b/python/jittor/test/test_fuser.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_grad.py b/python/jittor/test/test_grad.py index 3b95e47c..2ecb597a 100644 --- a/python/jittor/test/test_grad.py +++ b/python/jittor/test/test_grad.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_group_conv_tuner.py b/python/jittor/test/test_group_conv_tuner.py index 34b2062f..9bb0ea65 100644 --- a/python/jittor/test/test_group_conv_tuner.py +++ b/python/jittor/test/test_group_conv_tuner.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guoye Yang <498731903@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_hook.py b/python/jittor/test/test_hook.py index 7fb265fc..cbdfa1d5 100644 --- a/python/jittor/test/test_hook.py +++ b/python/jittor/test/test_hook.py @@ -1,6 +1,6 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Wenyang Zhou <576825820@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_image_folder.py b/python/jittor/test/test_image_folder.py index 832fb68a..6e57b9f5 100644 --- a/python/jittor/test/test_image_folder.py +++ b/python/jittor/test/test_image_folder.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 +# Copyright (c) 2022 Jittor. All Rights Reserved. # Dun Liang . # All Rights Reserved. # This file is subject to the terms and conditions defined in diff --git a/python/jittor/test/test_inception.py b/python/jittor/test/test_inception.py index 2b6df3fe..2453a206 100644 --- a/python/jittor/test/test_inception.py +++ b/python/jittor/test/test_inception.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guowei Yang <471184555@qq.com> # Meng-Hao Guo diff --git a/python/jittor/test/test_index_op.py b/python/jittor/test/test_index_op.py index ca13abbd..8a844fce 100644 --- a/python/jittor/test/test_index_op.py +++ b/python/jittor/test/test_index_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_jit_tests.py b/python/jittor/test/test_jit_tests.py index 9d635501..6cde2476 100644 --- a/python/jittor/test/test_jit_tests.py +++ b/python/jittor/test/test_jit_tests.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_jtune.py b/python/jittor/test/test_jtune.py index 33b8dfbf..664ccd54 100644 --- a/python/jittor/test/test_jtune.py +++ b/python/jittor/test/test_jtune.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_lazy_execution.py b/python/jittor/test/test_lazy_execution.py index c9bd1609..8d45c1ea 100644 --- a/python/jittor/test/test_lazy_execution.py +++ b/python/jittor/test/test_lazy_execution.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Meng-Hao Guo # Dun Liang . diff --git a/python/jittor/test/test_linalg.py b/python/jittor/test/test_linalg.py index 84607282..8e21b538 100644 --- a/python/jittor/test/test_linalg.py +++ b/python/jittor/test/test_linalg.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Haoyang Peng <2247838039@qq.com> # Guowei Yang <471184555@qq.com> diff --git a/python/jittor/test/test_load_pth.py b/python/jittor/test/test_load_pth.py index 0bc2563f..99a890fb 100644 --- a/python/jittor/test/test_load_pth.py +++ b/python/jittor/test/test_load_pth.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Wenyang Zhou <576825820@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_lock.py b/python/jittor/test/test_lock.py index f5f17b26..16385f58 100644 --- a/python/jittor/test/test_lock.py +++ b/python/jittor/test/test_lock.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Wenyang Zhou <576825820@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_log.py b/python/jittor/test/test_log.py index 54a2124d..5e146db4 100644 --- a/python/jittor/test/test_log.py +++ b/python/jittor/test/test_log.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_longest_dis_fuse.py b/python/jittor/test/test_longest_dis_fuse.py index 2a048c07..d2981440 100644 --- a/python/jittor/test/test_longest_dis_fuse.py +++ b/python/jittor/test/test_longest_dis_fuse.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guowei Yang <471184555@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_loss.py b/python/jittor/test/test_loss.py index eeb0a48e..9303f860 100644 --- a/python/jittor/test/test_loss.py +++ b/python/jittor/test/test_loss.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # diff --git a/python/jittor/test/test_loss3d.py b/python/jittor/test/test_loss3d.py index 864a4e78..1a35596a 100644 --- a/python/jittor/test/test_loss3d.py +++ b/python/jittor/test/test_loss3d.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Zheng-Ning Liu # Dun Liang . diff --git a/python/jittor/test/test_lr_scheduler.py b/python/jittor/test/test_lr_scheduler.py index 4aa19ac7..a33ae748 100644 --- a/python/jittor/test/test_lr_scheduler.py +++ b/python/jittor/test/test_lr_scheduler.py @@ -1,6 +1,6 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guowei Yang <471184555@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_lstm.py b/python/jittor/test/test_lstm.py index 3889ae3c..094e4a96 100644 --- a/python/jittor/test/test_lstm.py +++ b/python/jittor/test/test_lstm.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Zheng-Ning Liu # diff --git a/python/jittor/test/test_matmul.py b/python/jittor/test/test_matmul.py index b80dbe3d..ffa32fa2 100644 --- a/python/jittor/test/test_matmul.py +++ b/python/jittor/test/test_matmul.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guoye Yang <498731903@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_matmul_tuner.py b/python/jittor/test/test_matmul_tuner.py index 01e489c7..13481e3c 100644 --- a/python/jittor/test/test_matmul_tuner.py +++ b/python/jittor/test/test_matmul_tuner.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # diff --git a/python/jittor/test/test_mem.py b/python/jittor/test/test_mem.py index 6065c2b6..f50b112b 100644 --- a/python/jittor/test/test_mem.py +++ b/python/jittor/test/test_mem.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # diff --git a/python/jittor/test/test_memory_profiler.py b/python/jittor/test/test_memory_profiler.py index 4a09f88a..4b7817d4 100644 --- a/python/jittor/test/test_memory_profiler.py +++ b/python/jittor/test/test_memory_profiler.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guoye Yang <498731903@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_merge_loop_var_pass.py b/python/jittor/test/test_merge_loop_var_pass.py index dbe37e8f..a0f6bd1e 100644 --- a/python/jittor/test/test_merge_loop_var_pass.py +++ b/python/jittor/test/test_merge_loop_var_pass.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_merge_single_array_op.py b/python/jittor/test/test_merge_single_array_op.py index 1fa7f567..f07dab76 100644 --- a/python/jittor/test/test_merge_single_array_op.py +++ b/python/jittor/test/test_merge_single_array_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guoye Yang <498731903@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_misc_issue.py b/python/jittor/test/test_misc_issue.py index 1f9102cb..a0b03138 100644 --- a/python/jittor/test/test_misc_issue.py +++ b/python/jittor/test/test_misc_issue.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_misc_op.py b/python/jittor/test/test_misc_op.py index ec26e83c..cfe4cde3 100644 --- a/python/jittor/test/test_misc_op.py +++ b/python/jittor/test/test_misc_op.py @@ -1,6 +1,6 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Wenyang Zhou <576825820@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_mkl_conv_op.py b/python/jittor/test/test_mkl_conv_op.py index 7d3d1aad..a4ddadad 100644 --- a/python/jittor/test/test_mkl_conv_op.py +++ b/python/jittor/test/test_mkl_conv_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guowei Yang <471184555@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_mkl_test_op.py b/python/jittor/test/test_mkl_test_op.py index 82511740..654ca2e7 100644 --- a/python/jittor/test/test_mkl_test_op.py +++ b/python/jittor/test/test_mkl_test_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_models.py b/python/jittor/test/test_models.py index 08d5801f..f31f56a9 100644 --- a/python/jittor/test/test_models.py +++ b/python/jittor/test/test_models.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Wenyang Zhou <576825820@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_mpi.py b/python/jittor/test/test_mpi.py index f251eaf2..d4dc6fdb 100644 --- a/python/jittor/test/test_mpi.py +++ b/python/jittor/test/test_mpi.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guowei Yang <471184555@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_mpi_batchnorm.py b/python/jittor/test/test_mpi_batchnorm.py index 12fa168e..1c5f7fd6 100644 --- a/python/jittor/test/test_mpi_batchnorm.py +++ b/python/jittor/test/test_mpi_batchnorm.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guowei Yang <471184555@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_mpi_in_py.py b/python/jittor/test/test_mpi_in_py.py index 0f7dd9d4..e4f6d559 100644 --- a/python/jittor/test/test_mpi_in_py.py +++ b/python/jittor/test/test_mpi_in_py.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guowei Yang <471184555@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_mpi_op.py b/python/jittor/test/test_mpi_op.py index cabcb547..5d075ac5 100644 --- a/python/jittor/test/test_mpi_op.py +++ b/python/jittor/test/test_mpi_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guowei Yang <471184555@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_nano_string.py b/python/jittor/test/test_nano_string.py index 629791fa..590d43c6 100644 --- a/python/jittor/test/test_nano_string.py +++ b/python/jittor/test/test_nano_string.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_nano_vector.py b/python/jittor/test/test_nano_vector.py index 4993de47..e2bd9c62 100644 --- a/python/jittor/test/test_nano_vector.py +++ b/python/jittor/test/test_nano_vector.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_nccl.py b/python/jittor/test/test_nccl.py index fcedbd80..fcaa08b2 100644 --- a/python/jittor/test/test_nccl.py +++ b/python/jittor/test/test_nccl.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # diff --git a/python/jittor/test/test_nccl_ops.py b/python/jittor/test/test_nccl_ops.py index 1ef45b80..56d27d13 100644 --- a/python/jittor/test/test_nccl_ops.py +++ b/python/jittor/test/test_nccl_ops.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guoye Yang <498731903@qq.com> # Guowei Yang <471184555@qq.com> diff --git a/python/jittor/test/test_new_fused_op.py b/python/jittor/test/test_new_fused_op.py index 32b9c488..80ad4e02 100644 --- a/python/jittor/test/test_new_fused_op.py +++ b/python/jittor/test/test_new_fused_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guowei Yang <471184555@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_node.py b/python/jittor/test/test_node.py index 7dcb078a..4f133471 100644 --- a/python/jittor/test/test_node.py +++ b/python/jittor/test/test_node.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_notebooks.py b/python/jittor/test/test_notebooks.py index a88f0d19..45c91354 100644 --- a/python/jittor/test/test_notebooks.py +++ b/python/jittor/test/test_notebooks.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_numpy_code_op.py b/python/jittor/test/test_numpy_code_op.py index ba671d30..597f4e35 100644 --- a/python/jittor/test/test_numpy_code_op.py +++ b/python/jittor/test/test_numpy_code_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guowei Yang <471184555@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_op_compiler.py b/python/jittor/test/test_op_compiler.py index dc203a9c..4ee41ca1 100644 --- a/python/jittor/test/test_op_compiler.py +++ b/python/jittor/test/test_op_compiler.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_opt_state_dict.py b/python/jittor/test/test_opt_state_dict.py index de8658ea..4598afd0 100644 --- a/python/jittor/test/test_opt_state_dict.py +++ b/python/jittor/test/test_opt_state_dict.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_optimizer.py b/python/jittor/test/test_optimizer.py index 5a5f3ac0..dd77b00d 100644 --- a/python/jittor/test/test_optimizer.py +++ b/python/jittor/test/test_optimizer.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # diff --git a/python/jittor/test/test_pad.py b/python/jittor/test/test_pad.py index dd8c786a..4dbbafc6 100644 --- a/python/jittor/test/test_pad.py +++ b/python/jittor/test/test_pad.py @@ -1,6 +1,6 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Wenyang Zhou <576825820@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_parallel_pass.py b/python/jittor/test/test_parallel_pass.py index 88e3408d..c607516a 100644 --- a/python/jittor/test/test_parallel_pass.py +++ b/python/jittor/test/test_parallel_pass.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_param_list.py b/python/jittor/test/test_param_list.py index 9e81db73..6b0e5aa5 100644 --- a/python/jittor/test/test_param_list.py +++ b/python/jittor/test/test_param_list.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_profiler.py b/python/jittor/test/test_profiler.py index 2293dc0f..6a09e97a 100644 --- a/python/jittor/test/test_profiler.py +++ b/python/jittor/test/test_profiler.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_pytorch_converter.py b/python/jittor/test/test_pytorch_converter.py index 89d71b92..2b898157 100644 --- a/python/jittor/test/test_pytorch_converter.py +++ b/python/jittor/test/test_pytorch_converter.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_random_op.py b/python/jittor/test/test_random_op.py index f6ca7cc7..c196e3c2 100644 --- a/python/jittor/test/test_random_op.py +++ b/python/jittor/test/test_random_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guoye Yang <498731903@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_reduce_op.py b/python/jittor/test/test_reduce_op.py index 6763b0fd..8e0a7054 100644 --- a/python/jittor/test/test_reduce_op.py +++ b/python/jittor/test/test_reduce_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_reduce_tuner.py b/python/jittor/test/test_reduce_tuner.py index 0a39a6ab..c9a20c08 100644 --- a/python/jittor/test/test_reduce_tuner.py +++ b/python/jittor/test/test_reduce_tuner.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guowei Yang <471184555@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_reindex_op.py b/python/jittor/test/test_reindex_op.py index b45ca783..231a6dc9 100644 --- a/python/jittor/test/test_reindex_op.py +++ b/python/jittor/test/test_reindex_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_reindex_reduce_op.py b/python/jittor/test/test_reindex_reduce_op.py index bb30d869..79f4221c 100644 --- a/python/jittor/test/test_reindex_reduce_op.py +++ b/python/jittor/test/test_reindex_reduce_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_relu.py b/python/jittor/test/test_relu.py index fc03e963..dda656ac 100644 --- a/python/jittor/test/test_relu.py +++ b/python/jittor/test/test_relu.py @@ -1,6 +1,6 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Wenyang Zhou <576825820@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_reorder_tuner.py b/python/jittor/test/test_reorder_tuner.py index d4de2bf7..8f9d8aa6 100644 --- a/python/jittor/test/test_reorder_tuner.py +++ b/python/jittor/test/test_reorder_tuner.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_repeat.py b/python/jittor/test/test_repeat.py index 15ca7fd9..5682bfc9 100644 --- a/python/jittor/test/test_repeat.py +++ b/python/jittor/test/test_repeat.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Zheng-Ning Liu # Dun Liang . diff --git a/python/jittor/test/test_reshape.py b/python/jittor/test/test_reshape.py index 0abc9924..87f20bb5 100644 --- a/python/jittor/test/test_reshape.py +++ b/python/jittor/test/test_reshape.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guoye Yang <498731903@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_resize_and_crop.py b/python/jittor/test/test_resize_and_crop.py index 2aaaa3fc..3e7f699e 100644 --- a/python/jittor/test/test_resize_and_crop.py +++ b/python/jittor/test/test_resize_and_crop.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guoye Yang <498731903@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_resnet.py b/python/jittor/test/test_resnet.py index 0d40a717..c01e52d6 100644 --- a/python/jittor/test/test_resnet.py +++ b/python/jittor/test/test_resnet.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guowei Yang <471184555@qq.com> # Meng-Hao Guo diff --git a/python/jittor/test/test_ring_buffer.py b/python/jittor/test/test_ring_buffer.py index bedb9110..5169bb06 100644 --- a/python/jittor/test/test_ring_buffer.py +++ b/python/jittor/test/test_ring_buffer.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # diff --git a/python/jittor/test/test_ring_buffer2.py b/python/jittor/test/test_ring_buffer2.py index 30cddc1c..63938e19 100644 --- a/python/jittor/test/test_ring_buffer2.py +++ b/python/jittor/test/test_ring_buffer2.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # diff --git a/python/jittor/test/test_rnn.py b/python/jittor/test/test_rnn.py index 7795f8c4..88916be6 100644 --- a/python/jittor/test/test_rnn.py +++ b/python/jittor/test/test_rnn.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Zheng-Ning Liu # diff --git a/python/jittor/test/test_search_sorted.py b/python/jittor/test/test_search_sorted.py index d71d4f6a..37a1e054 100644 --- a/python/jittor/test/test_search_sorted.py +++ b/python/jittor/test/test_search_sorted.py @@ -1,6 +1,6 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # diff --git a/python/jittor/test/test_setitem.py b/python/jittor/test/test_setitem.py index 71d13f15..b45401af 100644 --- a/python/jittor/test/test_setitem.py +++ b/python/jittor/test/test_setitem.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Wenyang Zhou <576825820@qq.com>. # diff --git a/python/jittor/test/test_single_process_scope.py b/python/jittor/test/test_single_process_scope.py index 82eb1ec6..e395aa7e 100644 --- a/python/jittor/test/test_single_process_scope.py +++ b/python/jittor/test/test_single_process_scope.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Wenyang Zhou <576825820@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_slice.py b/python/jittor/test/test_slice.py index dbc3cc40..5e89dff2 100644 --- a/python/jittor/test/test_slice.py +++ b/python/jittor/test/test_slice.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. +# Copyright (c) 2022 Jittor. # All Rights Reserved. # Maintainers: # Dun Liang . diff --git a/python/jittor/test/test_sparse.py b/python/jittor/test/test_sparse.py index f1e47b6f..aefb7923 100644 --- a/python/jittor/test/test_sparse.py +++ b/python/jittor/test/test_sparse.py @@ -1,6 +1,6 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Xiangli Li <1905692338@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_stop_fuse.py b/python/jittor/test/test_stop_fuse.py index a1f6c356..96a450d9 100644 --- a/python/jittor/test/test_stop_fuse.py +++ b/python/jittor/test/test_stop_fuse.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_superglue.py b/python/jittor/test/test_superglue.py index 0a3c7a18..2e1395a9 100644 --- a/python/jittor/test/test_superglue.py +++ b/python/jittor/test/test_superglue.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_ternary_op.py b/python/jittor/test/test_ternary_op.py index 5910b8bc..68edc20b 100644 --- a/python/jittor/test/test_ternary_op.py +++ b/python/jittor/test/test_ternary_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_trace_var.py b/python/jittor/test/test_trace_var.py index 754a3283..8f6e8926 100644 --- a/python/jittor/test/test_trace_var.py +++ b/python/jittor/test/test_trace_var.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_tracer.py b/python/jittor/test/test_tracer.py index 7411b2ee..3aeb61da 100644 --- a/python/jittor/test/test_tracer.py +++ b/python/jittor/test/test_tracer.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_transform.py b/python/jittor/test/test_transform.py index 5498367c..dc2542aa 100644 --- a/python/jittor/test/test_transform.py +++ b/python/jittor/test/test_transform.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. +# Copyright (c) 2022 Jittor. # All Rights Reserved. # Maintainers: # Dun Liang . diff --git a/python/jittor/test/test_transpose_op.py b/python/jittor/test/test_transpose_op.py index d2ff5b48..d14ef72c 100644 --- a/python/jittor/test/test_transpose_op.py +++ b/python/jittor/test/test_transpose_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_unary_op.py b/python/jittor/test/test_unary_op.py index 45229945..79fe056b 100644 --- a/python/jittor/test/test_unary_op.py +++ b/python/jittor/test/test_unary_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_utils.py b/python/jittor/test/test_utils.py index 69cbda82..ca77c887 100644 --- a/python/jittor/test/test_utils.py +++ b/python/jittor/test/test_utils.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/test/test_var.py b/python/jittor/test/test_var.py index e9e047d8..293efea6 100644 --- a/python/jittor/test/test_var.py +++ b/python/jittor/test/test_var.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # Zheng-Ning Liu diff --git a/python/jittor/test/test_vgg.py b/python/jittor/test/test_vgg.py index 48a65ee4..91f6bed7 100644 --- a/python/jittor/test/test_vgg.py +++ b/python/jittor/test/test_vgg.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guoye Yang <498731903@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_where_op.py b/python/jittor/test/test_where_op.py index f712f783..0d92f604 100644 --- a/python/jittor/test/test_where_op.py +++ b/python/jittor/test/test_where_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/transform/__init__.py b/python/jittor/transform/__init__.py index a98e80b5..b4f5dbcc 100644 --- a/python/jittor/transform/__init__.py +++ b/python/jittor/transform/__init__.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. +# Copyright (c) 2022 Jittor. # All Rights Reserved. # Maintainers: # Dun Liang . diff --git a/python/jittor/transform/function_pil.py b/python/jittor/transform/function_pil.py index 75788afe..d6f55b64 100644 --- a/python/jittor/transform/function_pil.py +++ b/python/jittor/transform/function_pil.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. +# Copyright (c) 2022 Jittor. # All Rights Reserved. # Maintainers: # Dun Liang . diff --git a/python/jittor/utils/asm_tuner.py b/python/jittor/utils/asm_tuner.py index b4187d4d..88cad9c0 100755 --- a/python/jittor/utils/asm_tuner.py +++ b/python/jittor/utils/asm_tuner.py @@ -1,6 +1,6 @@ #!/usr/bin/python3 # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guowei Yang <471184555@qq.com> # Dun Liang . diff --git a/python/jittor/utils/gen_pyi.py b/python/jittor/utils/gen_pyi.py index 0bf76d52..57e3b12e 100644 --- a/python/jittor/utils/gen_pyi.py +++ b/python/jittor/utils/gen_pyi.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Zheng-Ning Liu # diff --git a/python/jittor/utils/jtune.py b/python/jittor/utils/jtune.py index d7b63ad1..d5a1d4b6 100755 --- a/python/jittor/utils/jtune.py +++ b/python/jittor/utils/jtune.py @@ -1,6 +1,6 @@ #!/usr/bin/python3 # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/utils/nvtx.py b/python/jittor/utils/nvtx.py index df15569e..bb4280ab 100644 --- a/python/jittor/utils/nvtx.py +++ b/python/jittor/utils/nvtx.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. +# Copyright (c) 2022 Jittor. # All Rights Reserved. # Maintainers: # Dun Liang . diff --git a/python/jittor/utils/polish.py b/python/jittor/utils/polish.py index 77256399..0f77f8b2 100644 --- a/python/jittor/utils/polish.py +++ b/python/jittor/utils/polish.py @@ -1,6 +1,6 @@ #!/usr/bin/python3 # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/utils/polish_centos.py b/python/jittor/utils/polish_centos.py index caf6d027..8bd0198f 100644 --- a/python/jittor/utils/polish_centos.py +++ b/python/jittor/utils/polish_centos.py @@ -1,6 +1,6 @@ #!/usr/bin/python3 # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor/utils/publish.py b/python/jittor/utils/publish.py index 7e5d4bc9..7c1a4912 100644 --- a/python/jittor/utils/publish.py +++ b/python/jittor/utils/publish.py @@ -1,6 +1,6 @@ #!/usr/bin/python3 # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # diff --git a/python/jittor/utils/pytorch_converter.py b/python/jittor/utils/pytorch_converter.py index 994d278f..318e191d 100644 --- a/python/jittor/utils/pytorch_converter.py +++ b/python/jittor/utils/pytorch_converter.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Wenyang Zhou <576825820@qq.com> # Dun Liang . diff --git a/python/jittor/utils/tracer.py b/python/jittor/utils/tracer.py index 1360c11c..cb6b94ad 100644 --- a/python/jittor/utils/tracer.py +++ b/python/jittor/utils/tracer.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # diff --git a/python/jittor_utils/__init__.py b/python/jittor_utils/__init__.py index 79b07455..508fff47 100644 --- a/python/jittor_utils/__init__.py +++ b/python/jittor_utils/__init__.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor_utils/class/setup_env.py b/python/jittor_utils/class/setup_env.py index 3a68f991..a13c07a8 100644 --- a/python/jittor_utils/class/setup_env.py +++ b/python/jittor_utils/class/setup_env.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Guoye Yang <498731903@qq.com> # Dun Liang . diff --git a/python/jittor_utils/clean_cache.py b/python/jittor_utils/clean_cache.py index 74e05d1d..d460b579 100644 --- a/python/jittor_utils/clean_cache.py +++ b/python/jittor_utils/clean_cache.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor_utils/install_cuda.py b/python/jittor_utils/install_cuda.py index 012230ed..4655c761 100644 --- a/python/jittor_utils/install_cuda.py +++ b/python/jittor_utils/install_cuda.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is subject to the terms and conditions defined in # file 'LICENSE.txt', which is part of this source code package. diff --git a/python/jittor_utils/misc.py b/python/jittor_utils/misc.py index 2f21e537..32759472 100644 --- a/python/jittor_utils/misc.py +++ b/python/jittor_utils/misc.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Meng-Hao Guo # Dun Liang . diff --git a/python/jittor_utils/ring_buffer.py b/python/jittor_utils/ring_buffer.py index ec0e47ea..046c77e7 100644 --- a/python/jittor_utils/ring_buffer.py +++ b/python/jittor_utils/ring_buffer.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # diff --git a/python/jittor_utils/student_queue.py b/python/jittor_utils/student_queue.py index 92e082f1..57cfdbef 100644 --- a/python/jittor_utils/student_queue.py +++ b/python/jittor_utils/student_queue.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2021 Jittor. All Rights Reserved. +# Copyright (c) 2022 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . #