From b824ab83c0e113e10980197260086a6cd4981b26 Mon Sep 17 00:00:00 2001 From: lzhengning Date: Tue, 25 Apr 2023 14:28:24 +0800 Subject: [PATCH] update copyright to 2023; update version for PR https://github.com/Jittor/jittor/pull/435 --- 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/corex/corex_compiler.py | 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 +- python/jittor/extern/cuda/cublas/ops/cublas_acc_matmul_op.cc | 2 +- python/jittor/extern/cuda/cublas/ops/cublas_acc_matmul_op.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/foreign_allocator.cc | 2 +- python/jittor/src/mem/allocator/foreign_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/mem/swap.cc | 2 +- python/jittor/src/mem/swap.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/shared_reduce_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/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_digamma.py | 2 +- python/jittor/test/test_distributions.py | 2 +- python/jittor/test/test_einops.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_gamma_distribution.py | 2 +- python/jittor/test/test_grad.py | 2 +- python/jittor/test/test_group_conv_tuner.py | 2 +- python/jittor/test/test_histc.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_interpolation.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_unique.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_weightnorm.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 +- 549 files changed, 551 insertions(+), 551 deletions(-) diff --git a/LICENSE.txt b/LICENSE.txt index 5ee0e6e0..f6436a57 100644 --- a/LICENSE.txt +++ b/LICENSE.txt @@ -1,4 +1,4 @@ -Copyright (c) 2022 Jittor. All Rights Reserved +Copyright (c) 2023 Jittor. All Rights Reserved Apache License Version 2.0, January 2004 @@ -188,7 +188,7 @@ Copyright (c) 2022 Jittor. All Rights Reserved same "printed page" as the copyright notice for easier identification within third-party archives. - Copyright (c) 2022 Jittor. All Rights Reserved. + Copyright (c) 2023 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 4be46d97..5c747977 100644 --- a/python/jittor/__init__.py +++ b/python/jittor/__init__.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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.7.13' +__version__ = '1.3.7.14' 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 23bd049e..a8a486cb 100644 --- a/python/jittor/attention.py +++ b/python/jittor/attention.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 95beb175..5754e2a6 100644 --- a/python/jittor/compile_extern.py +++ b/python/jittor/compile_extern.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 2b23497c..a32cd362 100644 --- a/python/jittor/compiler.py +++ b/python/jittor/compiler.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 aa81f4a2..c53b0472 100644 --- a/python/jittor/contrib.py +++ b/python/jittor/contrib.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 168cac47..95a1cd26 100644 --- a/python/jittor/dataset/dataset.py +++ b/python/jittor/dataset/dataset.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 903a65dc..02a46139 100644 --- a/python/jittor/dataset/sampler.py +++ b/python/jittor/dataset/sampler.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 6a21a83b..730bc277 100644 --- a/python/jittor/dataset/utils.py +++ b/python/jittor/dataset/utils.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 1dd19c42..ed9ded14 100644 --- a/python/jittor/depthwise_conv.py +++ b/python/jittor/depthwise_conv.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 d164237a..2a5a878e 100644 --- a/python/jittor/distributions.py +++ b/python/jittor/distributions.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 382c2ee1..e60df209 100644 --- a/python/jittor/extern/acl/acl_compiler.py +++ b/python/jittor/extern/acl/acl_compiler.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 50b9af23..04df8c20 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 db9839c3..7a500882 100644 --- a/python/jittor/extern/acl/acl_jittor.cc +++ b/python/jittor/extern/acl/acl_jittor.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 46f8471a..2fc6613b 100644 --- a/python/jittor/extern/acl/acl_jittor.h +++ b/python/jittor/extern/acl/acl_jittor.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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/corex/corex_compiler.py b/python/jittor/extern/corex/corex_compiler.py index 60f7b7f8..e28d1128 100644 --- a/python/jittor/extern/corex/corex_compiler.py +++ b/python/jittor/extern/corex/corex_compiler.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 60c4d581..4b09988e 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 f14f3715..8bef8691 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 c53f9f87..d0503528 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 e15dfebe..47659101 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 4f51913a..ca8d0687 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 5a4b0e49..aa17a6d5 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 a689b130..42395b5e 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 cb2312d4..be8aa97d 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 6656fe11..a6c538bc 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 ea436a9c..0497ffb1 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 1caf40ef..68514c77 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: // Guoye Yang <498731903@qq.com> // Dun Liang . diff --git a/python/jittor/extern/cuda/cublas/ops/cublas_acc_matmul_op.cc b/python/jittor/extern/cuda/cublas/ops/cublas_acc_matmul_op.cc index 41da0b3b..e7c30f10 100644 --- a/python/jittor/extern/cuda/cublas/ops/cublas_acc_matmul_op.cc +++ b/python/jittor/extern/cuda/cublas/ops/cublas_acc_matmul_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: // Guowei Yang <471184555@qq.com> // Dun Liang . diff --git a/python/jittor/extern/cuda/cublas/ops/cublas_acc_matmul_op.h b/python/jittor/extern/cuda/cublas/ops/cublas_acc_matmul_op.h index 17652c5d..b24acdb7 100644 --- a/python/jittor/extern/cuda/cublas/ops/cublas_acc_matmul_op.h +++ b/python/jittor/extern/cuda/cublas/ops/cublas_acc_matmul_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 95797efc..5e1d67b8 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 ad016da7..1be0fda2 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 46d9fc23..d6525f34 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 24c5d1b8..7f1d6f50 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 cf85acff..970e2920 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 1fda980b..68767efb 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 fa2a24c2..3ed347ef 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 bb018762..ca6de5c5 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 ef683983..9704fd61 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 c9353dd2..a49338e0 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 bdf0974c..e442e902 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 a6812608..76b958a7 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 1190dc8b..c60b4f66 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 1ddd6d93..52e9bbae 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 5cfb8c89..f6b40038 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 514a32cf..fa0594e0 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 ebe699f1..bd173db5 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 6d4a9fc9..33fce8af 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 5f3cf601..0cd36dd3 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 1b72f169..bb107468 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 911c6559..c7ecdd54 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 e51335c2..eedd261e 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 c7bc91cc..7cf5164a 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 53bf57dd..7dbf1372 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 7a7c5e8a..5f87618d 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 88d2dc7f..1402a524 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 572b36e6..59c6fcb0 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 26041ab0..c49eb319 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 259001a7..2f9b27ea 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 7ee1494d..afe17689 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 c9590335..c8577daa 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 0810c6a8..61b242ac 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 83701789..003ba7eb 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 018e78a1..7cff699c 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 6be4d081..9edc6670 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 412e37db..320bd51e 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 5a04ebfd..c30089b9 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 2f75ab5f..679962a5 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 2c505984..d9e48b07 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) 2022 Jittor. +// Copyright (c) 2023 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 6ff2ba5a..bbfc8dfb 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 cf377820..3bfb5dd4 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 f0073a05..c62be94d 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 ac71efbc..f9aac5f4 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 4ff431e3..35793368 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 8c8f2429..7a663a66 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 ebf9b393..26f19eac 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) 2022 Jittor. +// Copyright (c) 2023 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 3346dc7e..3b1da650 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) 2022 Jittor. +// Copyright (c) 2023 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 f218469b..3996662f 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 79d8e0b8..1b18cc56 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 2bdf4d0d..5ddee140 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 2ca3d5c8..0c8a2adf 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 a32892d7..7b450bd5 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 8a6432ee..28a1ee3b 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 6e6b539d..dbd059e3 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 57895ef5..ce854d29 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 539e8327..2ea68395 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 a93acfec..e1879c0e 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 11869a09..ce64b3ab 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) 2022 Jittor. +// Copyright (c) 2023 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 4da3971d..2ffc3bf8 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 facd77a0..60d5c62b 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 609dabcf..af8c1895 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 55f7fa58..02e04e1c 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 5ed3b99b..77d86a82 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 e5f9c5c1..e86f2919 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 eedd7fc7..b2e0df21 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 dea93cd1..f1854915 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) 2022 Jittor. +// Copyright (c) 2023 Jittor. // All Rights Reserved. // Maintainers: // Dun Liang . diff --git a/python/jittor/init.py b/python/jittor/init.py index fc36f0bd..98d72e9a 100644 --- a/python/jittor/init.py +++ b/python/jittor/init.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 cc9dcaae..11e6bc7f 100644 --- a/python/jittor/init_cupy.py +++ b/python/jittor/init_cupy.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 b4fb7232..d601335c 100644 --- a/python/jittor/linalg.py +++ b/python/jittor/linalg.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 f09bd4a2..9be55a4d 100644 --- a/python/jittor/lr_scheduler.py +++ b/python/jittor/lr_scheduler.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 828d6942..47067c1a 100644 --- a/python/jittor/misc.py +++ b/python/jittor/misc.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 cf259631..804c7697 100644 --- a/python/jittor/models/alexnet.py +++ b/python/jittor/models/alexnet.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 0e6fa3e5..3ae36752 100644 --- a/python/jittor/models/densenet.py +++ b/python/jittor/models/densenet.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 30300d6d..586a3829 100644 --- a/python/jittor/models/googlenet.py +++ b/python/jittor/models/googlenet.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 293ed9fd..f734af9d 100644 --- a/python/jittor/models/mnasnet.py +++ b/python/jittor/models/mnasnet.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 e81bc577..72b6dad8 100644 --- a/python/jittor/models/mobilenet.py +++ b/python/jittor/models/mobilenet.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 e64ce44a..67cd0ed7 100644 --- a/python/jittor/models/resnet.py +++ b/python/jittor/models/resnet.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 719bc4b1..21856b4d 100644 --- a/python/jittor/models/shufflenetv2.py +++ b/python/jittor/models/shufflenetv2.py @@ -1,6 +1,6 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 a359ff2d..212e837b 100644 --- a/python/jittor/models/squeezenet.py +++ b/python/jittor/models/squeezenet.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 d6c9d4ef..b106567e 100644 --- a/python/jittor/models/vgg.py +++ b/python/jittor/models/vgg.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 c1e57e64..1a50dec2 100644 --- a/python/jittor/nn.py +++ b/python/jittor/nn.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 6d7e7e74..04a4618f 100644 --- a/python/jittor/optim.py +++ b/python/jittor/optim.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 bb2f4ff6..42dc7c01 100644 --- a/python/jittor/pool.py +++ b/python/jittor/pool.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 89d2967a..d2129803 100644 --- a/python/jittor/pyjt_compiler.py +++ b/python/jittor/pyjt_compiler.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 ca8be689..be9a03fc 100644 --- a/python/jittor/script/inference_perf.py +++ b/python/jittor/script/inference_perf.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 1922db30..795622be 100644 --- a/python/jittor/sparse.py +++ b/python/jittor/sparse.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 3b4a7dda..8ca51367 100644 --- a/python/jittor/src/common.h +++ b/python/jittor/src/common.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 a46df946..76839c32 100644 --- a/python/jittor/src/core.h +++ b/python/jittor/src/core.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 27aa90c7..0219560a 100644 --- a/python/jittor/src/event_queue.cc +++ b/python/jittor/src/event_queue.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 a683dffa..0561c8ff 100644 --- a/python/jittor/src/event_queue.h +++ b/python/jittor/src/event_queue.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 70b2b486..1d15f3ab 100644 --- a/python/jittor/src/executor.cc +++ b/python/jittor/src/executor.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 b3f03293..9195ebe0 100644 --- a/python/jittor/src/executor.h +++ b/python/jittor/src/executor.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 49e52a8c..5220d5ad 100644 --- a/python/jittor/src/fused_op.cc +++ b/python/jittor/src/fused_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 92a8b198..3611fc04 100644 --- a/python/jittor/src/fused_op.h +++ b/python/jittor/src/fused_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 d2da47a2..d1aa3ca9 100644 --- a/python/jittor/src/fuser.h +++ b/python/jittor/src/fuser.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 66f76697..f54ddefd 100644 --- a/python/jittor/src/grad.cc +++ b/python/jittor/src/grad.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 6a133346..e3ba9e62 100644 --- a/python/jittor/src/grad.h +++ b/python/jittor/src/grad.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 c13be7a8..ccad74b2 100644 --- a/python/jittor/src/graph.cc +++ b/python/jittor/src/graph.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 e1b50825..4cd05a4e 100644 --- a/python/jittor/src/graph.h +++ b/python/jittor/src/graph.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 70a53990..d4475c69 100644 --- a/python/jittor/src/init.cc +++ b/python/jittor/src/init.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 0634f96d..af22fae7 100644 --- a/python/jittor/src/init.h +++ b/python/jittor/src/init.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 f83c96ad..cf4c1128 100644 --- a/python/jittor/src/jit_compiler.cc +++ b/python/jittor/src/jit_compiler.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 fa6672ac..00ead363 100644 --- a/python/jittor/src/jit_compiler.h +++ b/python/jittor/src/jit_compiler.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 36fb482b..ab5f9ebd 100644 --- a/python/jittor/src/jit_key.cc +++ b/python/jittor/src/jit_key.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 0ebf92e6..7dd27292 100644 --- a/python/jittor/src/jit_key.h +++ b/python/jittor/src/jit_key.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 a4da107b..df8361cb 100644 --- a/python/jittor/src/lock.cc +++ b/python/jittor/src/lock.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 793df97b..9a4428ce 100644 --- a/python/jittor/src/lock.h +++ b/python/jittor/src/lock.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 00455991..42d83af9 100644 --- a/python/jittor/src/mem/allocator.cc +++ b/python/jittor/src/mem/allocator.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 e27513a5..0b204b80 100644 --- a/python/jittor/src/mem/allocator.h +++ b/python/jittor/src/mem/allocator.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 027233a0..810c9b1d 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 af8f7fe7..c6c7561c 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 415dab5c..0ed85715 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 b42f3a1b..0dca72ca 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 4c3b61e7..b942621b 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 7c4bab26..0cc94a31 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 2f668584..0d1eaccf 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 72081dd5..edf1f74b 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 d5afb542..0be42c68 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 5b06c032..93e8d4d6 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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/foreign_allocator.cc b/python/jittor/src/mem/allocator/foreign_allocator.cc index 57677dc3..f35cd050 100644 --- a/python/jittor/src/mem/allocator/foreign_allocator.cc +++ b/python/jittor/src/mem/allocator/foreign_allocator.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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/foreign_allocator.h b/python/jittor/src/mem/allocator/foreign_allocator.h index 6bec352e..3d56cdc3 100644 --- a/python/jittor/src/mem/allocator/foreign_allocator.h +++ b/python/jittor/src/mem/allocator/foreign_allocator.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 0a9f7cc7..cd5b910f 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 2fbad48f..66f519a9 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 47842d3c..55a35cce 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 2bcf2dfe..b8ab3341 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 7c12777f..a8d68ed9 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 1ae1b054..548590c2 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 ca7953b9..61213e03 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 b6c28479..08dc0994 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 7b2ad062..7d69e00b 100644 --- a/python/jittor/src/mem/mem_info.cc +++ b/python/jittor/src/mem/mem_info.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 aa950501..f973a842 100644 --- a/python/jittor/src/mem/mem_info.h +++ b/python/jittor/src/mem/mem_info.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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/swap.cc b/python/jittor/src/mem/swap.cc index 5676bb11..4293e235 100644 --- a/python/jittor/src/mem/swap.cc +++ b/python/jittor/src/mem/swap.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: // Dun Liang // diff --git a/python/jittor/src/mem/swap.h b/python/jittor/src/mem/swap.h index 17ef122f..ef8987c8 100644 --- a/python/jittor/src/mem/swap.h +++ b/python/jittor/src/mem/swap.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: // Dun Liang // diff --git a/python/jittor/src/memory_profiler.cc b/python/jittor/src/memory_profiler.cc index 254efabc..5d6505e5 100644 --- a/python/jittor/src/memory_profiler.cc +++ b/python/jittor/src/memory_profiler.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 4f89a99c..2af59f1d 100644 --- a/python/jittor/src/memory_profiler.h +++ b/python/jittor/src/memory_profiler.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 91e77b74..e99d05d9 100644 --- a/python/jittor/src/misc/cpu_atomic.cc +++ b/python/jittor/src/misc/cpu_atomic.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 df22f5ac..26ae212b 100644 --- a/python/jittor/src/misc/cpu_atomic.h +++ b/python/jittor/src/misc/cpu_atomic.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 a4a42b1b..4dc68f91 100644 --- a/python/jittor/src/misc/cpu_math.cc +++ b/python/jittor/src/misc/cpu_math.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 95fdf31f..2a0f71cd 100644 --- a/python/jittor/src/misc/cpu_math.h +++ b/python/jittor/src/misc/cpu_math.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 09c55175..f6fd886f 100644 --- a/python/jittor/src/misc/cstr.h +++ b/python/jittor/src/misc/cstr.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 ab4c8ab0..5e464345 100644 --- a/python/jittor/src/misc/cuda_atomic.h +++ b/python/jittor/src/misc/cuda_atomic.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 ea2641d0..5e902fa3 100644 --- a/python/jittor/src/misc/cuda_flags.cc +++ b/python/jittor/src/misc/cuda_flags.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 151ade9f..a7bd8a52 100644 --- a/python/jittor/src/misc/cuda_flags.h +++ b/python/jittor/src/misc/cuda_flags.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 5452fa3c..1e6c5849 100644 --- a/python/jittor/src/misc/cuda_limits.h +++ b/python/jittor/src/misc/cuda_limits.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 3b4b21ab..14e84b97 100644 --- a/python/jittor/src/misc/deleter.h +++ b/python/jittor/src/misc/deleter.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 fcd99e0c..b075ba9d 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 eedec1af..06b27aad 100644 --- a/python/jittor/src/misc/hash.h +++ b/python/jittor/src/misc/hash.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 ac77aa1d..568ca750 100644 --- a/python/jittor/src/misc/intrin.h +++ b/python/jittor/src/misc/intrin.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 a4e195ad..d0d62f62 100644 --- a/python/jittor/src/misc/nan_checker.cc +++ b/python/jittor/src/misc/nan_checker.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 ba75d172..65b2b653 100644 --- a/python/jittor/src/misc/nan_checker.cu +++ b/python/jittor/src/misc/nan_checker.cu @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 240bb37b..dce7e520 100644 --- a/python/jittor/src/misc/nan_checker.h +++ b/python/jittor/src/misc/nan_checker.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 63fd311c..a7c453a6 100644 --- a/python/jittor/src/misc/nano_string.cc +++ b/python/jittor/src/misc/nano_string.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 078a93b9..ae4c8e58 100644 --- a/python/jittor/src/misc/nano_string.h +++ b/python/jittor/src/misc/nano_string.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 d432c048..815856e5 100644 --- a/python/jittor/src/misc/nano_vector.h +++ b/python/jittor/src/misc/nano_vector.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 71c903a0..3406058c 100644 --- a/python/jittor/src/misc/ring_buffer.cc +++ b/python/jittor/src/misc/ring_buffer.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 8f8fd846..c9605c7e 100644 --- a/python/jittor/src/misc/ring_buffer.h +++ b/python/jittor/src/misc/ring_buffer.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 7895ba45..62280842 100644 --- a/python/jittor/src/misc/stack_vector.h +++ b/python/jittor/src/misc/stack_vector.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 12b10384..47b946f2 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 99c0deb3..0816a3af 100644 --- a/python/jittor/src/node.h +++ b/python/jittor/src/node.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 e4cc6e5c..e04ab62b 100644 --- a/python/jittor/src/numpy_func.h +++ b/python/jittor/src/numpy_func.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 fdcee42e..eb0d44e2 100644 --- a/python/jittor/src/op.cc +++ b/python/jittor/src/op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 7a84a344..32d0116f 100644 --- a/python/jittor/src/op.h +++ b/python/jittor/src/op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 11f753aa..efdb7acf 100644 --- a/python/jittor/src/op_compiler.cc +++ b/python/jittor/src/op_compiler.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 381d1d89..8d6a9013 100644 --- a/python/jittor/src/op_compiler.h +++ b/python/jittor/src/op_compiler.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 5e743e6c..5f735b96 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 42cd894c..fb1de253 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 67434e12..4fd440d0 100644 --- a/python/jittor/src/ops/argsort_op.cc +++ b/python/jittor/src/ops/argsort_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 46c1ab2b..c82ecad9 100644 --- a/python/jittor/src/ops/argsort_op.h +++ b/python/jittor/src/ops/argsort_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 f1402522..b341ae85 100644 --- a/python/jittor/src/ops/array_op.cc +++ b/python/jittor/src/ops/array_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 b3a23ad1..385de4db 100644 --- a/python/jittor/src/ops/array_op.h +++ b/python/jittor/src/ops/array_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 85df986c..0e970da4 100644 --- a/python/jittor/src/ops/binary_op.cc +++ b/python/jittor/src/ops/binary_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 621992ee..77d92283 100644 --- a/python/jittor/src/ops/binary_op.h +++ b/python/jittor/src/ops/binary_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 0f63a2ba..a9b0184a 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 d2329c69..4f7c617b 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 3c64c824..e4ade706 100644 --- a/python/jittor/src/ops/candidate_op.cc +++ b/python/jittor/src/ops/candidate_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 37b081e0..b6a59351 100644 --- a/python/jittor/src/ops/candidate_op.h +++ b/python/jittor/src/ops/candidate_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 932065fb..47866c6c 100644 --- a/python/jittor/src/ops/clone_op.cc +++ b/python/jittor/src/ops/clone_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 0fa4e790..c42a5c66 100644 --- a/python/jittor/src/ops/clone_op.h +++ b/python/jittor/src/ops/clone_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 ec333933..021b615e 100644 --- a/python/jittor/src/ops/code_op.cc +++ b/python/jittor/src/ops/code_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 9f1021c2..7c846ddd 100644 --- a/python/jittor/src/ops/code_op.h +++ b/python/jittor/src/ops/code_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 0fc28691..ebc748cf 100644 --- a/python/jittor/src/ops/copy_op.cc +++ b/python/jittor/src/ops/copy_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 0b172059..56fae6c3 100644 --- a/python/jittor/src/ops/copy_op.h +++ b/python/jittor/src/ops/copy_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 ea49a4f7..8b84c4dd 100644 --- a/python/jittor/src/ops/empty_op.cc +++ b/python/jittor/src/ops/empty_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 448d5121..ecb418d0 100644 --- a/python/jittor/src/ops/empty_op.h +++ b/python/jittor/src/ops/empty_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 6eaf6897..634f4f07 100644 --- a/python/jittor/src/ops/fetch_op.cc +++ b/python/jittor/src/ops/fetch_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. +// Copyright (c) 2023 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 cef2f08f..955fbbdd 100644 --- a/python/jittor/src/ops/fetch_op.h +++ b/python/jittor/src/ops/fetch_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 8ec27375..b11a292f 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 5784572d..a16d561b 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 e080014e..d8874eda 100644 --- a/python/jittor/src/ops/getitem_op.cc +++ b/python/jittor/src/ops/getitem_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 d21f435c..67e744e3 100644 --- a/python/jittor/src/ops/getitem_op.h +++ b/python/jittor/src/ops/getitem_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 9ba7b22b..1f27d788 100644 --- a/python/jittor/src/ops/index_op.cc +++ b/python/jittor/src/ops/index_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 9abea6d1..840dd79e 100644 --- a/python/jittor/src/ops/index_op.h +++ b/python/jittor/src/ops/index_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 9e5d651b..9f218440 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 ac7e5fcc..17282119 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 4c9b7404..81d867b4 100644 --- a/python/jittor/src/ops/op_register.cc +++ b/python/jittor/src/ops/op_register.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 10a2b77d..d7412215 100644 --- a/python/jittor/src/ops/op_register.h +++ b/python/jittor/src/ops/op_register.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 b527b9f2..1cdeba8d 100644 --- a/python/jittor/src/ops/op_utils.cc +++ b/python/jittor/src/ops/op_utils.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 4f47845d..a7ad79cd 100644 --- a/python/jittor/src/ops/random_op.cc +++ b/python/jittor/src/ops/random_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 ae9be332..5fdf1254 100644 --- a/python/jittor/src/ops/random_op.h +++ b/python/jittor/src/ops/random_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 293d7ee6..176abd7d 100644 --- a/python/jittor/src/ops/reduce_op.cc +++ b/python/jittor/src/ops/reduce_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 c276614c..2259370b 100644 --- a/python/jittor/src/ops/reduce_op.h +++ b/python/jittor/src/ops/reduce_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 04817a9d..5ac1e0f1 100644 --- a/python/jittor/src/ops/reindex_op.cc +++ b/python/jittor/src/ops/reindex_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 9997c83f..9b67ee8b 100644 --- a/python/jittor/src/ops/reindex_op.h +++ b/python/jittor/src/ops/reindex_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 cd5fa4dc..a220d992 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 9f53618d..70ec79c0 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 50b3f97a..dd35f865 100644 --- a/python/jittor/src/ops/reshape_op.cc +++ b/python/jittor/src/ops/reshape_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 4d1c5cc0..eb9181e5 100644 --- a/python/jittor/src/ops/reshape_op.h +++ b/python/jittor/src/ops/reshape_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 4230d1ed..bfdab530 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 ac95ac99..4deba0f7 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 fde1fe1d..b8d8d8e2 100644 --- a/python/jittor/src/ops/setitem_op.cc +++ b/python/jittor/src/ops/setitem_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 5e9ddd6e..c6820554 100644 --- a/python/jittor/src/ops/setitem_op.h +++ b/python/jittor/src/ops/setitem_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 73cdd4a7..f0483e49 100644 --- a/python/jittor/src/ops/tape_op.cc +++ b/python/jittor/src/ops/tape_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 ff2dc7c5..299e410c 100644 --- a/python/jittor/src/ops/tape_op.h +++ b/python/jittor/src/ops/tape_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 9ff9efa1..428281aa 100644 --- a/python/jittor/src/ops/ternary_op.cc +++ b/python/jittor/src/ops/ternary_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 0bdaa3c1..d3590138 100644 --- a/python/jittor/src/ops/ternary_op.h +++ b/python/jittor/src/ops/ternary_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 2ea131d1..8a1fcb22 100644 --- a/python/jittor/src/ops/transpose_op.cc +++ b/python/jittor/src/ops/transpose_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 b385bf0c..a2aef1b2 100644 --- a/python/jittor/src/ops/transpose_op.h +++ b/python/jittor/src/ops/transpose_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 909810b3..8ad49dc6 100644 --- a/python/jittor/src/ops/unary_op.cc +++ b/python/jittor/src/ops/unary_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 20412829..4bad52df 100644 --- a/python/jittor/src/ops/unary_op.h +++ b/python/jittor/src/ops/unary_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 9f2b536e..fceeeef0 100644 --- a/python/jittor/src/ops/where_op.cc +++ b/python/jittor/src/ops/where_op.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 0b56994f..10b250e7 100644 --- a/python/jittor/src/ops/where_op.h +++ b/python/jittor/src/ops/where_op.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 6dbe9727..5f5f953f 100644 --- a/python/jittor/src/opt/expr.cc +++ b/python/jittor/src/opt/expr.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 fa16a91b..db60b30e 100644 --- a/python/jittor/src/opt/expr.h +++ b/python/jittor/src/opt/expr.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 788fc4df..21901154 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 17953118..84320e4b 100644 --- a/python/jittor/src/opt/jit_searcher.cc +++ b/python/jittor/src/opt/jit_searcher.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 3ebf39fb..db092ac6 100644 --- a/python/jittor/src/opt/jit_searcher.h +++ b/python/jittor/src/opt/jit_searcher.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 edb41dca..a76d849e 100644 --- a/python/jittor/src/opt/kernel_ir.cc +++ b/python/jittor/src/opt/kernel_ir.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 e20914a4..ea5a7fe5 100644 --- a/python/jittor/src/opt/kernel_ir.h +++ b/python/jittor/src/opt/kernel_ir.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 40cb9ea3..5cde114d 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 f5045de9..9794460b 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 7b2b17a6..456a8389 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 7688646f..80181575 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 8cb4ef14..f3fc364d 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 3af24e8d..82634d36 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 862e3571..974902b1 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 1c7e437d..11bb2d52 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 036917fc..536787aa 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 f26d3a2b..3070a879 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 c045f495..76c9a499 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 0b3884f3..847ccd69 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 2ef2bd49..77ced901 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 7aabc5da..fb246a31 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 45b83d39..b82419bf 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 9f3c532f..bfa50896 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 6b89de8f..70e7694c 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 0e5de61f..3cf6d263 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 b64194de..2200f997 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 f2f85422..ad9b0e8e 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 8850902e..d418c9d7 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 190a5a1b..704acbba 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 f718a3ad..4a4c2c91 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 225ebda9..ba7ed592 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 c5ad442a..91130fb3 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 84f47237..defd17b6 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 eba318f1..47227355 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 125035bb..e2152f3b 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 6a526235..6876e318 100644 --- a/python/jittor/src/opt/pass/pass.cc +++ b/python/jittor/src/opt/pass/pass.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 74d4b0e4..0fba2f13 100644 --- a/python/jittor/src/opt/pass/pass.h +++ b/python/jittor/src/opt/pass/pass.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 66df0d3c..c1a84e94 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 ee1292e6..8cc19f9f 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 68b6492a..5e8d3430 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 faf20712..f4577251 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 865d9b50..830697d7 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 8737b6c0..2ba1d41c 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 1f731e3a..1d740f82 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 948dd9f3..d3a81532 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 7a35d7b7..2df14cea 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 83a0c7de..88fd9d16 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 01f2ff8a..e3b1c439 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 8dc4509b..63058294 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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/shared_reduce_pass.h b/python/jittor/src/opt/pass/shared_reduce_pass.h index 70237390..8a393d9b 100644 --- a/python/jittor/src/opt/pass/shared_reduce_pass.h +++ b/python/jittor/src/opt/pass/shared_reduce_pass.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Zheng-Ning Liu . // This file is 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 3089980b..bd068ce6 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 90da8258..6b1c2877 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 ae92576a..ea7d6f96 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 dceedbcd..be6f82f7 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 74987347..554089f2 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 a8c77f80..ca496cb9 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 96089f6d..28f094cd 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 b99b5d3a..3e15e737 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 e7d162a9..75453301 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 7b270ca0..87925e20 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 45261bed..95d2df4b 100644 --- a/python/jittor/src/opt/pass_manager.cc +++ b/python/jittor/src/opt/pass_manager.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 fc7de976..a268a473 100644 --- a/python/jittor/src/opt/pass_manager.h +++ b/python/jittor/src/opt/pass_manager.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 cf57ddf1..6bac6275 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 9aaa342d..491d4323 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 2909598a..206e1d94 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 1a853847..bd028871 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 7be9a481..a54270ca 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 3654596b..93170b1b 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 5f4bf7c0..dbb3e0fa 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 acf3017b..45fffb52 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 63081242..20f86493 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 82fb7de8..bb28c18f 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 e4f2a250..0ab8ed8c 100644 --- a/python/jittor/src/opt/tuner/tuner.cc +++ b/python/jittor/src/opt/tuner/tuner.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 f506423b..84294843 100644 --- a/python/jittor/src/opt/tuner/tuner.h +++ b/python/jittor/src/opt/tuner/tuner.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 b6e01207..a2b3fad4 100644 --- a/python/jittor/src/opt/tuner_manager.cc +++ b/python/jittor/src/opt/tuner_manager.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 903c0cd8..244ef6b9 100644 --- a/python/jittor/src/opt/tuner_manager.h +++ b/python/jittor/src/opt/tuner_manager.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 c110e6bc..3e67a86e 100644 --- a/python/jittor/src/opt/var_relay.cc +++ b/python/jittor/src/opt/var_relay.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 cd9355e9..3d99f400 100644 --- a/python/jittor/src/opt/var_relay.h +++ b/python/jittor/src/opt/var_relay.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 efbde47d..c09f891f 100644 --- a/python/jittor/src/parallel_compiler.cc +++ b/python/jittor/src/parallel_compiler.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 59d7017a..6ec4a29d 100644 --- a/python/jittor/src/parallel_compiler.h +++ b/python/jittor/src/parallel_compiler.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 de102613..c7ca63aa 100644 --- a/python/jittor/src/profiler/cache_info.cc +++ b/python/jittor/src/profiler/cache_info.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 3d86aa57..95efd525 100644 --- a/python/jittor/src/profiler/cache_info.h +++ b/python/jittor/src/profiler/cache_info.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 2bce32ff..f5ca1a4b 100644 --- a/python/jittor/src/profiler/memory_checker.cc +++ b/python/jittor/src/profiler/memory_checker.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 00aec3d0..67b8e742 100644 --- a/python/jittor/src/profiler/memory_checker.h +++ b/python/jittor/src/profiler/memory_checker.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 8add9c72..452dcfa3 100644 --- a/python/jittor/src/profiler/profiler.cc +++ b/python/jittor/src/profiler/profiler.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 a03a5308..c050f335 100644 --- a/python/jittor/src/profiler/profiler.h +++ b/python/jittor/src/profiler/profiler.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 7053bc99..b044e0ef 100644 --- a/python/jittor/src/profiler/profiler_guard.h +++ b/python/jittor/src/profiler/profiler_guard.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 0a6d944b..01ccca6d 100644 --- a/python/jittor/src/profiler/replacement.cc +++ b/python/jittor/src/profiler/replacement.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 82be06fc..df0ea533 100644 --- a/python/jittor/src/profiler/replacement.h +++ b/python/jittor/src/profiler/replacement.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 f7a1a5e4..e39f1adb 100644 --- a/python/jittor/src/profiler/simple_profiler.h +++ b/python/jittor/src/profiler/simple_profiler.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 15abae2b..6d8250a8 100644 --- a/python/jittor/src/profiler/vtop.cc +++ b/python/jittor/src/profiler/vtop.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 1b80dbc4..42dae808 100644 --- a/python/jittor/src/pybind/core.cc +++ b/python/jittor/src/pybind/core.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 14b44771..b4b9eb23 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 06095905..732bde7f 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 8f0163c6..c1dcaa26 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 79c51fba..93330068 100644 --- a/python/jittor/src/pyjt/numpy.cc +++ b/python/jittor/src/pyjt/numpy.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 afb9a457..ce06a1f3 100644 --- a/python/jittor/src/pyjt/numpy.h +++ b/python/jittor/src/pyjt/numpy.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 0a69e616..34a129e2 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 d0318af3..f5233f89 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 cfb138c6..b72f737b 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 d0b74ba4..243f9cb7 100644 --- a/python/jittor/src/pyjt/py_caller.cc +++ b/python/jittor/src/pyjt/py_caller.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 e0dca57d..bcadc4e8 100644 --- a/python/jittor/src/pyjt/py_caller.h +++ b/python/jittor/src/pyjt/py_caller.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 03b66bf3..856a8fc0 100644 --- a/python/jittor/src/pyjt/py_converter.h +++ b/python/jittor/src/pyjt/py_converter.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 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 64ef1343..ae2052ee 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 f604d7a1..e7354788 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 40a62ac6..f6b7b5d6 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 f0dd77aa..fb239492 100644 --- a/python/jittor/src/pyjt/pyjt_console.h +++ b/python/jittor/src/pyjt/pyjt_console.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 b52dd850..a3bdde34 100644 --- a/python/jittor/src/test/test_expr.cc +++ b/python/jittor/src/test/test_expr.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 bc05a765..082528d4 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 ba047fd7..4f2be904 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 d731fb85..d1b37884 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 fac46eb2..a4edc7d1 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 36cc7814..3fe35cbf 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 8814c1a0..717ed72b 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 20a0a696..f3bf1c68 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 c537f9b9..b60fd5c1 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 fe3d21ab..6c7494d4 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 9f94d4e9..bee4b859 100644 --- a/python/jittor/src/type/fp16_compute.h +++ b/python/jittor/src/type/fp16_compute.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 463e2581..c39bad24 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) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 ef21b938..576a8ce2 100644 --- a/python/jittor/src/types.h +++ b/python/jittor/src/types.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 15b839cd..74e4047b 100644 --- a/python/jittor/src/utils/cache_compile.cc +++ b/python/jittor/src/utils/cache_compile.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 cfb2a763..adc6655a 100644 --- a/python/jittor/src/utils/cache_compile.h +++ b/python/jittor/src/utils/cache_compile.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 86ca0a84..c75ed8a5 100644 --- a/python/jittor/src/utils/cross_platform.h +++ b/python/jittor/src/utils/cross_platform.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 29f70e47..cdc72069 100644 --- a/python/jittor/src/utils/flags.cc +++ b/python/jittor/src/utils/flags.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 9f546c84..2e6c5eba 100644 --- a/python/jittor/src/utils/flags.h +++ b/python/jittor/src/utils/flags.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 c927f8bb..5ca64ddd 100644 --- a/python/jittor/src/utils/jit_utils.cc +++ b/python/jittor/src/utils/jit_utils.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 8e89e469..2a800c19 100644 --- a/python/jittor/src/utils/log.cc +++ b/python/jittor/src/utils/log.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 f762431a..9cf2beca 100644 --- a/python/jittor/src/utils/log.h +++ b/python/jittor/src/utils/log.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 4f1c3840..a53d45d0 100644 --- a/python/jittor/src/utils/mwsr_list.cc +++ b/python/jittor/src/utils/mwsr_list.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 da7c1d1e..13bf193f 100644 --- a/python/jittor/src/utils/mwsr_list.h +++ b/python/jittor/src/utils/mwsr_list.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 581235b7..34995168 100644 --- a/python/jittor/src/utils/str_utils.cc +++ b/python/jittor/src/utils/str_utils.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 41cf9cb8..916750c4 100644 --- a/python/jittor/src/utils/str_utils.h +++ b/python/jittor/src/utils/str_utils.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 647f818e..0aba2f9f 100644 --- a/python/jittor/src/utils/tracer.cc +++ b/python/jittor/src/utils/tracer.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 dcd49f84..2aa902e0 100644 --- a/python/jittor/src/utils/tracer.h +++ b/python/jittor/src/utils/tracer.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 43fb88f1..3c8cd672 100644 --- a/python/jittor/src/var.cc +++ b/python/jittor/src/var.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 3684a7ee..cfd1c81a 100644 --- a/python/jittor/src/var.h +++ b/python/jittor/src/var.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 19ece604..b6450354 100644 --- a/python/jittor/src/var_holder.cc +++ b/python/jittor/src/var_holder.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 b0045bb9..e85fa825 100644 --- a/python/jittor/src/var_holder.h +++ b/python/jittor/src/var_holder.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 7c2b7f7d..d94c0468 100644 --- a/python/jittor/src/var_slices.cc +++ b/python/jittor/src/var_slices.cc @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 11dd5973..09cbfc56 100644 --- a/python/jittor/src/var_slices.h +++ b/python/jittor/src/var_slices.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 32ab6539..5a1304b5 100644 --- a/python/jittor/test/__main__.py +++ b/python/jittor/test/__main__.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 f2b909fb..a03dfb26 100644 --- a/python/jittor/test/test.h +++ b/python/jittor/test/test.h @@ -1,5 +1,5 @@ // *************************************************************** -// Copyright (c) 2022 Jittor. All Rights Reserved. +// Copyright (c) 2023 Jittor. All Rights Reserved. // Maintainers: Dun Liang . // This file is 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 f34f6721..4eaad422 100644 --- a/python/jittor/test/test_acl.py +++ b/python/jittor/test/test_acl.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 d32f8cbe..291651f6 100644 --- a/python/jittor/test/test_affine_grid.py +++ b/python/jittor/test/test_affine_grid.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 99bed381..9bbc9f4d 100644 --- a/python/jittor/test/test_allocator.py +++ b/python/jittor/test/test_allocator.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 9a9f2b28..eda71b16 100644 --- a/python/jittor/test/test_allocator2.py +++ b/python/jittor/test/test_allocator2.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 039d528e..357557f1 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) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 f9a3dd39..34a1f0ec 100644 --- a/python/jittor/test/test_argsort_op.py +++ b/python/jittor/test/test_argsort_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 8055f9bb..788ce026 100644 --- a/python/jittor/test/test_array.py +++ b/python/jittor/test/test_array.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 e6dcdbab..da769677 100644 --- a/python/jittor/test/test_asm_tuner.py +++ b/python/jittor/test/test_asm_tuner.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 b7aec9f6..dfab32f7 100644 --- a/python/jittor/test/test_atomic_tuner.py +++ b/python/jittor/test/test_atomic_tuner.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 995ec45d..7f3cbf63 100644 --- a/python/jittor/test/test_attention.py +++ b/python/jittor/test/test_attention.py @@ -1,6 +1,6 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 5636704f..f8a873c2 100644 --- a/python/jittor/test/test_auto_diff.py +++ b/python/jittor/test/test_auto_diff.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 b8328555..1f5e271d 100644 --- a/python/jittor/test/test_batchnorm.py +++ b/python/jittor/test/test_batchnorm.py @@ -1,6 +1,6 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 6ddba961..891d8a0a 100644 --- a/python/jittor/test/test_benchmark.py +++ b/python/jittor/test/test_benchmark.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 a91afe56..3f3a4443 100644 --- a/python/jittor/test/test_bicubic.py +++ b/python/jittor/test/test_bicubic.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 53bf5145..ee260ed0 100644 --- a/python/jittor/test/test_binary_op.py +++ b/python/jittor/test/test_binary_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 9de687d9..40075868 100644 --- a/python/jittor/test/test_bmm.py +++ b/python/jittor/test/test_bmm.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 719026c0..ce1b8e07 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) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 f16faa9e..693f571a 100644 --- a/python/jittor/test/test_broadcast_tuner.py +++ b/python/jittor/test/test_broadcast_tuner.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 e66a6f87..b41def91 100644 --- a/python/jittor/test/test_cache.py +++ b/python/jittor/test/test_cache.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 9a4a267c..4021016a 100644 --- a/python/jittor/test/test_candidate.py +++ b/python/jittor/test/test_candidate.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 ae346bfd..557e85a5 100644 --- a/python/jittor/test/test_clone.py +++ b/python/jittor/test/test_clone.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 0d9321a7..5420400c 100644 --- a/python/jittor/test/test_code_op.py +++ b/python/jittor/test/test_code_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 47236a54..17aba0bd 100644 --- a/python/jittor/test/test_compile_options.py +++ b/python/jittor/test/test_compile_options.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 5f4017ef..4386e481 100644 --- a/python/jittor/test/test_concat_op.py +++ b/python/jittor/test/test_concat_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 d190552b..8c6b1dfe 100644 --- a/python/jittor/test/test_console.py +++ b/python/jittor/test/test_console.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 7c401210..b19fc92a 100644 --- a/python/jittor/test/test_contrib.py +++ b/python/jittor/test/test_contrib.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 0d73776c..c33a6272 100644 --- a/python/jittor/test/test_conv_transpose.py +++ b/python/jittor/test/test_conv_transpose.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 85e4772f..643f2bac 100644 --- a/python/jittor/test/test_conv_tuner.py +++ b/python/jittor/test/test_conv_tuner.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 59841a7d..30f9411a 100644 --- a/python/jittor/test/test_core.py +++ b/python/jittor/test/test_core.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 7f95b598..482b1e45 100644 --- a/python/jittor/test/test_cub_cumsum.py +++ b/python/jittor/test/test_cub_cumsum.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 0258f5c8..01e34d06 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) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 27f17b5b..56397bd8 100644 --- a/python/jittor/test/test_cuda.py +++ b/python/jittor/test/test_cuda.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 6697ac25..853833f1 100644 --- a/python/jittor/test/test_cudnn_op.py +++ b/python/jittor/test/test_cudnn_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 1950e703..26ed1580 100644 --- a/python/jittor/test/test_custom_op.py +++ b/python/jittor/test/test_custom_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 a80eb2ac..a9029062 100644 --- a/python/jittor/test/test_dataset.py +++ b/python/jittor/test/test_dataset.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 6833527b..d6db7e63 100644 --- a/python/jittor/test/test_default_var.py +++ b/python/jittor/test/test_default_var.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 443c8bdb..2d32bc3a 100644 --- a/python/jittor/test/test_densenet.py +++ b/python/jittor/test/test_densenet.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 5e84219b..59a6dcef 100644 --- a/python/jittor/test/test_depthwise_conv.py +++ b/python/jittor/test/test_depthwise_conv.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: # Guoye Yang <498731903@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_digamma.py b/python/jittor/test/test_digamma.py index ec059869..308c5f8d 100644 --- a/python/jittor/test/test_digamma.py +++ b/python/jittor/test/test_digamma.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: # Haoyang Peng <2247838039@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_distributions.py b/python/jittor/test/test_distributions.py index 8e3b93d2..0143c5a7 100644 --- a/python/jittor/test/test_distributions.py +++ b/python/jittor/test/test_distributions.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: # Wenyang Zhou <576825820@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_einops.py b/python/jittor/test/test_einops.py index 31d9cffa..fb9facdf 100644 --- a/python/jittor/test/test_einops.py +++ b/python/jittor/test/test_einops.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: DongYang Li . # This file is 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_einsum.py b/python/jittor/test/test_einsum.py index 233de2c6..f678d435 100644 --- a/python/jittor/test/test_einsum.py +++ b/python/jittor/test/test_einsum.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 6a24598e..f2b18eef 100644 --- a/python/jittor/test/test_emnist.py +++ b/python/jittor/test/test_emnist.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 b5ba265c..3b10a103 100644 --- a/python/jittor/test/test_error_msg.py +++ b/python/jittor/test/test_error_msg.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # diff --git a/python/jittor/test/test_example.py b/python/jittor/test/test_example.py index 2cd79326..c6f15d49 100644 --- a/python/jittor/test/test_example.py +++ b/python/jittor/test/test_example.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 19470643..e4685382 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) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 1a8d58a2..0059d2ef 100644 --- a/python/jittor/test/test_fetcher.py +++ b/python/jittor/test/test_fetcher.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 3cce757e..0e4fb5fa 100644 --- a/python/jittor/test/test_fft_op.py +++ b/python/jittor/test/test_fft_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 3fad6cd2..eff3cf95 100644 --- a/python/jittor/test/test_flags.py +++ b/python/jittor/test/test_flags.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 cd58a340..34366b4b 100644 --- a/python/jittor/test/test_fold.py +++ b/python/jittor/test/test_fold.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 98dc5a07..6f69a2ce 100644 --- a/python/jittor/test/test_fp16.py +++ b/python/jittor/test/test_fp16.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 8ced4988..ae1baa07 100644 --- a/python/jittor/test/test_function.py +++ b/python/jittor/test/test_function.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 74858d4b..119b423c 100644 --- a/python/jittor/test/test_fused_op.py +++ b/python/jittor/test/test_fused_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 8995dd9c..29b85822 100644 --- a/python/jittor/test/test_fuser.py +++ b/python/jittor/test/test_fuser.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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_gamma_distribution.py b/python/jittor/test/test_gamma_distribution.py index 5b3f4b85..87e936ce 100644 --- a/python/jittor/test/test_gamma_distribution.py +++ b/python/jittor/test/test_gamma_distribution.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: # Haoyang Peng <2247838039@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_grad.py b/python/jittor/test/test_grad.py index 2ecb597a..de328ef2 100644 --- a/python/jittor/test/test_grad.py +++ b/python/jittor/test/test_grad.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 9bb0ea65..0539c449 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) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: # Guoye Yang <498731903@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_histc.py b/python/jittor/test/test_histc.py index 75d10ccc..b4751a2c 100644 --- a/python/jittor/test/test_histc.py +++ b/python/jittor/test/test_histc.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: # Haoyang Peng <2247838039@qq.com> # Guowei Yang <471184555@qq.com> diff --git a/python/jittor/test/test_hook.py b/python/jittor/test/test_hook.py index cbdfa1d5..2ec5c90f 100644 --- a/python/jittor/test/test_hook.py +++ b/python/jittor/test/test_hook.py @@ -1,6 +1,6 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 6e57b9f5..b2711bd2 100644 --- a/python/jittor/test/test_image_folder.py +++ b/python/jittor/test/test_image_folder.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 2453a206..714fe26b 100644 --- a/python/jittor/test/test_inception.py +++ b/python/jittor/test/test_inception.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 8a844fce..e14c3c6b 100644 --- a/python/jittor/test/test_index_op.py +++ b/python/jittor/test/test_index_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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_interpolation.py b/python/jittor/test/test_interpolation.py index 999cc889..87e52c01 100644 --- a/python/jittor/test/test_interpolation.py +++ b/python/jittor/test/test_interpolation.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: # Haoyang Peng <2247838039@qq.com> # Guowei Yang <471184555@qq.com> diff --git a/python/jittor/test/test_jit_tests.py b/python/jittor/test/test_jit_tests.py index 6cde2476..a366c6c3 100644 --- a/python/jittor/test/test_jit_tests.py +++ b/python/jittor/test/test_jit_tests.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 664ccd54..b9534525 100644 --- a/python/jittor/test/test_jtune.py +++ b/python/jittor/test/test_jtune.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 8d45c1ea..b92aada9 100644 --- a/python/jittor/test/test_lazy_execution.py +++ b/python/jittor/test/test_lazy_execution.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 8e21b538..5ccc4986 100644 --- a/python/jittor/test/test_linalg.py +++ b/python/jittor/test/test_linalg.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 008b1f4e..a70bd9a8 100644 --- a/python/jittor/test/test_load_pth.py +++ b/python/jittor/test/test_load_pth.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 16385f58..016f043a 100644 --- a/python/jittor/test/test_lock.py +++ b/python/jittor/test/test_lock.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 5e146db4..b207302c 100644 --- a/python/jittor/test/test_log.py +++ b/python/jittor/test/test_log.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 d2981440..d18d2c5c 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) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 e8ac567d..168296f9 100644 --- a/python/jittor/test/test_loss.py +++ b/python/jittor/test/test_loss.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # diff --git a/python/jittor/test/test_loss3d.py b/python/jittor/test/test_loss3d.py index 1a35596a..3374b069 100644 --- a/python/jittor/test/test_loss3d.py +++ b/python/jittor/test/test_loss3d.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 a33ae748..b51d979f 100644 --- a/python/jittor/test/test_lr_scheduler.py +++ b/python/jittor/test/test_lr_scheduler.py @@ -1,6 +1,6 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 094e4a96..d21947a6 100644 --- a/python/jittor/test/test_lstm.py +++ b/python/jittor/test/test_lstm.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 9f89ffd3..9639fae5 100644 --- a/python/jittor/test/test_matmul.py +++ b/python/jittor/test/test_matmul.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 13481e3c..77c2a0dd 100644 --- a/python/jittor/test/test_matmul_tuner.py +++ b/python/jittor/test/test_matmul_tuner.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # diff --git a/python/jittor/test/test_mem.py b/python/jittor/test/test_mem.py index f50b112b..0bcbb350 100644 --- a/python/jittor/test/test_mem.py +++ b/python/jittor/test/test_mem.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 4b7817d4..616c1ef7 100644 --- a/python/jittor/test/test_memory_profiler.py +++ b/python/jittor/test/test_memory_profiler.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 a0f6bd1e..3a89be80 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) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 0c99cf1b..f26cc5ba 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) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 747f214b..848df544 100644 --- a/python/jittor/test/test_misc_issue.py +++ b/python/jittor/test/test_misc_issue.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 fa51a7ec..5b95f49c 100644 --- a/python/jittor/test/test_misc_op.py +++ b/python/jittor/test/test_misc_op.py @@ -1,6 +1,6 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 a4ddadad..a6805248 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) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 654ca2e7..f75c4a6e 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) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 f31f56a9..93340a64 100644 --- a/python/jittor/test/test_models.py +++ b/python/jittor/test/test_models.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 d4dc6fdb..f0d4081e 100644 --- a/python/jittor/test/test_mpi.py +++ b/python/jittor/test/test_mpi.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 1c5f7fd6..b601f0e8 100644 --- a/python/jittor/test/test_mpi_batchnorm.py +++ b/python/jittor/test/test_mpi_batchnorm.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 e4f6d559..cae3acf4 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) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 773cb212..81ebff4a 100644 --- a/python/jittor/test/test_mpi_op.py +++ b/python/jittor/test/test_mpi_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 590d43c6..1c72bcc1 100644 --- a/python/jittor/test/test_nano_string.py +++ b/python/jittor/test/test_nano_string.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 e2bd9c62..783396f8 100644 --- a/python/jittor/test/test_nano_vector.py +++ b/python/jittor/test/test_nano_vector.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 fcaa08b2..04f02a5e 100644 --- a/python/jittor/test/test_nccl.py +++ b/python/jittor/test/test_nccl.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 56d27d13..dc7cc45d 100644 --- a/python/jittor/test/test_nccl_ops.py +++ b/python/jittor/test/test_nccl_ops.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 80ad4e02..c625fd34 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) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 4f133471..fd392203 100644 --- a/python/jittor/test/test_node.py +++ b/python/jittor/test/test_node.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 45c91354..a90cca2d 100644 --- a/python/jittor/test/test_notebooks.py +++ b/python/jittor/test/test_notebooks.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 597f4e35..41ea1b35 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) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 4ee41ca1..50001497 100644 --- a/python/jittor/test/test_op_compiler.py +++ b/python/jittor/test/test_op_compiler.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 4598afd0..fe8ad6c1 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) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 dd77b00d..0eae049e 100644 --- a/python/jittor/test/test_optimizer.py +++ b/python/jittor/test/test_optimizer.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # diff --git a/python/jittor/test/test_pad.py b/python/jittor/test/test_pad.py index 4dbbafc6..eb82f51d 100644 --- a/python/jittor/test/test_pad.py +++ b/python/jittor/test/test_pad.py @@ -1,6 +1,6 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 c607516a..8076cbba 100644 --- a/python/jittor/test/test_parallel_pass.py +++ b/python/jittor/test/test_parallel_pass.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 6b0e5aa5..1076d15e 100644 --- a/python/jittor/test/test_param_list.py +++ b/python/jittor/test/test_param_list.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 192c8d2b..d2ae6bc5 100644 --- a/python/jittor/test/test_profiler.py +++ b/python/jittor/test/test_profiler.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 2b898157..f80539ac 100644 --- a/python/jittor/test/test_pytorch_converter.py +++ b/python/jittor/test/test_pytorch_converter.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 c196e3c2..120a7516 100644 --- a/python/jittor/test/test_random_op.py +++ b/python/jittor/test/test_random_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 8e0a7054..711256b4 100644 --- a/python/jittor/test/test_reduce_op.py +++ b/python/jittor/test/test_reduce_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 c9a20c08..07cc2f11 100644 --- a/python/jittor/test/test_reduce_tuner.py +++ b/python/jittor/test/test_reduce_tuner.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 d16d848d..c2ff4124 100644 --- a/python/jittor/test/test_reindex_op.py +++ b/python/jittor/test/test_reindex_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 79f4221c..54fc1b17 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) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 dda656ac..5addd85b 100644 --- a/python/jittor/test/test_relu.py +++ b/python/jittor/test/test_relu.py @@ -1,6 +1,6 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 8f9d8aa6..4b7d90c3 100644 --- a/python/jittor/test/test_reorder_tuner.py +++ b/python/jittor/test/test_reorder_tuner.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 5682bfc9..7cef9566 100644 --- a/python/jittor/test/test_repeat.py +++ b/python/jittor/test/test_repeat.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 2269592c..25bf7f75 100644 --- a/python/jittor/test/test_reshape.py +++ b/python/jittor/test/test_reshape.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 ac44d152..bbe96c61 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) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 c01e52d6..45c75ae2 100644 --- a/python/jittor/test/test_resnet.py +++ b/python/jittor/test/test_resnet.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 5169bb06..8d243bf4 100644 --- a/python/jittor/test/test_ring_buffer.py +++ b/python/jittor/test/test_ring_buffer.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 63938e19..4a8f2528 100644 --- a/python/jittor/test/test_ring_buffer2.py +++ b/python/jittor/test/test_ring_buffer2.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # diff --git a/python/jittor/test/test_rnn.py b/python/jittor/test/test_rnn.py index 88916be6..a604a762 100644 --- a/python/jittor/test/test_rnn.py +++ b/python/jittor/test/test_rnn.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 37a1e054..b9d72b03 100644 --- a/python/jittor/test/test_search_sorted.py +++ b/python/jittor/test/test_search_sorted.py @@ -1,6 +1,6 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # diff --git a/python/jittor/test/test_setitem.py b/python/jittor/test/test_setitem.py index 607520ee..c2a5453b 100644 --- a/python/jittor/test/test_setitem.py +++ b/python/jittor/test/test_setitem.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 e395aa7e..7338b631 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) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 5e89dff2..1d73c529 100644 --- a/python/jittor/test/test_slice.py +++ b/python/jittor/test/test_slice.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. +# Copyright (c) 2023 Jittor. # All Rights Reserved. # Maintainers: # Dun Liang . diff --git a/python/jittor/test/test_sparse.py b/python/jittor/test/test_sparse.py index aefb7923..9f982989 100644 --- a/python/jittor/test/test_sparse.py +++ b/python/jittor/test/test_sparse.py @@ -1,6 +1,6 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 96a450d9..c0cc6920 100644 --- a/python/jittor/test/test_stop_fuse.py +++ b/python/jittor/test/test_stop_fuse.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 2e1395a9..abb631d5 100644 --- a/python/jittor/test/test_superglue.py +++ b/python/jittor/test/test_superglue.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 68edc20b..61a08c38 100644 --- a/python/jittor/test/test_ternary_op.py +++ b/python/jittor/test/test_ternary_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 8f6e8926..5360ec92 100644 --- a/python/jittor/test/test_trace_var.py +++ b/python/jittor/test/test_trace_var.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 3aeb61da..447ecbfe 100644 --- a/python/jittor/test/test_tracer.py +++ b/python/jittor/test/test_tracer.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 dc2542aa..53a81bce 100644 --- a/python/jittor/test/test_transform.py +++ b/python/jittor/test/test_transform.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. +# Copyright (c) 2023 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 3f8877a2..706fe943 100644 --- a/python/jittor/test/test_transpose_op.py +++ b/python/jittor/test/test_transpose_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 c29b26d1..a8d25515 100644 --- a/python/jittor/test/test_unary_op.py +++ b/python/jittor/test/test_unary_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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_unique.py b/python/jittor/test/test_unique.py index ebb5f941..31953bb7 100644 --- a/python/jittor/test/test_unique.py +++ b/python/jittor/test/test_unique.py @@ -1,6 +1,6 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # Xiangli Li <1905692338@qq.com> diff --git a/python/jittor/test/test_utils.py b/python/jittor/test/test_utils.py index ca77c887..2f634e37 100644 --- a/python/jittor/test/test_utils.py +++ b/python/jittor/test/test_utils.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 293efea6..116df6c7 100644 --- a/python/jittor/test/test_var.py +++ b/python/jittor/test/test_var.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 91f6bed7..2125201a 100644 --- a/python/jittor/test/test_vgg.py +++ b/python/jittor/test/test_vgg.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: # Guoye Yang <498731903@qq.com> # Dun Liang . diff --git a/python/jittor/test/test_weightnorm.py b/python/jittor/test/test_weightnorm.py index 0cd42607..439a7c97 100644 --- a/python/jittor/test/test_weightnorm.py +++ b/python/jittor/test/test_weightnorm.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: # Haoyang Peng <2247838039@qq.com> # Guowei Yang <471184555@qq.com> diff --git a/python/jittor/test/test_where_op.py b/python/jittor/test/test_where_op.py index 0d92f604..20e54691 100644 --- a/python/jittor/test/test_where_op.py +++ b/python/jittor/test/test_where_op.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 924d2c9a..1affa96d 100644 --- a/python/jittor/transform/__init__.py +++ b/python/jittor/transform/__init__.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. +# Copyright (c) 2023 Jittor. # All Rights Reserved. # Maintainers: # Dun Liang . diff --git a/python/jittor/transform/function_pil.py b/python/jittor/transform/function_pil.py index 9bf1b9fb..b26f9551 100644 --- a/python/jittor/transform/function_pil.py +++ b/python/jittor/transform/function_pil.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. +# Copyright (c) 2023 Jittor. # All Rights Reserved. # Maintainers: # Dun Liang . diff --git a/python/jittor/utils/asm_tuner.py b/python/jittor/utils/asm_tuner.py index 88cad9c0..dbece06d 100755 --- a/python/jittor/utils/asm_tuner.py +++ b/python/jittor/utils/asm_tuner.py @@ -1,6 +1,6 @@ #!/usr/bin/python3 # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 1743a73c..73ff8869 100644 --- a/python/jittor/utils/gen_pyi.py +++ b/python/jittor/utils/gen_pyi.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: # Zheng-Ning Liu # diff --git a/python/jittor/utils/jtune.py b/python/jittor/utils/jtune.py index d5a1d4b6..add09922 100755 --- a/python/jittor/utils/jtune.py +++ b/python/jittor/utils/jtune.py @@ -1,6 +1,6 @@ #!/usr/bin/python3 # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 bb4280ab..77867ceb 100644 --- a/python/jittor/utils/nvtx.py +++ b/python/jittor/utils/nvtx.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. +# Copyright (c) 2023 Jittor. # All Rights Reserved. # Maintainers: # Dun Liang . diff --git a/python/jittor/utils/polish.py b/python/jittor/utils/polish.py index 0f77f8b2..301eacf5 100644 --- a/python/jittor/utils/polish.py +++ b/python/jittor/utils/polish.py @@ -1,6 +1,6 @@ #!/usr/bin/python3 # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 8bd0198f..db322065 100644 --- a/python/jittor/utils/polish_centos.py +++ b/python/jittor/utils/polish_centos.py @@ -1,6 +1,6 @@ #!/usr/bin/python3 # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 7c1a4912..6dc24356 100644 --- a/python/jittor/utils/publish.py +++ b/python/jittor/utils/publish.py @@ -1,6 +1,6 @@ #!/usr/bin/python3 # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # diff --git a/python/jittor/utils/pytorch_converter.py b/python/jittor/utils/pytorch_converter.py index 318e191d..2d14d57a 100644 --- a/python/jittor/utils/pytorch_converter.py +++ b/python/jittor/utils/pytorch_converter.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 cb6b94ad..0ca4d134 100644 --- a/python/jittor/utils/tracer.py +++ b/python/jittor/utils/tracer.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # diff --git a/python/jittor_utils/__init__.py b/python/jittor_utils/__init__.py index 28b88442..e5e8d06c 100644 --- a/python/jittor_utils/__init__.py +++ b/python/jittor_utils/__init__.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 69baf334..f3503e2b 100644 --- a/python/jittor_utils/class/setup_env.py +++ b/python/jittor_utils/class/setup_env.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 dabd9b79..bbe028e5 100644 --- a/python/jittor_utils/clean_cache.py +++ b/python/jittor_utils/clean_cache.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 f88bce23..d6b350b9 100644 --- a/python/jittor_utils/install_cuda.py +++ b/python/jittor_utils/install_cuda.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: Dun Liang . # This file is 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 97e20822..bf1a6ba8 100644 --- a/python/jittor_utils/misc.py +++ b/python/jittor_utils/misc.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 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 046c77e7..57f9f389 100644 --- a/python/jittor_utils/ring_buffer.py +++ b/python/jittor_utils/ring_buffer.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . # diff --git a/python/jittor_utils/student_queue.py b/python/jittor_utils/student_queue.py index 57cfdbef..b55e2c1e 100644 --- a/python/jittor_utils/student_queue.py +++ b/python/jittor_utils/student_queue.py @@ -1,5 +1,5 @@ # *************************************************************** -# Copyright (c) 2022 Jittor. All Rights Reserved. +# Copyright (c) 2023 Jittor. All Rights Reserved. # Maintainers: # Dun Liang . #