From 17f569d9d1a2dccd52e1e648ad70ed8b3b8eb1a1 Mon Sep 17 00:00:00 2001 From: Raymond Kim Date: Mon, 2 Dec 2024 18:36:32 +0000 Subject: [PATCH 1/2] #0: Update copyright to 2024 --- CONTRIBUTING.md | 4 ++-- conftest.py | 2 +- docs/source/conf.py | 2 +- docs/source/tt-metalium/conf.py | 2 +- docs/source/tt-metalium/tools/device_program_profiler.rst | 2 +- docs/source/ttnn/conf.py | 2 +- infra/data_collection/cicd.py | 2 +- infra/data_collection/github/utils.py | 2 +- infra/data_collection/github/workflows.py | 2 +- infra/data_collection/junit_xml_utils.py | 2 +- infra/machine_setup/scripts/setup_hugepages.py | 2 +- models/common/lightweightmodule.py | 2 +- models/common/rmsnorm.py | 2 +- models/common/tests/test_rmsnorm.py | 2 +- models/conftest.py | 2 +- models/datasets/dataset_squadv2.py | 2 +- models/datasets/llm_dataset_utils.py | 2 +- models/demos/bert/demo/demo.py | 2 +- models/demos/bert/reference/torch_bert.py | 2 +- models/demos/bert/tests/test_perf_device_bert.py | 2 +- models/demos/bert/tests/test_ttnn_optimized_bert.py | 2 +- models/demos/bert/tt/ttnn_bert.py | 2 +- models/demos/bert/tt/ttnn_optimized_bert.py | 2 +- models/demos/bert/tt/ttnn_optimized_sharded_bert.py | 2 +- models/demos/bert_tiny/demo/demo.py | 2 +- models/demos/bert_tiny/tests/test_performance.py | 2 +- models/demos/bert_tiny/tt/bert_tiny.py | 2 +- models/demos/convnet_mnist/convnet_mnist_preprocessing.py | 2 +- models/demos/convnet_mnist/convnet_mnist_utils.py | 2 +- models/demos/convnet_mnist/demo/demo.py | 2 +- models/demos/convnet_mnist/tests/test_performance.py | 2 +- models/demos/convnet_mnist/tt/convnet_mnist.py | 2 +- models/demos/distilbert/demo/demo.py | 2 +- models/demos/distilbert/distilbert_utils.py | 2 +- models/demos/distilbert/tests/test_perf_distilbert.py | 2 +- models/demos/distilbert/tt/ttnn_optimized_distilbert.py | 2 +- models/demos/falcon7b_common/demo/demo.py | 2 +- models/demos/falcon7b_common/reference/cpu_demo.py | 2 +- .../falcon7b_common/tests/perplexity/run_perplexity_falcon.py | 2 +- .../tests/perplexity/test_perplexity_falcon.py | 2 +- .../tests/perplexity/test_perplexity_falcon_ref.py | 2 +- models/demos/falcon7b_common/tests/run_falcon_end_to_end.py | 2 +- models/demos/falcon7b_common/tests/test_falcon_attention.py | 2 +- models/demos/falcon7b_common/tests/test_falcon_causallm.py | 2 +- models/demos/falcon7b_common/tests/test_falcon_decoder.py | 2 +- models/demos/falcon7b_common/tests/test_falcon_device_perf.py | 2 +- models/demos/falcon7b_common/tests/test_falcon_end_to_end.py | 2 +- models/demos/falcon7b_common/tests/test_falcon_mlp.py | 2 +- models/demos/falcon7b_common/tests/test_falcon_model.py | 2 +- models/demos/falcon7b_common/tests/test_perf_falcon.py | 2 +- models/demos/falcon7b_common/tests/test_utils.py | 2 +- .../tests/unit_tests/test_falcon_attn_matmul.py | 2 +- .../tests/unit_tests/test_falcon_lm_head_matmul_2d.py | 2 +- .../test_falcon_matmuls_and_bmms_with_mixed_precision.py | 2 +- models/demos/falcon7b_common/tt/falcon_attention.py | 2 +- models/demos/falcon7b_common/tt/falcon_causallm.py | 2 +- models/demos/falcon7b_common/tt/falcon_common.py | 2 +- models/demos/falcon7b_common/tt/falcon_decoder.py | 2 +- models/demos/falcon7b_common/tt/falcon_lm_head.py | 2 +- models/demos/falcon7b_common/tt/falcon_mlp.py | 2 +- models/demos/falcon7b_common/tt/falcon_model.py | 2 +- models/demos/falcon7b_common/tt/model_config.py | 2 +- models/demos/falcon7b_common/tt/model_utils.py | 2 +- models/demos/grayskull/falcon7b/demo_grayskull.py | 2 +- models/demos/grayskull/functional_bloom/dataset_utils.py | 2 +- .../demos/grayskull/functional_bloom/demo/demo_causal_lm.py | 2 +- models/demos/grayskull/functional_bloom/demo/demo_qa.py | 2 +- .../functional_bloom/reference/torch_functional_bloom.py | 2 +- .../grayskull/functional_bloom/tt/ttnn_functional_bloom.py | 2 +- .../functional_bloom/tt/ttnn_optimized_functional_bloom.py | 2 +- models/demos/grayskull/t5/demo/conditional_generation_demo.py | 2 +- models/demos/grayskull/t5/demo/question_answering_demo.py | 2 +- models/demos/grayskull/t5/reference/torch_functional_t5.py | 2 +- models/demos/grayskull/t5/test_demo.py | 2 +- models/demos/grayskull/t5/tt/ttnn_functional_t5.py | 2 +- models/demos/grayskull/t5/tt/ttnn_optimized_functional_t5.py | 2 +- .../grayskull/vit/demo/demo_vit_ttnn_imagenet_inference.py | 2 +- .../grayskull/vit/demo/demo_vit_ttnn_inference_device_OPs.py | 2 +- .../grayskull/vit/demo/demo_vit_ttnn_inference_throughput.py | 2 +- models/demos/llama3/demo/demo.py | 2 +- models/demos/llama3/demo/multimodal_demo_chat.py | 2 +- models/demos/llama3/demo/multimodal_demo_text.py | 2 +- models/demos/llama3/demo/simple_vision_demo.py | 2 +- models/demos/llama3/scripts/op_perf_results.py | 2 +- models/demos/llama3/scripts/repack_weights.py | 2 +- models/demos/llama3/scripts/repack_weights_70b.py | 2 +- models/demos/llama3/tests/conftest.py | 2 +- models/demos/llama3/tests/generate_reference_outputs.py | 2 +- .../llama3/tests/multimodal/test_llama_class_embedding.py | 2 +- .../demos/llama3/tests/multimodal/test_llama_conv2d_patch.py | 2 +- .../llama3/tests/multimodal/test_llama_cross_attention.py | 2 +- .../multimodal/test_llama_cross_attention_transformer_text.py | 2 +- .../test_llama_cross_attention_transformer_vision.py | 2 +- .../demos/llama3/tests/multimodal/test_llama_cross_block.py | 2 +- .../llama3/tests/multimodal/test_llama_image_attention.py | 2 +- .../demos/llama3/tests/multimodal/test_llama_image_block.py | 2 +- models/demos/llama3/tests/multimodal/test_llama_image_mlp.py | 2 +- .../llama3/tests/multimodal/test_llama_image_transformer.py | 2 +- models/demos/llama3/tests/multimodal/test_llama_layernorm.py | 2 +- .../tests/multimodal/test_llama_positional_embedding.py | 2 +- .../tests/multimodal/test_llama_tile_position_embedding.py | 2 +- .../llama3/tests/multimodal/test_llama_vision_encoder.py | 2 +- .../demos/llama3/tests/multimodal/test_llama_vision_model.py | 2 +- models/demos/llama3/tests/test_interleaved_to_sharded.py | 2 +- models/demos/llama3/tests/test_llama_accuracy.py | 2 +- models/demos/llama3/tests/test_llama_attention.py | 2 +- models/demos/llama3/tests/test_llama_attention_prefill.py | 2 +- models/demos/llama3/tests/test_llama_ci_dispatch.py | 2 +- models/demos/llama3/tests/test_llama_decoder.py | 2 +- models/demos/llama3/tests/test_llama_decoder_prefill.py | 2 +- models/demos/llama3/tests/test_llama_embedding.py | 2 +- models/demos/llama3/tests/test_llama_mlp.py | 2 +- models/demos/llama3/tests/test_llama_model.py | 2 +- models/demos/llama3/tests/test_llama_model_prefill.py | 2 +- models/demos/llama3/tests/test_llama_perf.py | 2 +- models/demos/llama3/tests/test_llama_rms_norm.py | 2 +- models/demos/llama3/tests/test_llama_torch.py | 2 +- models/demos/llama3/tests/test_lm_head.py | 2 +- models/demos/llama3/tt/distributed_norm.py | 2 +- models/demos/llama3/tt/llama_attention.py | 2 +- models/demos/llama3/tt/llama_common.py | 2 +- models/demos/llama3/tt/llama_decoder.py | 2 +- models/demos/llama3/tt/llama_embedding.py | 2 +- models/demos/llama3/tt/llama_mlp.py | 2 +- models/demos/llama3/tt/llama_model.py | 2 +- models/demos/llama3/tt/lm_head.py | 2 +- models/demos/llama3/tt/model_config.py | 2 +- models/demos/llama3/tt/multimodal/llama_class_embedding.py | 2 +- models/demos/llama3/tt/multimodal/llama_conv2d_patch.py | 2 +- models/demos/llama3/tt/multimodal/llama_cross_attention.py | 2 +- .../tt/multimodal/llama_cross_attention_transformer_text.py | 2 +- .../tt/multimodal/llama_cross_attention_transformer_vision.py | 2 +- models/demos/llama3/tt/multimodal/llama_cross_block.py | 2 +- models/demos/llama3/tt/multimodal/llama_image_attention.py | 2 +- models/demos/llama3/tt/multimodal/llama_image_block.py | 2 +- models/demos/llama3/tt/multimodal/llama_image_mlp.py | 2 +- models/demos/llama3/tt/multimodal/llama_image_transformer.py | 2 +- models/demos/llama3/tt/multimodal/llama_layernorm.py | 2 +- .../demos/llama3/tt/multimodal/llama_positional_embedding.py | 2 +- .../llama3/tt/multimodal/llama_tile_position_embedding.py | 2 +- models/demos/llama3/tt/multimodal/llama_vision_encoder.py | 2 +- models/demos/metal_BERT_large_11/demo/demo.py | 2 +- models/demos/metal_BERT_large_11/tests/test_bert.py | 2 +- .../demos/metal_BERT_large_11/tests/test_bert_batch_dram.py | 2 +- models/demos/metal_BERT_large_11/tests/test_bert_encoder.py | 2 +- models/demos/metal_BERT_large_11/tests/test_demo.py | 2 +- models/demos/metal_BERT_large_11/tests/test_ffn.py | 2 +- models/demos/metal_BERT_large_11/tests/test_mha.py | 2 +- models/demos/metal_BERT_large_11/tests/test_perf_bert11.py | 2 +- .../demos/metal_BERT_large_11/tests/test_perf_device_bert.py | 2 +- models/demos/metal_BERT_large_11/tt/bert_encoder.py | 2 +- models/demos/metal_BERT_large_11/tt/bert_model.py | 2 +- models/demos/metal_BERT_large_11/tt/embeddings.py | 2 +- models/demos/metal_BERT_large_11/tt/ffn.py | 2 +- models/demos/metal_BERT_large_11/tt/mha.py | 2 +- models/demos/metal_BERT_large_11/tt/model_config.py | 2 +- models/demos/mnist/demo/demo.py | 2 +- models/demos/mnist/reference/mnist.py | 2 +- models/demos/mnist/tests/test_perf_mnist.py | 2 +- models/demos/mnist/tt/tt_mnist.py | 2 +- models/demos/qwen/demo/demo.py | 2 +- models/demos/qwen/reference/model.py | 2 +- models/demos/qwen/reference/tokenizer.py | 2 +- models/demos/qwen/scripts/get_weights.py | 2 +- models/demos/qwen/tests/conftest.py | 2 +- models/demos/qwen/tests/test_lm_head.py | 2 +- models/demos/qwen/tests/test_qwen_attention.py | 2 +- models/demos/qwen/tests/test_qwen_decoder.py | 2 +- models/demos/qwen/tests/test_qwen_embedding.py | 2 +- models/demos/qwen/tests/test_qwen_mlp.py | 2 +- models/demos/qwen/tests/test_qwen_model.py | 2 +- models/demos/qwen/tests/test_qwen_perf.py | 2 +- models/demos/qwen/tests/test_qwen_rms_norm.py | 2 +- models/demos/qwen/tt/distributed_norm.py | 2 +- models/demos/qwen/tt/lm_head.py | 2 +- models/demos/qwen/tt/model_config.py | 2 +- models/demos/qwen/tt/qwen_attention.py | 2 +- models/demos/qwen/tt/qwen_common.py | 2 +- models/demos/qwen/tt/qwen_decoder.py | 2 +- models/demos/qwen/tt/qwen_embedding.py | 2 +- models/demos/qwen/tt/qwen_mlp.py | 2 +- models/demos/qwen/tt/qwen_model.py | 2 +- models/demos/segformer/reference/segformer_attention.py | 2 +- models/demos/segformer/reference/segformer_decode_head.py | 2 +- models/demos/segformer/reference/segformer_dwconv.py | 2 +- .../segformer/reference/segformer_efficient_selfattention.py | 2 +- models/demos/segformer/reference/segformer_encoder.py | 2 +- .../reference/segformer_for_semantic_segmentation.py | 2 +- models/demos/segformer/reference/segformer_layer.py | 2 +- models/demos/segformer/reference/segformer_mixffn.py | 2 +- models/demos/segformer/reference/segformer_mlp.py | 2 +- models/demos/segformer/reference/segformer_model.py | 2 +- .../segformer/reference/segformer_overlap_patch_embeddings.py | 2 +- models/demos/segformer/reference/segformer_selfoutput.py | 2 +- models/demos/segformer/tt/common.py | 2 +- models/demos/segformer/tt/ttnn_segformer_attention.py | 2 +- models/demos/segformer/tt/ttnn_segformer_decode_head.py | 2 +- models/demos/segformer/tt/ttnn_segformer_dwconv.py | 2 +- .../segformer/tt/ttnn_segformer_efficient_selfattention.py | 2 +- models/demos/segformer/tt/ttnn_segformer_encoder.py | 2 +- .../segformer/tt/ttnn_segformer_for_semantic_segmentation.py | 2 +- models/demos/segformer/tt/ttnn_segformer_layer.py | 2 +- models/demos/segformer/tt/ttnn_segformer_mix_ffn.py | 2 +- models/demos/segformer/tt/ttnn_segformer_mlp.py | 2 +- models/demos/segformer/tt/ttnn_segformer_model.py | 2 +- .../segformer/tt/ttnn_segformer_overlap_patch_embeddings.py | 2 +- models/demos/segformer/tt/ttnn_segformer_selfoutput.py | 2 +- models/demos/t3000/falcon40b/demo/demo.py | 2 +- models/demos/t3000/falcon40b/reference/cpu_demo.py | 2 +- .../t3000/falcon40b/reference/hf_configuration_falcon.py | 2 +- models/demos/t3000/falcon40b/reference/hf_modeling_falcon.py | 2 +- .../t3000/falcon40b/scripts/get_falcon40b_perf_numbers.sh | 2 +- models/demos/t3000/falcon40b/scripts/git_bisect.sh | 2 +- .../tests/ci/test_falcon_end_to_end_1_layer_t3000.py | 2 +- .../test_falcon_end_to_end_60_layer_t3000_prefill_10_loops.py | 2 +- models/demos/t3000/falcon40b/tests/test_falcon_attention.py | 2 +- models/demos/t3000/falcon40b/tests/test_falcon_causallm.py | 2 +- models/demos/t3000/falcon40b/tests/test_falcon_decoder.py | 2 +- models/demos/t3000/falcon40b/tests/test_falcon_end_to_end.py | 2 +- models/demos/t3000/falcon40b/tests/test_falcon_mlp.py | 2 +- models/demos/t3000/falcon40b/tests/test_falcon_model.py | 2 +- .../t3000/falcon40b/tests/test_falcon_model_single_chip.py | 2 +- .../t3000/falcon40b/tests/test_falcon_prefill_determinism.py | 2 +- models/demos/t3000/falcon40b/tests/test_perf_falcon.py | 2 +- models/demos/t3000/falcon40b/tests/test_perplexity_falcon.py | 2 +- .../distributed_layernorm_pytorch_references.py | 2 +- .../distributed_layernorm/test_distributed_layernorm.py | 2 +- .../distributed_layernorm/test_distributed_layernorm_dlnp1.py | 2 +- .../tests/unit_tests/layernorm/test_falcon_layernorm.py | 2 +- .../tests/unit_tests/layernorm/test_fused_falcon_layernorm.py | 2 +- models/demos/t3000/falcon40b/tt/falcon_attention.py | 2 +- models/demos/t3000/falcon40b/tt/falcon_causallm.py | 2 +- models/demos/t3000/falcon40b/tt/falcon_common.py | 2 +- models/demos/t3000/falcon40b/tt/falcon_decoder.py | 2 +- models/demos/t3000/falcon40b/tt/falcon_embeddings.py | 2 +- models/demos/t3000/falcon40b/tt/falcon_mlp.py | 2 +- models/demos/t3000/falcon40b/tt/falcon_model.py | 2 +- models/demos/t3000/falcon40b/tt/model_config.py | 2 +- models/demos/t3000/falcon40b/tt/model_utils.py | 2 +- models/demos/t3000/falcon7b/demo_t3000.py | 2 +- models/demos/t3000/llama2_70b/demo/demo.py | 2 +- .../demos/t3000/llama2_70b/demo/demo_continuous_batching.py | 2 +- .../demo/demo_continuous_batching_paged_attention.py | 2 +- models/demos/t3000/llama2_70b/demo/eval.py | 2 +- models/demos/t3000/llama2_70b/demo/eval_t3000.py | 2 +- models/demos/t3000/llama2_70b/scripts/metal_perf_util.py | 2 +- models/demos/t3000/llama2_70b/scripts/model_config_n150.py | 2 +- models/demos/t3000/llama2_70b/scripts/repack_weights.py | 2 +- models/demos/t3000/llama2_70b/tests/perf/ivan_ff.py | 2 +- models/demos/t3000/llama2_70b/tests/perf/test_bmm.py | 2 +- models/demos/t3000/llama2_70b/tests/perf/test_ff1.py | 2 +- .../t3000/llama2_70b/tests/perf/test_llama_matmul_perf.py | 2 +- models/demos/t3000/llama2_70b/tests/test_llama_attention.py | 2 +- .../t3000/llama2_70b/tests/test_llama_attention_t3000.py | 2 +- models/demos/t3000/llama2_70b/tests/test_llama_decoder.py | 2 +- .../demos/t3000/llama2_70b/tests/test_llama_decoder_t3000.py | 2 +- models/demos/t3000/llama2_70b/tests/test_llama_generation.py | 2 +- models/demos/t3000/llama2_70b/tests/test_llama_mlp.py | 2 +- models/demos/t3000/llama2_70b/tests/test_llama_mlp_t3000.py | 2 +- models/demos/t3000/llama2_70b/tests/test_llama_model.py | 2 +- models/demos/t3000/llama2_70b/tests/test_llama_model_t3000.py | 2 +- models/demos/t3000/llama2_70b/tests/test_llama_perf.py | 2 +- models/demos/t3000/llama2_70b/tests/test_llama_perf_decode.py | 2 +- models/demos/t3000/llama2_70b/tests/test_llama_stress_test.py | 2 +- .../demos/t3000/llama2_70b/tests/unit_tests/test_attn_sdpa.py | 2 +- .../demos/t3000/llama2_70b/tests/unit_tests/test_kv_update.py | 2 +- .../t3000/llama2_70b/tests/unit_tests/test_nlp_concat_head.py | 2 +- .../t3000/llama2_70b/tests/unit_tests/test_nlp_create_head.py | 2 +- .../t3000/llama2_70b/tests/unit_tests/test_qkv_matmul.py | 2 +- .../t3000/llama2_70b/tests/unit_tests/test_reshape_rotary.py | 2 +- .../llama2_70b/tests/unit_tests/test_reshape_rotary_v2.py | 2 +- .../demos/t3000/llama2_70b/tests/unit_tests/test_rmsnorm.py | 2 +- .../tests/unit_tests/test_rotary_embedding_llama.py | 2 +- .../t3000/llama2_70b/tests/unit_tests/test_rotary_matmul.py | 2 +- models/demos/t3000/llama2_70b/tt/llama_attention_optimized.py | 2 +- models/demos/t3000/llama2_70b/tt/llama_common.py | 2 +- models/demos/t3000/llama2_70b/tt/llama_decoder_optimized.py | 2 +- models/demos/t3000/llama2_70b/tt/llama_embedding.py | 2 +- models/demos/t3000/llama2_70b/tt/llama_generation.py | 2 +- models/demos/t3000/llama2_70b/tt/llama_mlp_optimized.py | 2 +- models/demos/t3000/llama2_70b/tt/llama_model_optimized.py | 2 +- models/demos/t3000/llama2_70b/tt/model_config.py | 2 +- models/demos/t3000/llama3_70b/demo/demo.py | 2 +- models/demos/t3000/mixtral8x7b/demo/demo.py | 2 +- models/demos/t3000/mixtral8x7b/demo/demo_with_prefill.py | 2 +- models/demos/t3000/mixtral8x7b/reference/demo_ref.py | 2 +- models/demos/t3000/mixtral8x7b/reference/model.py | 2 +- models/demos/t3000/mixtral8x7b/reference/moe.py | 2 +- models/demos/t3000/mixtral8x7b/reference/run_ref.py | 2 +- models/demos/t3000/mixtral8x7b/reference/tokenizer.py | 2 +- models/demos/t3000/mixtral8x7b/scripts/op_perf_results.py | 2 +- models/demos/t3000/mixtral8x7b/scripts/repack_weights.py | 2 +- models/demos/t3000/mixtral8x7b/tests/test_dummy_weights.py | 2 +- .../demos/t3000/mixtral8x7b/tests/test_mixtral_attention.py | 2 +- .../t3000/mixtral8x7b/tests/test_mixtral_attention_prefill.py | 2 +- models/demos/t3000/mixtral8x7b/tests/test_mixtral_decoder.py | 2 +- .../t3000/mixtral8x7b/tests/test_mixtral_decoder_prefill.py | 2 +- .../demos/t3000/mixtral8x7b/tests/test_mixtral_embedding.py | 2 +- models/demos/t3000/mixtral8x7b/tests/test_mixtral_mlp.py | 2 +- .../demos/t3000/mixtral8x7b/tests/test_mixtral_mlp_prefill.py | 2 +- models/demos/t3000/mixtral8x7b/tests/test_mixtral_model.py | 2 +- .../t3000/mixtral8x7b/tests/test_mixtral_model_prefill.py | 2 +- models/demos/t3000/mixtral8x7b/tests/test_mixtral_moe.py | 2 +- .../demos/t3000/mixtral8x7b/tests/test_mixtral_moe_prefill.py | 2 +- models/demos/t3000/mixtral8x7b/tests/test_mixtral_perf.py | 2 +- .../demos/t3000/mixtral8x7b/tests/test_mixtral_perplexity.py | 2 +- models/demos/t3000/mixtral8x7b/tests/test_mixtral_rms_norm.py | 2 +- models/demos/t3000/mixtral8x7b/tests/test_mixtral_topk.py | 2 +- models/demos/t3000/mixtral8x7b/tt/mixtral_attention.py | 2 +- models/demos/t3000/mixtral8x7b/tt/mixtral_common.py | 2 +- models/demos/t3000/mixtral8x7b/tt/mixtral_decoder.py | 2 +- models/demos/t3000/mixtral8x7b/tt/mixtral_embedding.py | 2 +- models/demos/t3000/mixtral8x7b/tt/mixtral_mlp.py | 2 +- models/demos/t3000/mixtral8x7b/tt/mixtral_model.py | 2 +- models/demos/t3000/mixtral8x7b/tt/mixtral_moe.py | 2 +- models/demos/t3000/mixtral8x7b/tt/model_config.py | 2 +- models/demos/tg/falcon7b/demo_tg.py | 2 +- models/demos/tg/llama3_70b/demo/demo.py | 2 +- .../demos/tg/llama3_70b/tests/test_llama_attention_galaxy.py | 2 +- models/demos/tg/llama3_70b/tests/test_llama_decoder_galaxy.py | 2 +- models/demos/tg/llama3_70b/tests/test_llama_demo_nightly.py | 2 +- models/demos/tg/llama3_70b/tests/test_llama_mlp_galaxy.py | 2 +- models/demos/tg/llama3_70b/tests/test_llama_model_galaxy.py | 2 +- .../demos/tg/llama3_70b/tests/test_llama_model_galaxy_ci.py | 2 +- models/demos/tg/llama3_70b/tests/test_llama_perf.py | 2 +- models/demos/tg/llama3_70b/tt/llama_attention_galaxy.py | 2 +- models/demos/tg/llama3_70b/tt/llama_common.py | 2 +- models/demos/tg/llama3_70b/tt/llama_decoder_galaxy.py | 2 +- models/demos/tg/llama3_70b/tt/llama_embedding_galaxy.py | 2 +- models/demos/tg/llama3_70b/tt/llama_generation_galaxy.py | 2 +- models/demos/tg/llama3_70b/tt/llama_mlp_galaxy.py | 2 +- models/demos/tg/llama3_70b/tt/llama_model_galaxy.py | 2 +- models/demos/ttnn_falcon7b/demo/demo.py | 2 +- .../ttnn_falcon7b/tests/multi_chip/test_falcon_attention.py | 2 +- .../ttnn_falcon7b/tests/multi_chip/test_falcon_causallm.py | 2 +- .../ttnn_falcon7b/tests/multi_chip/test_falcon_decoder.py | 2 +- .../demos/ttnn_falcon7b/tests/multi_chip/test_falcon_mlp.py | 2 +- .../demos/ttnn_falcon7b/tests/multi_chip/test_falcon_model.py | 2 +- models/demos/ttnn_falcon7b/tests/test_demo.py | 2 +- models/demos/ttnn_falcon7b/tests/test_falcon_attention.py | 2 +- models/demos/ttnn_falcon7b/tests/test_falcon_causallm.py | 2 +- models/demos/ttnn_falcon7b/tests/test_falcon_decoder.py | 2 +- models/demos/ttnn_falcon7b/tests/test_falcon_mlp.py | 2 +- models/demos/ttnn_falcon7b/tests/test_falcon_model.py | 2 +- .../demos/ttnn_falcon7b/tests/test_falcon_rotary_embedding.py | 2 +- models/demos/ttnn_falcon7b/tests/test_metal_falcon.py | 2 +- models/demos/ttnn_falcon7b/tests/test_perf_device_falcon.py | 2 +- models/demos/ttnn_falcon7b/tests/test_perf_falcon.py | 2 +- models/demos/ttnn_falcon7b/tt/__init__.py | 2 +- models/demos/ttnn_falcon7b/tt/common.py | 2 +- models/demos/ttnn_falcon7b/tt/falcon_attention.py | 2 +- models/demos/ttnn_falcon7b/tt/falcon_causallm.py | 2 +- models/demos/ttnn_falcon7b/tt/falcon_decoder.py | 2 +- models/demos/ttnn_falcon7b/tt/falcon_mlp.py | 2 +- models/demos/ttnn_falcon7b/tt/falcon_model.py | 2 +- models/demos/ttnn_falcon7b/tt/falcon_rotary_embedding.py | 2 +- models/demos/ttnn_falcon7b/tt/model_config.py | 2 +- models/demos/ttnn_resnet/tests/demo_utils.py | 2 +- .../tt/ttnn_functional_resnet50_large_new_conv_api.py | 2 +- .../ttnn_resnet/tt/ttnn_functional_resnet50_model_utils.py | 2 +- .../tt/ttnn_functional_resnet50_xlarge_new_conv_api.py | 2 +- .../tt/ttnn_functional_resnet50_xlarge_new_conv_api_24.py | 2 +- .../tt/ttnn_functional_resnet50_xxlarge_new_conv_api.py | 2 +- models/demos/utils/llm_demo_utils.py | 2 +- models/demos/vgg/demo/demo.py | 2 +- models/demos/vgg/demo_utils.py | 2 +- models/demos/vgg/tests/test_perf_vgg.py | 2 +- models/demos/vgg/tt/ttnn_vgg.py | 2 +- models/demos/wormhole/bert_tiny/demo/demo.py | 2 +- models/demos/wormhole/bert_tiny/tests/test_performance.py | 2 +- models/demos/wormhole/bert_tiny/tt/bert_tiny.py | 2 +- models/demos/wormhole/falcon7b/demo_wormhole.py | 2 +- models/demos/wormhole/mamba/benchmarks/lm_harness_eval.py | 2 +- models/demos/wormhole/mamba/benchmarks/loglikelihood.py | 2 +- models/demos/wormhole/mamba/demo/demo.py | 2 +- models/demos/wormhole/mamba/reference/args.py | 2 +- models/demos/wormhole/mamba/reference/decode_model.py | 2 +- models/demos/wormhole/mamba/reference/model.py | 2 +- models/demos/wormhole/mamba/reference/prefill_decode_model.py | 2 +- models/demos/wormhole/mamba/tests/test_benchmarks.py | 2 +- models/demos/wormhole/mamba/tests/test_mamba_block.py | 2 +- models/demos/wormhole/mamba/tests/test_mamba_conv.py | 2 +- models/demos/wormhole/mamba/tests/test_mamba_demo.py | 2 +- models/demos/wormhole/mamba/tests/test_mamba_model.py | 2 +- models/demos/wormhole/mamba/tests/test_mamba_perf.py | 2 +- models/demos/wormhole/mamba/tests/test_mamba_ssm.py | 2 +- models/demos/wormhole/mamba/tests/test_reference_model.py | 2 +- models/demos/wormhole/mamba/tests/test_residual_block.py | 2 +- models/demos/wormhole/mamba/tt/mamba_block.py | 2 +- models/demos/wormhole/mamba/tt/mamba_conv.py | 2 +- models/demos/wormhole/mamba/tt/mamba_model.py | 2 +- models/demos/wormhole/mamba/tt/mamba_ssm.py | 2 +- models/demos/wormhole/mamba/tt/model_config.py | 2 +- models/demos/wormhole/mamba/tt/residual_block.py | 2 +- models/demos/wormhole/mistral7b/demo/demo.py | 2 +- models/demos/wormhole/mistral7b/demo/demo_with_prefill.py | 2 +- models/demos/wormhole/mistral7b/reference/model.py | 2 +- models/demos/wormhole/mistral7b/reference/tokenizer.py | 2 +- .../demos/wormhole/mistral7b/scripts/get_mistral_weights.py | 2 +- .../demos/wormhole/mistral7b/tests/test_mistral_attention.py | 2 +- .../mistral7b/tests/test_mistral_attention_prefill.py | 2 +- models/demos/wormhole/mistral7b/tests/test_mistral_decoder.py | 2 +- .../wormhole/mistral7b/tests/test_mistral_decoder_prefill.py | 2 +- .../demos/wormhole/mistral7b/tests/test_mistral_embedding.py | 2 +- models/demos/wormhole/mistral7b/tests/test_mistral_mlp.py | 2 +- models/demos/wormhole/mistral7b/tests/test_mistral_model.py | 2 +- .../wormhole/mistral7b/tests/test_mistral_model_prefill.py | 2 +- models/demos/wormhole/mistral7b/tests/test_mistral_perf.py | 2 +- .../demos/wormhole/mistral7b/tests/test_mistral_rms_norm.py | 2 +- models/demos/wormhole/mistral7b/tests/test_mistral_torch.py | 2 +- models/demos/wormhole/mistral7b/tt/generate.py | 2 +- models/demos/wormhole/mistral7b/tt/mistral_attention.py | 2 +- models/demos/wormhole/mistral7b/tt/mistral_common.py | 2 +- models/demos/wormhole/mistral7b/tt/mistral_decoder.py | 2 +- models/demos/wormhole/mistral7b/tt/mistral_embedding.py | 2 +- models/demos/wormhole/mistral7b/tt/mistral_mlp.py | 2 +- models/demos/wormhole/mistral7b/tt/mistral_model.py | 2 +- models/demos/wormhole/mistral7b/tt/model_config.py | 2 +- .../demos/wormhole/stable_diffusion/custom_preprocessing.py | 2 +- models/demos/wormhole/stable_diffusion/demo/demo.py | 2 +- .../wormhole/stable_diffusion/demo/web_demo/flaskserver.py | 2 +- .../demos/wormhole/stable_diffusion/demo/web_demo/sdserver.py | 2 +- .../wormhole/stable_diffusion/demo/web_demo/streamlit_app.py | 2 +- .../demos/wormhole/stable_diffusion/demo/web_demo/web_demo.py | 2 +- models/demos/wormhole/stable_diffusion/sd_helper_funcs.py | 2 +- models/demos/wormhole/stable_diffusion/sd_pndm_scheduler.py | 2 +- .../wormhole/stable_diffusion/test_multiple_iterations.py | 2 +- .../tt/ttnn_functional_basic_transformer_block.py | 2 +- .../stable_diffusion/tt/ttnn_functional_cross_attention.py | 2 +- .../ttnn_functional_cross_attention_down_block_2d_new_conv.py | 2 +- .../tt/ttnn_functional_cross_attn_upblock_new_conv.py | 2 +- .../stable_diffusion/tt/ttnn_functional_downblock_2d.py | 2 +- .../tt/ttnn_functional_downblock_2d_new_conv.py | 2 +- .../tt/ttnn_functional_downsample_2d_new_conv.py | 2 +- .../stable_diffusion/tt/ttnn_functional_embeddings.py | 2 +- .../stable_diffusion/tt/ttnn_functional_feedforward.py | 2 +- .../wormhole/stable_diffusion/tt/ttnn_functional_geglu.py | 2 +- .../tt/ttnn_functional_resnetblock2d_new_conv.py | 2 +- .../tt/ttnn_functional_transformer_2d_new_conv.py | 2 +- .../tt/ttnn_functional_unet_2d_condition_model_new_conv.py | 2 +- .../ttnn_functional_unet_mid_block_2d_cross_attn_new_conv.py | 2 +- .../stable_diffusion/tt/ttnn_functional_upblock_2d.py | 2 +- .../tt/ttnn_functional_upblock_2d_new_conv.py | 2 +- .../tt/ttnn_functional_upsample_2d_new_conv.py | 2 +- .../tt/ttnn_functional_upsample_nearest_2d.py | 2 +- .../stable_diffusion/tt/ttnn_functional_utility_functions.py | 2 +- .../wormhole/vit/demo/demo_vit_ttnn_imagenet_inference.py | 2 +- .../wormhole/vit/demo/demo_vit_ttnn_inference_device_OPs.py | 2 +- .../vit/demo/demo_vit_ttnn_inference_perf_e2e_2cq_trace.py | 2 +- .../wormhole/vit/demo/demo_vit_ttnn_inference_throughput.py | 2 +- models/demos/yolov4/demo/demo.py | 2 +- models/demos/yolov4/reference/downsample1.py | 2 +- models/demos/yolov4/reference/downsample2.py | 2 +- models/demos/yolov4/reference/downsample3.py | 2 +- models/demos/yolov4/reference/downsample4.py | 2 +- models/demos/yolov4/reference/downsample5.py | 2 +- models/demos/yolov4/reference/head.py | 2 +- models/demos/yolov4/reference/neck.py | 2 +- models/demos/yolov4/reference/resblock.py | 2 +- models/demos/yolov4/reference/yolov4.py | 2 +- models/demos/yolov4/reference/yolov4_summary.py | 2 +- models/demos/yolov4/ttnn/common.py | 2 +- models/demos/yolov4/ttnn/downsample1.py | 2 +- models/demos/yolov4/ttnn/downsample2.py | 2 +- models/demos/yolov4/ttnn/downsample3.py | 2 +- models/demos/yolov4/ttnn/downsample4.py | 2 +- models/demos/yolov4/ttnn/downsample5.py | 2 +- models/demos/yolov4/ttnn/head.py | 2 +- models/demos/yolov4/ttnn/neck.py | 2 +- models/demos/yolov4/ttnn/yolov4.py | 2 +- models/demos/yolov4/web_demo/server/fast_api_yolov4.py | 2 +- models/experimental/bert/fused_ops/add_and_norm.py | 2 +- models/experimental/bert/fused_ops/layernorm.py | 2 +- models/experimental/bert/fused_ops/linear.py | 2 +- models/experimental/bert/tests/test_bert.py | 2 +- models/experimental/bert/tt/add_and_norm.py | 2 +- models/experimental/bert/tt/bert_encoder.py | 2 +- models/experimental/bert/tt/embeddings.py | 2 +- models/experimental/bert/tt/ffn.py | 2 +- models/experimental/bert/tt/mha.py | 2 +- models/experimental/bert_large_perf/fused_ops/add_and_norm.py | 2 +- models/experimental/bert_large_perf/fused_ops/layernorm.py | 2 +- models/experimental/bert_large_perf/fused_ops/linear.py | 2 +- .../experimental/bert_large_perf/tests/test_baseline_perf.py | 2 +- .../bert_large_perf/tests/test_bert_batch_dram.py | 2 +- .../bert_large_perf/tests/test_bert_const_prop.py | 2 +- .../bert_large_perf/tests/test_bert_loop_the_model.py | 2 +- .../bert_large_perf/tests/test_bert_sample_qas.py | 2 +- models/experimental/bert_large_perf/tt/add_and_norm.py | 2 +- models/experimental/bert_large_perf/tt/bert_encoder.py | 2 +- models/experimental/bert_large_perf/tt/embeddings.py | 2 +- models/experimental/bert_large_perf/tt/ffn.py | 2 +- models/experimental/bert_large_perf/tt/mha.py | 2 +- .../unit_tests/fused_ops/test_bert_large_fused_ln.py | 2 +- .../unit_tests/fused_ops/test_bert_large_fused_softmax.py | 2 +- .../unit_tests/test_bert_large_concatenate_heads.py | 2 +- .../unit_tests/test_bert_large_ff1_matmul.py | 2 +- .../unit_tests/test_bert_large_ff2_matmul.py | 2 +- .../unit_tests/test_bert_large_fused_qkv_matmul.py | 2 +- .../test_bert_large_matmuls_and_bmms_with_mixed_precision.py | 2 +- .../unit_tests/test_bert_large_post_softmax_bmm.py | 2 +- .../unit_tests/test_bert_large_pre_softmax_bmm.py | 2 +- .../unit_tests/test_bert_large_selfout_matmul.py | 2 +- .../test_bert_large_split_and_transform_qkv_heads.py | 2 +- .../test_bert_large_split_query_key_value_and_split_heads.py | 2 +- ...ert_large_split_query_key_value_and_split_heads_sharded.py | 2 +- models/experimental/bert_tiny/bert_tiny_helper_funcs.py | 2 +- models/experimental/bert_tiny/tests/test_bert.py | 2 +- models/experimental/bert_tiny/tests/test_bert_attention.py | 2 +- models/experimental/bert_tiny/tests/test_bert_encoder.py | 2 +- models/experimental/bert_tiny/tests/test_bert_intermediate.py | 2 +- models/experimental/bert_tiny/tests/test_bert_layer.py | 2 +- models/experimental/bert_tiny/tests/test_bert_output.py | 2 +- models/experimental/bert_tiny/tests/test_bert_qa.py | 2 +- .../experimental/bert_tiny/tests/test_bert_self_attention.py | 2 +- models/experimental/bert_tiny/tt/bert.py | 2 +- models/experimental/bert_tiny/tt/bert_attention.py | 2 +- models/experimental/bert_tiny/tt/bert_encoder.py | 2 +- .../experimental/bert_tiny/tt/bert_for_question_answering.py | 2 +- models/experimental/bert_tiny/tt/bert_intermediate.py | 2 +- models/experimental/bert_tiny/tt/bert_layer.py | 2 +- models/experimental/bert_tiny/tt/bert_output.py | 2 +- models/experimental/bert_tiny/tt/bert_self_attention.py | 2 +- models/experimental/blazepose/demo/blazebase.py | 2 +- models/experimental/blazepose/demo/blazepose.py | 2 +- models/experimental/blazepose/demo/blazepose_demo.py | 2 +- models/experimental/blazepose/demo/blazepose_landmark.py | 2 +- models/experimental/blazepose/visualization.py | 2 +- models/experimental/bloom/bloom_utils.py | 2 +- models/experimental/bloom/dataset_utils.py | 2 +- models/experimental/bloom/demo/gs_demo_for_causalLM.py | 2 +- models/experimental/bloom/demo/gs_demo_for_qa.py | 2 +- models/experimental/bloom/tests/test_baddbmm.py | 2 +- models/experimental/bloom/tests/test_bloom_attention.py | 2 +- models/experimental/bloom/tests/test_bloom_block.py | 2 +- models/experimental/bloom/tests/test_bloom_causal_lm.py | 2 +- models/experimental/bloom/tests/test_bloom_gelu_forward.py | 2 +- models/experimental/bloom/tests/test_bloom_generation.py | 2 +- models/experimental/bloom/tests/test_bloom_merge_heads.py | 2 +- models/experimental/bloom/tests/test_bloom_mlp.py | 2 +- models/experimental/bloom/tests/test_bloom_model.py | 2 +- models/experimental/bloom/tests/test_perf_bloom.py | 2 +- models/experimental/bloom/tt/baddbmm.py | 2 +- models/experimental/bloom/tt/bloom_attention.py | 2 +- models/experimental/bloom/tt/bloom_block.py | 2 +- models/experimental/bloom/tt/bloom_causal_lm.py | 2 +- models/experimental/bloom/tt/bloom_gelu_forward.py | 2 +- models/experimental/bloom/tt/bloom_merge_heads.py | 2 +- models/experimental/bloom/tt/bloom_mlp.py | 2 +- models/experimental/bloom/tt/bloom_model.py | 2 +- models/experimental/bloom/tt/bloom_qa.py | 2 +- models/experimental/bloom_old/bloom_utils.py | 2 +- models/experimental/bloom_old/tests/test_baddbmm.py | 2 +- models/experimental/bloom_old/tests/test_bloom_attention.py | 2 +- models/experimental/bloom_old/tests/test_bloom_block.py | 2 +- models/experimental/bloom_old/tests/test_bloom_causal_lm.py | 2 +- .../experimental/bloom_old/tests/test_bloom_gelu_forward.py | 2 +- models/experimental/bloom_old/tests/test_bloom_merge_heads.py | 2 +- models/experimental/bloom_old/tests/test_bloom_mlp.py | 2 +- models/experimental/bloom_old/tests/test_bloom_model.py | 2 +- models/experimental/bloom_old/tests/test_bloom_qa.py | 2 +- models/experimental/bloom_old/tt/baddbmm.py | 2 +- models/experimental/bloom_old/tt/bloom_attention.py | 2 +- .../experimental/bloom_old/tt/bloom_attention_merge_heads.py | 2 +- models/experimental/bloom_old/tt/bloom_block.py | 2 +- models/experimental/bloom_old/tt/bloom_causal_lm.py | 2 +- models/experimental/bloom_old/tt/bloom_gelu_forward.py | 2 +- models/experimental/bloom_old/tt/bloom_mlp.py | 2 +- models/experimental/bloom_old/tt/bloom_model.py | 2 +- models/experimental/bloom_old/tt/bloom_qa.py | 2 +- models/experimental/convnet_mnist/convnet_mnist_utils.py | 2 +- models/experimental/convnet_mnist/demo/gs_demo.py | 2 +- models/experimental/convnet_mnist/reference/convnet.py | 2 +- models/experimental/convnet_mnist/tests/perf_convnet_mnist.py | 2 +- models/experimental/convnet_mnist/tests/test_convnet_mnist.py | 2 +- models/experimental/convnet_mnist/tt/convnet_mnist.py | 2 +- models/experimental/deit/deit_utils.py | 2 +- models/experimental/deit/demo/cpu_demo_with_teacher.py | 2 +- models/experimental/deit/demo/cpu_demo_without_teacher.py | 2 +- models/experimental/deit/demo/gs_demo_with_teacher.py | 2 +- models/experimental/deit/demo/gs_demo_without_teacher.py | 2 +- models/experimental/deit/tests/demo_utils.py | 2 +- models/experimental/deit/tests/test_deit_attention.py | 2 +- models/experimental/deit/tests/test_deit_embeddings.py | 2 +- models/experimental/deit/tests/test_deit_encoder.py | 2 +- .../deit/tests/test_deit_for_image_classification.py | 2 +- .../tests/test_deit_for_image_classification_with_teacher.py | 2 +- models/experimental/deit/tests/test_deit_intermediate.py | 2 +- models/experimental/deit/tests/test_deit_layer.py | 2 +- models/experimental/deit/tests/test_deit_model.py | 2 +- models/experimental/deit/tests/test_deit_output.py | 2 +- models/experimental/deit/tests/test_deit_patch_embeddings.py | 2 +- models/experimental/deit/tests/test_deit_self_attention.py | 2 +- models/experimental/deit/tests/test_deit_self_output.py | 2 +- models/experimental/deit/tests/test_perf_accuracy_deit.py | 2 +- models/experimental/deit/tests/test_perf_deit.py | 2 +- models/experimental/deit/tt/activations.py | 2 +- models/experimental/deit/tt/deit_attention.py | 2 +- models/experimental/deit/tt/deit_config.py | 2 +- models/experimental/deit/tt/deit_embeddings.py | 2 +- models/experimental/deit/tt/deit_encoder.py | 2 +- models/experimental/deit/tt/deit_for_image_classification.py | 2 +- .../deit/tt/deit_for_image_classification_with_teacher.py | 2 +- models/experimental/deit/tt/deit_intermediate.py | 2 +- models/experimental/deit/tt/deit_layer.py | 2 +- models/experimental/deit/tt/deit_model.py | 2 +- models/experimental/deit/tt/deit_output.py | 2 +- models/experimental/deit/tt/deit_patch_embeddings.py | 2 +- models/experimental/deit/tt/deit_pooler.py | 2 +- models/experimental/deit/tt/deit_self_attention.py | 2 +- models/experimental/deit/tt/deit_self_output.py | 2 +- models/experimental/distilbert/demo/cpu_demo.py | 2 +- models/experimental/distilbert/demo/gs_demo.py | 2 +- .../distilbert/tests/test_perf_accuracy_distilbert.py | 2 +- models/experimental/distilbert/tt/distilbert.py | 2 +- models/experimental/distilbert/tt/distilbert_embedding.py | 2 +- models/experimental/distilbert/tt/distilbert_ffn.py | 2 +- .../distilbert/tt/distilbert_for_question_answering.py | 2 +- models/experimental/distilbert/tt/distilbert_model.py | 2 +- .../distilbert/tt/distilbert_multihead_self_attention.py | 2 +- models/experimental/distilbert/tt/distilbert_transformer.py | 2 +- .../distilbert/tt/distilbert_transformer_block.py | 2 +- models/experimental/efficientnet/demo/cpu_demo.py | 2 +- models/experimental/efficientnet/demo/cpu_demo_lite0.py | 2 +- models/experimental/efficientnet/demo/demo_utils.py | 2 +- models/experimental/efficientnet/demo/gs_demo_b0.py | 2 +- models/experimental/efficientnet/demo/gs_demo_b2.py | 2 +- models/experimental/efficientnet/demo/gs_demo_lite0.py | 2 +- models/experimental/efficientnet/demo/gs_demo_v2_l.py | 2 +- models/experimental/efficientnet/demo/gs_demo_v2_s.py | 2 +- .../experimental/efficientnet/reference/efficientnet_lite.py | 2 +- models/experimental/efficientnet/tests/perf_efficientnet.py | 2 +- .../experimental/efficientnet/tests/test_efficientnet_conv.py | 2 +- .../efficientnet/tests/test_efficientnet_fused_mbconv.py | 2 +- .../efficientnet/tests/test_efficientnet_mbconv.py | 2 +- .../efficientnet/tests/test_efficientnet_model.py | 2 +- .../tests/test_efficientnet_squeeze_excitation.py | 2 +- models/experimental/efficientnet/tests/test_perf_accuracy.py | 2 +- models/experimental/efficientnet/tt/efficientnet_conv.py | 2 +- .../experimental/efficientnet/tt/efficientnet_fused_mbconv.py | 2 +- models/experimental/efficientnet/tt/efficientnet_mbconv.py | 2 +- models/experimental/efficientnet/tt/efficientnet_model.py | 2 +- .../efficientnet/tt/efficientnet_squeeze_excitation.py | 2 +- .../experimental/falcon_40b/tests/test_reproduce_nd_matmul.py | 2 +- .../functional_common/attention_mask_functions.py | 2 +- models/experimental/functional_roberta/demo/demo.py | 2 +- models/experimental/functional_unet/tt/unet_shallow_torch.py | 2 +- models/experimental/functional_unet/tt/unet_shallow_ttnn.py | 2 +- .../functional_vit/reference/torch_functional_vit.py | 2 +- models/experimental/functional_vit/tt/ttnn_functional_vit.py | 2 +- .../functional_vit/tt/ttnn_functional_vit_highres.py | 2 +- .../functional_vit/tt/ttnn_optimized_interleaved_vit.py | 2 +- .../functional_vit/tt/ttnn_optimized_sharded_vit.py | 2 +- .../functional_vit/tt/ttnn_optimized_sharded_vit_backup.py | 2 +- .../functional_vit/tt/ttnn_optimized_sharded_vit_wh.py | 2 +- .../functional_vit/tt/ttnn_optimized_vit_highres.py | 2 +- models/experimental/functional_whisper/demo/demo.py | 2 +- .../functional_whisper/reference/torch_baseline_whisper.py | 2 +- .../functional_whisper/reference/torch_functional_whisper.py | 2 +- .../functional_whisper/tt/ttnn_functional_whisper.py | 2 +- .../tt/ttnn_optimized_functional_whisper.py | 2 +- models/experimental/functional_yolov4/reference/resblock.py | 2 +- models/experimental/functional_yolov4/tt/ttnn_resblock.py | 2 +- models/experimental/grok/demo/demo.py | 2 +- models/experimental/grok/reference/demo_ref.py | 2 +- models/experimental/grok/reference/run_ref.py | 2 +- models/experimental/grok/reference/tokenizer.py | 2 +- models/experimental/grok/scripts/op_perf_results.py | 2 +- models/experimental/grok/tests/test_dummy_weights.py | 2 +- models/experimental/grok/tests/test_grok_attention.py | 2 +- models/experimental/grok/tests/test_grok_decoder.py | 2 +- models/experimental/grok/tests/test_grok_embedding.py | 2 +- models/experimental/grok/tests/test_grok_mlp.py | 2 +- models/experimental/grok/tests/test_grok_model.py | 2 +- models/experimental/grok/tests/test_grok_moe.py | 2 +- models/experimental/grok/tests/test_grok_perf.py | 2 +- models/experimental/grok/tests/test_grok_rms_norm.py | 2 +- models/experimental/grok/tt/grok_attention.py | 2 +- models/experimental/grok/tt/grok_common.py | 2 +- models/experimental/grok/tt/grok_decoder.py | 2 +- models/experimental/grok/tt/grok_embedding.py | 2 +- models/experimental/grok/tt/grok_mlp.py | 2 +- models/experimental/grok/tt/grok_model.py | 2 +- models/experimental/grok/tt/grok_moe.py | 2 +- models/experimental/grok/tt/grok_rms_norm.py | 2 +- models/experimental/grok/tt/model_config.py | 2 +- models/experimental/hrnet/demo/cpu_demo.py | 2 +- models/experimental/hrnet/demo/gs_demo.py | 2 +- models/experimental/hrnet/hrnet_utils.py | 2 +- models/experimental/hrnet/reference/hrnet.py | 2 +- models/experimental/hrnet/tests/perf_hrnet.py | 2 +- models/experimental/hrnet/tests/test_torch_hrnet.py | 2 +- models/experimental/hrnet/tests/test_tt_basic_block.py | 2 +- models/experimental/hrnet/tests/test_tt_bottleneck.py | 2 +- .../hrnet/tests/test_tt_high_resolution_module.py | 2 +- models/experimental/hrnet/tests/test_tt_hrnet_model.py | 2 +- models/experimental/hrnet/tt/basicblock.py | 2 +- models/experimental/hrnet/tt/bottleneck.py | 2 +- models/experimental/hrnet/tt/high_resolution_module.py | 2 +- models/experimental/hrnet/tt/hrnet_model.py | 2 +- models/experimental/inceptionV4/reference/_utils.py | 2 +- models/experimental/inceptionV4/reference/basicconv.py | 2 +- models/experimental/inceptionV4/reference/inception.py | 2 +- models/experimental/inceptionV4/tests/test_inceptionv4.py | 2 +- models/experimental/lenet/demo/cpu_demo.py | 2 +- models/experimental/lenet/demo/gs_demo.py | 2 +- models/experimental/lenet/lenet_utils.py | 2 +- models/experimental/lenet/reference/lenet.py | 2 +- models/experimental/lenet/tests/test_lenet.py | 2 +- models/experimental/lenet/tests/test_lenet_perf.py | 2 +- models/experimental/lenet/tests/test_perf_accuracy_lenet.py | 2 +- models/experimental/lenet/tt/lenet.py | 2 +- models/experimental/llama/demo/cpu_llama_demo.py | 2 +- models/experimental/llama/demo/gs_llama_demo.py | 2 +- models/experimental/llama/llama_utils.py | 2 +- models/experimental/llama/tests/test_llama_attention.py | 2 +- models/experimental/llama/tests/test_llama_decoder.py | 2 +- models/experimental/llama/tests/test_llama_first_half.py | 2 +- models/experimental/llama/tests/test_llama_layer_norm.py | 2 +- models/experimental/llama/tests/test_llama_mlp.py | 2 +- models/experimental/llama/tests/test_llama_second_half.py | 2 +- .../experimental/llama/tests/test_llama_stacked_decoders.py | 2 +- .../llama/tests/test_llama_stacked_decoders_split.py | 2 +- models/experimental/llama/tt/llama.py | 2 +- models/experimental/llama/tt/llama_attention.py | 2 +- models/experimental/llama/tt/llama_decoder.py | 2 +- models/experimental/llama/tt/llama_embeddings.py | 2 +- models/experimental/llama/tt/llama_first_half.py | 2 +- models/experimental/llama/tt/llama_layer_norm.py | 2 +- models/experimental/llama/tt/llama_mlp.py | 2 +- models/experimental/llama/tt/llama_second_half.py | 2 +- models/experimental/llama/tt/llama_stacked_decoders.py | 2 +- models/experimental/llama2/demo/cpu_llama2_demo.py | 2 +- models/experimental/llama2/llama2_utils.py | 2 +- models/experimental/mamba/tests/test_demo.py | 2 +- models/experimental/mamba/tests/test_full_model.py | 2 +- models/experimental/mnist/demo/gs_demo.py | 2 +- models/experimental/mnist/reference/mnist.py | 2 +- models/experimental/mnist/tests/perf_mnist.py | 2 +- models/experimental/mnist/tests/test_mnist.py | 2 +- models/experimental/mnist/tests/test_perf_accuracy_mnist.py | 2 +- models/experimental/mnist/tt/mnist_model.py | 2 +- models/experimental/mobilenet/reference/mobilenetv2.py | 2 +- models/experimental/mobilenet/tests/test_mobilenetv2.py | 2 +- models/experimental/nanogpt/demo/cpu_demo.py | 2 +- models/experimental/nanogpt/demo/dataset_utils.py | 2 +- models/experimental/nanogpt/nanogpt_utils.py | 2 +- models/experimental/nanogpt/reference/bench.py | 2 +- models/experimental/nanogpt/reference/config/eval_gpt2.py | 2 +- .../experimental/nanogpt/reference/config/eval_gpt2_large.py | 2 +- .../experimental/nanogpt/reference/config/eval_gpt2_medium.py | 2 +- models/experimental/nanogpt/reference/config/eval_gpt2_xl.py | 2 +- .../nanogpt/reference/config/finetune_shakespeare.py | 2 +- models/experimental/nanogpt/reference/config/train_gpt2.py | 2 +- .../nanogpt/reference/config/train_shakespeare_char.py | 2 +- models/experimental/nanogpt/reference/configurator.py | 2 +- models/experimental/nanogpt/reference/model.py | 2 +- models/experimental/nanogpt/reference/sample.py | 2 +- models/experimental/nanogpt/tests/test_nanogpt_attention.py | 2 +- models/experimental/nanogpt/tests/test_nanogpt_block.py | 2 +- models/experimental/nanogpt/tests/test_nanogpt_mlp.py | 2 +- models/experimental/nanogpt/tests/test_nanogpt_model.py | 2 +- models/experimental/nanogpt/tt/nanogpt.py | 2 +- models/experimental/nanogpt/tt/nanogpt_attention.py | 2 +- models/experimental/nanogpt/tt/nanogpt_block.py | 2 +- models/experimental/nanogpt/tt/nanogpt_mlp.py | 2 +- models/experimental/nanogpt/tt/nanogpt_model.py | 2 +- models/experimental/retinanet/demo/cpu_demo.py | 2 +- models/experimental/roberta/demo/roberta.py | 2 +- models/experimental/roberta/roberta_common.py | 2 +- models/experimental/roberta/tests/test_perf_roberta.py | 2 +- models/experimental/roberta/tests/test_roberta_attention.py | 2 +- .../roberta/tests/test_roberta_classification_head.py | 2 +- models/experimental/roberta/tests/test_roberta_encoder.py | 2 +- .../experimental/roberta/tests/test_roberta_for_masked_lm.py | 2 +- .../roberta/tests/test_roberta_for_multiple_choice.py | 2 +- models/experimental/roberta/tests/test_roberta_for_qa.py | 2 +- .../roberta/tests/test_roberta_for_sequence_classification.py | 2 +- .../roberta/tests/test_roberta_for_token_classification.py | 2 +- .../experimental/roberta/tests/test_roberta_intermediate.py | 2 +- models/experimental/roberta/tests/test_roberta_layer.py | 2 +- models/experimental/roberta/tests/test_roberta_lm_head.py | 2 +- models/experimental/roberta/tests/test_roberta_model.py | 2 +- models/experimental/roberta/tests/test_roberta_output.py | 2 +- models/experimental/roberta/tests/test_roberta_pooler.py | 2 +- .../experimental/roberta/tests/test_roberta_self_attention.py | 2 +- models/experimental/roberta/tests/test_roberta_self_output.py | 2 +- models/experimental/roberta/tt/roberta_attention.py | 2 +- models/experimental/roberta/tt/roberta_classification_head.py | 2 +- models/experimental/roberta/tt/roberta_embeddings.py | 2 +- models/experimental/roberta/tt/roberta_encoder.py | 2 +- models/experimental/roberta/tt/roberta_for_masked_lm.py | 2 +- models/experimental/roberta/tt/roberta_for_multiple_choice.py | 2 +- .../experimental/roberta/tt/roberta_for_question_answering.py | 2 +- .../roberta/tt/roberta_for_sequence_classification.py | 2 +- .../roberta/tt/roberta_for_token_classification.py | 2 +- models/experimental/roberta/tt/roberta_intermediate.py | 2 +- models/experimental/roberta/tt/roberta_layer.py | 2 +- models/experimental/roberta/tt/roberta_lm_head.py | 2 +- models/experimental/roberta/tt/roberta_model.py | 2 +- models/experimental/roberta/tt/roberta_output.py | 2 +- models/experimental/roberta/tt/roberta_pooler.py | 2 +- models/experimental/roberta/tt/roberta_self_attention.py | 2 +- models/experimental/roberta/tt/roberta_self_output.py | 2 +- models/experimental/squeezebert/demo/cpu_demo.py | 2 +- models/experimental/squeezebert/squeezebert_utils.py | 2 +- models/experimental/squeezenet/reference/squeezenet.py | 2 +- models/experimental/squeezenet/tests/test_squeezenet1.py | 2 +- models/experimental/squeezenet/tests/test_squeezenet1_1.py | 2 +- models/experimental/ssd/demo/cpu_demo.py | 2 +- models/experimental/ssd/demo/gs_demo.py | 2 +- models/experimental/ssd/reference/backbone.py | 2 +- models/experimental/ssd/reference/ssd.py | 2 +- models/experimental/ssd/reference/ssd_head.py | 2 +- models/experimental/ssd/reference/torch_utils.py | 2 +- models/experimental/ssd/reference/utils/metrics.py | 2 +- models/experimental/ssd/ssd_utils.py | 2 +- models/experimental/ssd/tests/perf_ssd.py | 2 +- models/experimental/ssd/tests/test_perf_accuracy_ssd.py | 2 +- models/experimental/ssd/tests/test_ssd.py | 2 +- models/experimental/ssd/tests/test_ssd_backbone.py | 2 +- models/experimental/ssd/tests/test_ssd_classification_head.py | 2 +- models/experimental/ssd/tests/test_ssd_convlayer.py | 2 +- models/experimental/ssd/tests/test_ssd_inverted_residual.py | 2 +- models/experimental/ssd/tests/test_ssd_inverted_squeeze.py | 2 +- .../experimental/ssd/tests/test_ssd_mobilenetv3_features.py | 2 +- models/experimental/ssd/tests/test_ssd_regression_head.py | 2 +- models/experimental/ssd/tests/test_ssd_squeeze_excitation.py | 2 +- models/experimental/ssd/tests/test_ssd_stemlayer.py | 2 +- models/experimental/ssd/tests/test_torch_ssd.py | 2 +- models/experimental/ssd/tt/ssd.py | 2 +- models/experimental/ssd/tt/ssd_backbone.py | 2 +- models/experimental/ssd/tt/ssd_box_generator.py | 2 +- models/experimental/ssd/tt/ssd_classification_head.py | 2 +- models/experimental/ssd/tt/ssd_lite.py | 2 +- models/experimental/ssd/tt/ssd_lite_head.py | 2 +- models/experimental/ssd/tt/ssd_mobilenetv3_convlayer.py | 2 +- models/experimental/ssd/tt/ssd_mobilenetv3_extract.py | 2 +- models/experimental/ssd/tt/ssd_mobilenetv3_features.py | 2 +- .../experimental/ssd/tt/ssd_mobilenetv3_inverted_residual.py | 2 +- .../experimental/ssd/tt/ssd_mobilenetv3_inverted_squeeze.py | 2 +- .../experimental/ssd/tt/ssd_mobilenetv3_squeeze_excitation.py | 2 +- models/experimental/ssd/tt/ssd_mobilenetv3_stemlayer.py | 2 +- models/experimental/ssd/tt/ssd_regression_head.py | 2 +- models/experimental/stable_diffusion/demo/demo.py | 2 +- models/experimental/stable_diffusion/demo/unbatched_demo.py | 2 +- models/experimental/stable_diffusion/sd_utils.py | 2 +- .../stable_diffusion/tests/perf_batched_stable_diffusion.py | 2 +- .../stable_diffusion/tests/test_batched_stable_diffusion.py | 2 +- .../stable_diffusion/tests/test_cross_attention.py | 2 +- .../stable_diffusion/tests/test_cross_attn_down_block.py | 2 +- .../stable_diffusion/tests/test_cross_attn_up_block.py | 2 +- .../experimental/stable_diffusion/tests/test_downblock_2d.py | 2 +- .../experimental/stable_diffusion/tests/test_downsample_2d.py | 2 +- models/experimental/stable_diffusion/tests/test_embedding.py | 2 +- .../experimental/stable_diffusion/tests/test_feedforward.py | 2 +- models/experimental/stable_diffusion/tests/test_layernorm.py | 2 +- .../stable_diffusion/tests/test_residual_block.py | 2 +- .../experimental/stable_diffusion/tests/test_transformers.py | 2 +- .../stable_diffusion/tests/test_unbatched_stable_diffusion.py | 2 +- .../stable_diffusion/tests/test_unet_mid_block.py | 2 +- models/experimental/stable_diffusion/tests/test_upblock_2d.py | 2 +- .../experimental/stable_diffusion/tests/test_upsample_2d.py | 2 +- .../stable_diffusion/tests/test_upsample_nearest2d.py | 2 +- models/experimental/stable_diffusion/tt/cross_attention.py | 2 +- models/experimental/stable_diffusion/tt/downblock_2d.py | 2 +- models/experimental/stable_diffusion/tt/downsample_2d.py | 2 +- models/experimental/stable_diffusion/tt/embeddings.py | 2 +- models/experimental/stable_diffusion/tt/experimental_ops.py | 2 +- models/experimental/stable_diffusion/tt/feedforward.py | 2 +- models/experimental/stable_diffusion/tt/residual_block.py | 2 +- models/experimental/stable_diffusion/tt/transformer_2d.py | 2 +- models/experimental/stable_diffusion/tt/unet_2d_blocks.py | 2 +- models/experimental/stable_diffusion/tt/unet_2d_condition.py | 2 +- models/experimental/stable_diffusion/tt/upblock_2d.py | 2 +- models/experimental/stable_diffusion/tt/upsample_2d.py | 2 +- models/experimental/stable_diffusion/tt/upsample_nearest2d.py | 2 +- models/experimental/swin/demo/cpu_demo.py | 2 +- models/experimental/swin/demo/gs_demo.py | 2 +- models/experimental/swin/reference/activations.py | 2 +- models/experimental/swin/reference/backbone_utils.py | 2 +- models/experimental/swin/reference/configuration_swin.py | 2 +- models/experimental/swin/reference/pytorch_utils.py | 2 +- models/experimental/swin/reference/swin.py | 2 +- models/experimental/swin/swin_helper_funcs.py | 2 +- models/experimental/swin/swin_utils.py | 2 +- models/experimental/swin/tests/test_perf_accuracy_swin.py | 2 +- models/experimental/swin/tests/test_torch_swin.py | 2 +- models/experimental/swin/tests/test_tt_swin_attention.py | 2 +- models/experimental/swin/tests/test_tt_swin_embeddings.py | 2 +- models/experimental/swin/tests/test_tt_swin_encoder.py | 2 +- .../swin/tests/test_tt_swin_for_image_classification.py | 2 +- models/experimental/swin/tests/test_tt_swin_intermediate.py | 2 +- models/experimental/swin/tests/test_tt_swin_layer.py | 2 +- models/experimental/swin/tests/test_tt_swin_model.py | 2 +- models/experimental/swin/tests/test_tt_swin_output.py | 2 +- .../experimental/swin/tests/test_tt_swin_patch_embedding.py | 2 +- models/experimental/swin/tests/test_tt_swin_patch_merging.py | 2 +- models/experimental/swin/tests/test_tt_swin_self_attention.py | 2 +- models/experimental/swin/tests/test_tt_swin_self_output.py | 2 +- models/experimental/swin/tests/test_tt_swin_stage.py | 2 +- models/experimental/swin/tt/swin.py | 2 +- models/experimental/swin/tt/swin_attention.py | 2 +- models/experimental/swin/tt/swin_embeddings.py | 2 +- models/experimental/swin/tt/swin_encoder.py | 2 +- models/experimental/swin/tt/swin_for_image_classification.py | 2 +- models/experimental/swin/tt/swin_intermediate.py | 2 +- models/experimental/swin/tt/swin_layer.py | 2 +- models/experimental/swin/tt/swin_model.py | 2 +- models/experimental/swin/tt/swin_output.py | 2 +- models/experimental/swin/tt/swin_patch_embedding.py | 2 +- models/experimental/swin/tt/swin_patch_merging.py | 2 +- models/experimental/swin/tt/swin_self_attention.py | 2 +- models/experimental/swin/tt/swin_self_output.py | 2 +- models/experimental/swin/tt/swin_stage.py | 2 +- .../synthetic_gradients/tests/test_batchnorm1d.py | 2 +- .../synthetic_gradients/tests/test_batchnorm1d_forward.py | 2 +- models/experimental/synthetic_gradients/tests/test_block.py | 2 +- .../synthetic_gradients/tests/test_full_inference.py | 2 +- models/experimental/synthetic_gradients/tests/test_linear.py | 2 +- models/experimental/synthetic_gradients/tt/batch_norm.py | 2 +- models/experimental/synthetic_gradients/tt/sg_mnist.py | 2 +- models/experimental/t5/demo/demo_utils.py | 2 +- models/experimental/t5/demo/gs_demo_flan_t5_small.py | 2 +- models/experimental/t5/demo/gs_demo_t5_base.py | 2 +- models/experimental/t5/demo/gs_demo_t5_small.py | 2 +- models/experimental/t5/t5_utils.py | 2 +- models/experimental/t5/tests/test_perf_t5.py | 2 +- models/experimental/t5/tests/test_t5_attention.py | 2 +- models/experimental/t5/tests/test_t5_block.py | 2 +- models/experimental/t5/tests/test_t5_cpu_benchmarking.py | 2 +- models/experimental/t5/tests/test_t5_dense_act_dense.py | 2 +- models/experimental/t5/tests/test_t5_dense_gated_act_dense.py | 2 +- .../t5/tests/test_t5_for_conditional_generation.py | 2 +- models/experimental/t5/tests/test_t5_layer_cross_attention.py | 2 +- models/experimental/t5/tests/test_t5_layer_ff.py | 2 +- models/experimental/t5/tests/test_t5_layer_norm.py | 2 +- models/experimental/t5/tests/test_t5_layer_self_attention.py | 2 +- models/experimental/t5/tests/test_t5_model.py | 2 +- models/experimental/t5/tests/test_t5_stack.py | 2 +- models/experimental/t5/tt/t5_attention.py | 2 +- models/experimental/t5/tt/t5_block.py | 2 +- models/experimental/t5/tt/t5_dense_act_dense.py | 2 +- models/experimental/t5/tt/t5_dense_gated_act_dense.py | 2 +- models/experimental/t5/tt/t5_for_conditional_generation.py | 2 +- models/experimental/t5/tt/t5_layer_cross_attention.py | 2 +- models/experimental/t5/tt/t5_layer_ff.py | 2 +- models/experimental/t5/tt/t5_layer_norm.py | 2 +- models/experimental/t5/tt/t5_layer_self_attention.py | 2 +- models/experimental/t5/tt/t5_model.py | 2 +- models/experimental/t5/tt/t5_stack.py | 2 +- models/experimental/trocr/demo/cpu_demo.py | 2 +- models/experimental/trocr/demo/gs_demo.py | 2 +- models/experimental/trocr/tests/test_perf_trocr.py | 2 +- models/experimental/trocr/tests/test_tt_trocr_attention.py | 2 +- models/experimental/trocr/tests/test_tt_trocr_causal_llm.py | 2 +- models/experimental/trocr/tests/test_tt_trocr_decoder.py | 2 +- .../experimental/trocr/tests/test_tt_trocr_decoder_layer.py | 2 +- models/experimental/trocr/tests/test_tt_trocr_embed_tokens.py | 2 +- .../tests/test_tt_trocr_learned_positional_embeddings.py | 2 +- models/experimental/trocr/trocr_generate_utils.py | 2 +- models/experimental/trocr/trocr_utils.py | 2 +- models/experimental/trocr/tt/trocr.py | 2 +- models/experimental/trocr/tt/trocr_attention.py | 2 +- models/experimental/trocr/tt/trocr_configuration.py | 2 +- models/experimental/trocr/tt/trocr_decoder.py | 2 +- models/experimental/trocr/tt/trocr_decoder_layer.py | 2 +- models/experimental/trocr/tt/trocr_decoder_wrapper.py | 2 +- models/experimental/trocr/tt/trocr_embed_tokens.py | 2 +- models/experimental/trocr/tt/trocr_for_causal_llm.py | 2 +- .../trocr/tt/trocr_learned_positional_embeddings.py | 2 +- models/experimental/vgg/demo/cpu_demo.py | 2 +- models/experimental/vgg/demo/gs_demo.py | 2 +- models/experimental/vgg/reference/vgg.py | 2 +- models/experimental/vgg/tests/test_perf_vgg.py | 2 +- models/experimental/vgg/tests/test_torch_vgg16.py | 2 +- models/experimental/vgg/tests/test_torch_vgg16_bn.py | 2 +- models/experimental/vgg/tests/test_vgg11.py | 2 +- models/experimental/vgg/tests/test_vgg16.py | 2 +- models/experimental/vgg/tests/test_vgg_perf.py | 2 +- models/experimental/vgg/tt/vgg.py | 2 +- models/experimental/vgg/vgg_utils.py | 2 +- models/experimental/vit/demo/cpu_demo.py | 2 +- models/experimental/vit/demo/gs_demo.py | 2 +- models/experimental/vit/tests/test_perf_accuracy_vit.py | 2 +- models/experimental/vit/tests/test_perf_vit.py | 2 +- models/experimental/vit/tests/test_vit_attention.py | 2 +- models/experimental/vit/tests/test_vit_embeddings.py | 2 +- models/experimental/vit/tests/test_vit_encoder.py | 2 +- .../experimental/vit/tests/test_vit_image_classification.py | 2 +- models/experimental/vit/tests/test_vit_intermediate.py | 2 +- models/experimental/vit/tests/test_vit_layer.py | 2 +- models/experimental/vit/tests/test_vit_model.py | 2 +- models/experimental/vit/tests/test_vit_output.py | 2 +- models/experimental/vit/tests/test_vit_selfattention.py | 2 +- models/experimental/vit/tests/test_vit_selfoutput.py | 2 +- models/experimental/vit/tt/activations.py | 2 +- models/experimental/vit/tt/configuration_vit.py | 2 +- models/experimental/vit/tt/modeling_vit.py | 2 +- models/experimental/vit/vit_helper_funcs.py | 2 +- models/experimental/vit/vit_utils.py | 2 +- models/experimental/vovnet/demo/cpu_demo.py | 2 +- models/experimental/vovnet/demo/gs_demo.py | 2 +- models/experimental/vovnet/reference/vovnet.py | 2 +- models/experimental/vovnet/tests/perf_vovnet.py | 2 +- models/experimental/vovnet/tests/test_torch_vovnet.py | 2 +- models/experimental/vovnet/tests/test_tt_classifier_head.py | 2 +- models/experimental/vovnet/tests/test_tt_conv_norm_act.py | 2 +- .../experimental/vovnet/tests/test_tt_effective_se_module.py | 2 +- models/experimental/vovnet/tests/test_tt_osa_block.py | 2 +- models/experimental/vovnet/tests/test_tt_osa_stage.py | 2 +- .../vovnet/tests/test_tt_select_adaptivepool2d.py | 2 +- .../vovnet/tests/test_tt_separable_conv_norm_act.py | 2 +- .../vovnet/tests/test_tt_sequential_append_list.py | 2 +- models/experimental/vovnet/tests/test_tt_vovnet.py | 2 +- models/experimental/vovnet/tt/classifier_head.py | 2 +- models/experimental/vovnet/tt/conv_norm_act.py | 2 +- models/experimental/vovnet/tt/effective_se_module.py | 2 +- models/experimental/vovnet/tt/osa_block.py | 2 +- models/experimental/vovnet/tt/osa_stage.py | 2 +- models/experimental/vovnet/tt/select_adaptive_pool2d.py | 2 +- models/experimental/vovnet/tt/separable_conv_norm_act.py | 2 +- models/experimental/vovnet/tt/sequential_append_list.py | 2 +- models/experimental/vovnet/tt/vovnet.py | 2 +- models/experimental/vovnet/vovnet_utils.py | 2 +- models/experimental/whisper/demo/cpu_demo.py | 2 +- models/experimental/whisper/demo/gs_demo.py | 2 +- models/experimental/whisper/tests/test_perf_whisper.py | 2 +- models/experimental/whisper/tests/test_whisper_attention.py | 2 +- models/experimental/whisper/tests/test_whisper_decoder.py | 2 +- .../experimental/whisper/tests/test_whisper_decoder_layer.py | 2 +- models/experimental/whisper/tests/test_whisper_encoder.py | 2 +- .../experimental/whisper/tests/test_whisper_encoder_layer.py | 2 +- .../whisper/tests/test_whisper_for_audio_classification.py | 2 +- .../whisper/tests/test_whisper_for_conditional_generation.py | 2 +- models/experimental/whisper/tests/test_whisper_model.py | 2 +- models/experimental/whisper/tt/whisper.py | 2 +- models/experimental/whisper/tt/whisper_attention.py | 2 +- models/experimental/whisper/tt/whisper_common.py | 2 +- models/experimental/whisper/tt/whisper_decoder.py | 2 +- models/experimental/whisper/tt/whisper_decoder_layer.py | 2 +- models/experimental/whisper/tt/whisper_encoder.py | 2 +- models/experimental/whisper/tt/whisper_encoder_layer.py | 2 +- .../whisper/tt/whisper_for_audio_classification.py | 2 +- .../whisper/tt/whisper_for_conditional_generation.py | 2 +- models/experimental/whisper/tt/whisper_model.py | 2 +- models/experimental/yolov3/demo/cpu_demo.py | 2 +- models/experimental/yolov3/demo/gs_demo.py | 2 +- models/experimental/yolov3/reference/detect.py | 2 +- models/experimental/yolov3/reference/export.py | 2 +- models/experimental/yolov3/reference/models/common.py | 2 +- models/experimental/yolov3/reference/models/experimental.py | 2 +- models/experimental/yolov3/reference/models/yolo.py | 2 +- models/experimental/yolov3/reference/utils/__init__.py | 2 +- models/experimental/yolov3/reference/utils/augmentations.py | 2 +- models/experimental/yolov3/reference/utils/autoanchor.py | 2 +- models/experimental/yolov3/reference/utils/dataloaders.py | 2 +- models/experimental/yolov3/reference/utils/downloads.py | 2 +- models/experimental/yolov3/reference/utils/general.py | 2 +- models/experimental/yolov3/reference/utils/metrics.py | 2 +- models/experimental/yolov3/reference/utils/plots.py | 2 +- models/experimental/yolov3/reference/utils/segment_general.py | 2 +- models/experimental/yolov3/reference/utils/torch_utils.py | 2 +- models/experimental/yolov3/tests/perf_yolov3.py | 2 +- models/experimental/yolov3/tests/test_perf_accuracy_yolov3.py | 2 +- models/experimental/yolov3/tests/test_yolov3_bottleneck.py | 2 +- models/experimental/yolov3/tests/test_yolov3_concat.py | 2 +- models/experimental/yolov3/tests/test_yolov3_conv.py | 2 +- models/experimental/yolov3/tests/test_yolov3_conv2d.py | 2 +- models/experimental/yolov3/tests/test_yolov3_detect.py | 2 +- .../experimental/yolov3/tests/test_yolov3_detection_model.py | 2 +- models/experimental/yolov3/tests/test_yolov3_upsample.py | 2 +- models/experimental/yolov3/tt/yolov3_bottleneck.py | 2 +- models/experimental/yolov3/tt/yolov3_concat.py | 2 +- models/experimental/yolov3/tt/yolov3_conv.py | 2 +- models/experimental/yolov3/tt/yolov3_conv2d.py | 2 +- models/experimental/yolov3/tt/yolov3_detect.py | 2 +- models/experimental/yolov3/tt/yolov3_detection_model.py | 2 +- models/experimental/yolov3/tt/yolov3_upsample.py | 2 +- models/experimental/yolov5/demo/cpu_demo.py | 2 +- models/experimental/yolov5/demo/gs_demo.py | 2 +- models/experimental/yolov5/reference/models/common.py | 2 +- models/experimental/yolov5/reference/models/experimental.py | 2 +- models/experimental/yolov5/reference/models/yolo.py | 2 +- models/experimental/yolov5/reference/utils/augmentations.py | 2 +- models/experimental/yolov5/reference/utils/autoanchor.py | 2 +- models/experimental/yolov5/reference/utils/dataloaders.py | 2 +- models/experimental/yolov5/reference/utils/downloads.py | 2 +- models/experimental/yolov5/reference/utils/general.py | 2 +- models/experimental/yolov5/reference/utils/metrics.py | 2 +- models/experimental/yolov5/reference/utils/plots.py | 2 +- models/experimental/yolov5/reference/utils/segment_general.py | 2 +- models/experimental/yolov5/reference/utils/torch_utils.py | 2 +- models/experimental/yolov5/tests/perf_yolov5.py | 2 +- models/experimental/yolov5/tests/test_perf_accuracy_yolov5.py | 2 +- models/experimental/yolov5/tests/test_yolov5_bottleneck.py | 2 +- models/experimental/yolov5/tests/test_yolov5_c3.py | 2 +- models/experimental/yolov5/tests/test_yolov5_concat.py | 2 +- models/experimental/yolov5/tests/test_yolov5_conv.py | 2 +- models/experimental/yolov5/tests/test_yolov5_detect.py | 2 +- .../experimental/yolov5/tests/test_yolov5_detection_model.py | 2 +- models/experimental/yolov5/tests/test_yolov5_sppf.py | 2 +- models/experimental/yolov5/tt/yolov5_bottleneck.py | 2 +- models/experimental/yolov5/tt/yolov5_c3.py | 2 +- models/experimental/yolov5/tt/yolov5_concat.py | 2 +- models/experimental/yolov5/tt/yolov5_conv.py | 2 +- models/experimental/yolov5/tt/yolov5_detect.py | 2 +- models/experimental/yolov5/tt/yolov5_detection_model.py | 2 +- models/experimental/yolov5/tt/yolov5_sppf.py | 2 +- models/experimental/yolov5/tt/yolov5_upsample.py | 2 +- models/experimental/yolov7/demo/cpu_demo.py | 2 +- models/experimental/yolov7/reference/detect.py | 2 +- models/experimental/yolov7/reference/models/common.py | 2 +- models/experimental/yolov7/reference/models/experimental.py | 2 +- .../experimental/yolov7/reference/models/load_torch_model.py | 2 +- models/experimental/yolov7/reference/models/yolo.py | 2 +- models/experimental/yolov7/reference/utils/activations.py | 2 +- models/experimental/yolov7/reference/utils/add_nms.py | 2 +- models/experimental/yolov7/reference/utils/autoanchor.py | 2 +- models/experimental/yolov7/reference/utils/datasets.py | 2 +- models/experimental/yolov7/reference/utils/general.py | 2 +- models/experimental/yolov7/reference/utils/google_utils.py | 2 +- models/experimental/yolov7/reference/utils/loss.py | 2 +- models/experimental/yolov7/reference/utils/metrics.py | 2 +- models/experimental/yolov7/reference/utils/plots.py | 2 +- models/experimental/yolov7/reference/utils/torch_utils.py | 2 +- models/generation_utils.py | 2 +- models/helper_funcs.py | 2 +- models/perf/benchmarking_utils.py | 2 +- models/perf/device_perf_utils.py | 2 +- models/perf/merge_device_perf_results.py | 2 +- models/perf/merge_perf_results.py | 2 +- models/perf/perf_report.py | 2 +- models/perf/perf_utils.py | 2 +- models/sample_data/huggingface_imagenet_classes.py | 2 +- models/utility_functions.py | 2 +- scripts/github/issues.py | 2 +- setup.py | 2 +- tests/device_perf_tests/matmul_stagger/test_matmul_stagger.py | 2 +- tests/device_perf_tests/matmul_stagger/test_run_8x7_matmul.py | 2 +- .../stable_diffusion/test_perf_stable_diffusion.py | 2 +- tests/end_to_end_tests/conftest.py | 2 +- tests/end_to_end_tests/test_host_side_api.py | 2 +- tests/end_to_end_tests/test_unit_ops.py | 2 +- tests/scripts/cmdline_args.py | 2 +- tests/scripts/common.py | 2 +- tests/scripts/parse_profile_logs.py | 2 +- tests/scripts/run_testpoint_perprocess.py | 2 +- tests/scripts/run_tt_eager.py | 2 +- tests/scripts/run_tt_metal.py | 2 +- tests/scripts/test_moreh_microbenchmark.py | 2 +- tests/sweep_framework/sweeps/fused/layer_norm_traces.py | 2 +- tests/sweep_framework/sweeps/fused/softmax_traces.py | 2 +- tests/sweep_framework/sweeps/matmul/short/matmul.py | 2 +- tests/sweep_framework/sweeps/matmul/short/matmul_traces.py | 2 +- .../sweep_framework/sweeps/reduction/traces/argmax_traces.py | 2 +- tests/sweep_framework/sweeps/reduction/traces/max_traces.py | 2 +- tests/sweep_framework/sweeps/reduction/traces/mean_traces.py | 2 +- tests/sweep_framework/sweeps/reduction/traces/sum_traces.py | 2 +- tests/sweep_framework/sweeps/reduction/traces/topk_traces.py | 2 +- tests/tests_common/sfpu_helper/sfpu_helper.hpp | 2 +- tests/tt_eager/integration_tests/test_bert.cpp | 2 +- .../kernels/dataflow/dram_to_l1_copy_with_address_map.cpp | 2 +- tests/tt_eager/kernels/dataflow/reader_unary_8bank.cpp | 2 +- tests/tt_eager/kernels/dataflow/reader_unary_push_4.cpp | 2 +- tests/tt_eager/kernels/dataflow/writer_unary_8bank.cpp | 2 +- tests/tt_eager/ops/ccl/test_ccl_helpers.cpp | 2 +- tests/tt_eager/ops/ccl/test_ccl_tensor_slicers.cpp | 2 +- tests/tt_eager/ops/kernel/eltwise_sfpu.cpp | 2 +- tests/tt_eager/ops/test_average_pool.cpp | 2 +- tests/tt_eager/ops/test_bcast_op.cpp | 2 +- tests/tt_eager/ops/test_bmm_op.cpp | 2 +- tests/tt_eager/ops/test_eltwise_binary_op.cpp | 2 +- tests/tt_eager/ops/test_eltwise_unary_op.cpp | 2 +- tests/tt_eager/ops/test_layernorm_op.cpp | 2 +- tests/tt_eager/ops/test_pad_op.cpp | 2 +- tests/tt_eager/ops/test_sfpu.cpp | 2 +- tests/tt_eager/ops/test_softmax_op.cpp | 2 +- tests/tt_eager/ops/test_tilize_op.cpp | 2 +- tests/tt_eager/ops/test_tilize_op_channels_last.cpp | 2 +- tests/tt_eager/ops/test_tilize_zero_padding.cpp | 2 +- tests/tt_eager/ops/test_tilize_zero_padding_channels_last.cpp | 2 +- tests/tt_eager/ops/test_transpose_op.cpp | 2 +- tests/tt_eager/ops/test_transpose_wh_multi_core.cpp | 2 +- tests/tt_eager/ops/test_transpose_wh_single_core.cpp | 2 +- .../tt_eager/python_api_testing/conv/conv_op_trace_config.py | 2 +- .../tt_eager/python_api_testing/conv/conv_unit_test_utils.py | 2 +- tests/tt_eager/python_api_testing/conv/conv_utils.py | 2 +- .../python_api_testing/conv/generate_mm_tb_using_conv_tb.py | 2 +- tests/tt_eager/python_api_testing/conv/pytorch_conv_tb.py | 2 +- tests/tt_eager/python_api_testing/fused_ops/add_and_norm.py | 2 +- tests/tt_eager/python_api_testing/fused_ops/layernorm.py | 2 +- tests/tt_eager/python_api_testing/fused_ops/linear.py | 2 +- tests/tt_eager/python_api_testing/fused_ops/silu.py | 2 +- tests/tt_eager/python_api_testing/fused_ops/softmax.py | 2 +- .../non_working_unit_tests/grayskull/test_arange.py | 2 +- .../non_working_unit_tests/grayskull/test_argmax.py | 2 +- .../non_working_unit_tests/grayskull/test_argmax_padding.py | 2 +- .../non_working_unit_tests/grayskull/test_argmin.py | 2 +- .../non_working_unit_tests/grayskull/test_backward_fill.py | 2 +- .../non_working_unit_tests/grayskull/test_backward_sqrt.py | 2 +- .../grayskull/test_bfloat8_eltwise_logaddexp.py | 2 +- .../non_working_unit_tests/grayskull/test_clamp_max_bw.py | 2 +- .../non_working_unit_tests/grayskull/test_clamp_min_bw.py | 2 +- .../non_working_unit_tests/grayskull/test_complex_polar.py | 2 +- .../grayskull/test_eltwise_addcdiv_stuck_1.py | 2 +- .../grayskull/test_eltwise_addcdiv_stuck_2.py | 2 +- .../grayskull/test_eltwise_log_sigmoid.py | 2 +- .../non_working_unit_tests/grayskull/test_eltwise_ne.py | 2 +- .../non_working_unit_tests/grayskull/test_eltwise_recip.py | 2 +- .../non_working_unit_tests/grayskull/test_eltwise_rpow.py | 2 +- .../grayskull/test_eltwise_rsqrt_in_depth.py | 2 +- .../grayskull/test_eltwise_scale_mask_softmax_in_place.py | 2 +- .../grayskull/test_eltwise_softmax_in_place.py | 2 +- .../non_working_unit_tests/grayskull/test_permute.py | 2 +- .../non_working_unit_tests/grayskull/test_pow.py | 2 +- .../non_working_unit_tests/grayskull/test_reduce_max_h.py | 2 +- .../non_working_unit_tests/grayskull/test_reduce_sum_h.py | 2 +- .../non_working_unit_tests/grayskull/test_reshape.py | 2 +- .../non_working_unit_tests/grayskull/test_stats_mean_hw.py | 2 +- .../non_working_unit_tests/grayskull/test_stats_std_hw.py | 2 +- .../non_working_unit_tests/grayskull/test_stats_var_hw.py | 2 +- .../non_working_unit_tests/grayskull/test_sum_2.py | 2 +- .../non_working_unit_tests/wormhole/test_and.py | 2 +- .../wormhole/test_backward_embedding.py | 2 +- .../non_working_unit_tests/wormhole/test_backward_fill.py | 2 +- .../non_working_unit_tests/wormhole/test_clamp_max_bw.py | 2 +- .../non_working_unit_tests/wormhole/test_clamp_min_bw.py | 2 +- .../wormhole/test_dispatch_mode_transpose_nh.py | 2 +- .../non_working_unit_tests/wormhole/test_eltwise_isfinite.py | 2 +- .../non_working_unit_tests/wormhole/test_eltwise_relu_min.py | 2 +- .../non_working_unit_tests/wormhole/test_eltwise_rpow.py | 2 +- .../non_working_unit_tests/wormhole/test_eltwise_threshold.py | 2 +- .../non_working_unit_tests/wormhole/test_embeddings.py | 2 +- .../non_working_unit_tests/wormhole/test_isinf.py | 2 +- .../non_working_unit_tests/wormhole/test_isnan.py | 2 +- .../non_working_unit_tests/wormhole/test_isneginf.py | 2 +- .../non_working_unit_tests/wormhole/test_isposinf.py | 2 +- .../non_working_unit_tests/wormhole/test_normalize_global.py | 2 +- .../non_working_unit_tests/wormhole/test_or.py | 2 +- .../non_working_unit_tests/wormhole/test_segfault.py | 2 +- .../non_working_unit_tests/wormhole/test_transpose_nh.py | 2 +- .../wormhole/test_untilize_with_unpadding.py | 2 +- tests/tt_eager/python_api_testing/sweep_tests/common.py | 2 +- .../python_api_testing/sweep_tests/generation_funcs.py | 2 +- tests/tt_eager/python_api_testing/sweep_tests/model_tests.py | 2 +- tests/tt_eager/python_api_testing/sweep_tests/op_map.py | 2 +- .../sweep_tests/pytests/helper_funcs/test_linear.py | 2 +- .../sweep_tests/pytests/tensor/test_datacopy.py | 2 +- .../python_api_testing/sweep_tests/pytests/tensor/test_pad.py | 2 +- .../sweep_tests/pytests/tensor/test_pad_to_tile.py | 2 +- .../sweep_tests/pytests/tensor/test_unpad.py | 2 +- .../sweep_tests/pytests/tensor/test_unpad_from_tile.py | 2 +- .../sweep_tests/pytests/test_sweep_conv_with_address_map.py | 2 +- .../sweep_tests/pytests/tt_dnn/test_addalpha.py | 2 +- .../sweep_tests/pytests/tt_dnn/test_argmax_int.py | 2 +- .../sweep_tests/pytests/tt_dnn/test_broadcast.py | 2 +- .../sweep_tests/pytests/tt_dnn/test_composite.py | 2 +- .../sweep_tests/pytests/tt_dnn/test_eltwise_binary.py | 2 +- .../pytests/tt_dnn/test_eltwise_binary_optional_output.py | 2 +- .../sweep_tests/pytests/tt_dnn/test_eltwise_ternary.py | 2 +- .../sweep_tests/pytests/tt_dnn/test_eltwise_unary.py | 2 +- .../sweep_tests/pytests/tt_dnn/test_glu_variants.py | 2 +- .../sweep_tests/pytests/tt_dnn/test_layernorm_sharded.py | 2 +- .../sweep_tests/pytests/tt_dnn/test_matmul.py | 2 +- .../sweep_tests/pytests/tt_dnn/test_move.py | 2 +- .../sweep_tests/pytests/tt_dnn/test_outer.py | 2 +- .../python_api_testing/sweep_tests/pytests/tt_dnn/test_pad.py | 2 +- .../sweep_tests/pytests/tt_dnn/test_permute.py | 2 +- .../sweep_tests/pytests/tt_dnn/test_reduce.py | 2 +- .../sweep_tests/pytests/tt_dnn/test_repeat_interleave.py | 2 +- .../sweep_tests/pytests/tt_dnn/test_reshape.py | 2 +- .../sweep_tests/pytests/tt_dnn/test_softmax_sharded.py | 2 +- .../sweep_tests/pytests/tt_dnn/test_stats.py | 2 +- .../python_api_testing/sweep_tests/pytests/tt_dnn/test_sum.py | 2 +- .../sweep_tests/pytests/tt_dnn/test_tilize.py | 2 +- .../pytests/tt_dnn/test_tilize_with_val_padding.py | 2 +- .../pytests/tt_dnn/test_tilize_with_zero_padding.py | 2 +- .../sweep_tests/pytests/tt_dnn/test_transpose.py | 2 +- .../sweep_tests/pytests/tt_dnn/test_unpad.py | 2 +- .../sweep_tests/pytests/tt_dnn/test_untilize.py | 2 +- .../pytests/tt_dnn/test_untilize_with_unpadding.py | 2 +- tests/tt_eager/python_api_testing/sweep_tests/pytorch_ops.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_binary_addalpha.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_binary_assign.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_binary_atan2.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_binary_bias_gelu.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_binary_isclose.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_binary_ldexp.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_binary_lerp.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_binary_logaddexp.py | 2 +- .../reference_eltwise/eltwise_binary_logaddexp2.py | 2 +- .../reference_eltwise/eltwise_binary_logical_and.py | 2 +- .../reference_eltwise/eltwise_binary_logical_or.py | 2 +- .../reference_eltwise/eltwise_binary_logical_xor.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_binary_nextafter.py | 2 +- .../reference_eltwise/eltwise_binary_squared_difference.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_binary_subalpha.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_binary_xlogy.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_erfinv.py | 2 +- .../reference_eltwise/eltwise_logical_not_unary.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_logical_noti.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_ternary_addcdiv.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_ternary_addcmul.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_ternary_lerp.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_unary_acosh.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_unary_asin_acos.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_unary_asinh.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_unary_assign.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_unary_atan.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_unary_atanh.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_unary_bias_gelu.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_unary_digamma.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_unary_erf.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_unary_erfc.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_unary_exp2.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_unary_expm1.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_unary_heaviside.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_unary_i0.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_unary_isfinite.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_unary_isinf.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_unary_isnan.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_unary_isneginf.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_unary_isposinf.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_unary_lgamma.py | 2 +- .../reference_eltwise/eltwise_unary_logical_andi.py | 2 +- .../reference_eltwise/eltwise_unary_logical_ori.py | 2 +- .../reference_eltwise/eltwise_unary_logical_xori.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_unary_logit.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_unary_logsigmoid.py | 2 +- .../reference_eltwise/eltwise_unary_multigammaln.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_unary_polygamma.py | 2 +- .../reference_eltwise/eltwise_unary_repeat_interleave_dim2.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_unary_rsqrt.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_unary_tan.py | 2 +- .../sweep_tests/reference_eltwise/eltwise_unary_tanhshrink.py | 2 +- .../sweep_tests/reference_eltwise/tril_triu.py | 2 +- .../tt_eager/python_api_testing/sweep_tests/results_writer.py | 2 +- .../python_api_testing/sweep_tests/run_pytorch_ci_tests.py | 2 +- .../python_api_testing/sweep_tests/run_pytorch_test.py | 2 +- .../tt_eager/python_api_testing/sweep_tests/run_sweep_test.py | 2 +- .../python_api_testing/sweep_tests/run_sweep_tests.py | 2 +- tests/tt_eager/python_api_testing/sweep_tests/tt_lib_ops.py | 2 +- .../trace_testing/misc/test_average_pool.py | 2 +- .../python_api_testing/trace_testing/misc/test_bert_ops.py | 2 +- .../unit_testing/backward_ops/utility_funcs.py | 2 +- .../unit_testing/fallback_ops/test_adaptiveavgpool2d.py | 2 +- .../unit_testing/fallback_ops/test_argmax_min_op.py | 2 +- .../unit_testing/fallback_ops/test_batch_norm2d.py | 2 +- .../unit_testing/fallback_ops/test_bitwise_ops.py | 2 +- .../unit_testing/fallback_ops/test_bitwise_shift_ops.py | 2 +- .../unit_testing/fallback_ops/test_ceil_floor_mod_ops.py | 2 +- .../unit_testing/fallback_ops/test_chunk_op.py | 2 +- .../unit_testing/fallback_ops/test_concat_op.py | 2 +- .../unit_testing/fallback_ops/test_conv2d_op.py | 2 +- .../unit_testing/fallback_ops/test_full_op.py | 2 +- .../unit_testing/fallback_ops/test_group_norm.py | 2 +- .../unit_testing/fallback_ops/test_interpolate_op.py | 2 +- .../unit_testing/fallback_ops/test_layer_norm.py | 2 +- .../unit_testing/fallback_ops/test_maxpool2d.py | 2 +- .../unit_testing/fallback_ops/test_pad_op.py | 2 +- .../unit_testing/fallback_ops/test_repeat_interleave_op.py | 2 +- .../unit_testing/fallback_ops/test_repeat_op.py | 2 +- .../unit_testing/fallback_ops/test_reshape_op.py | 2 +- .../unit_testing/fallback_ops/test_silu_op.py | 2 +- .../unit_testing/fallback_ops/test_softmax_op.py | 2 +- .../unit_testing/fallback_ops/test_tensor_slice.py | 2 +- .../unit_testing/fallback_ops/test_trunc_ops.py | 2 +- .../python_api_testing/unit_testing/loss_ops/test_loss_mae.py | 2 +- .../python_api_testing/unit_testing/loss_ops/test_loss_mse.py | 2 +- .../python_api_testing/unit_testing/misc/test_attn_matmul.py | 2 +- .../python_api_testing/unit_testing/misc/test_average_pool.py | 2 +- .../python_api_testing/unit_testing/misc/test_bcast.py | 2 +- .../python_api_testing/unit_testing/misc/test_bert_ops.py | 2 +- .../unit_testing/misc/test_binary_eq_int.py | 2 +- .../python_api_testing/unit_testing/misc/test_concat.py | 2 +- .../unit_testing/misc/test_conv_op_trace_config.py | 2 +- .../python_api_testing/unit_testing/misc/test_downsample.py | 2 +- .../unit_testing/misc/test_eltwise_binary.py | 2 +- .../unit_testing/misc/test_eltwise_rsqrt_in_depth.py | 2 +- .../python_api_testing/unit_testing/misc/test_embedding.py | 2 +- .../tt_eager/python_api_testing/unit_testing/misc/test_eps.py | 2 +- .../python_api_testing/unit_testing/misc/test_examplerst.py | 2 +- .../python_api_testing/unit_testing/misc/test_fill_rm.py | 2 +- .../python_api_testing/unit_testing/misc/test_indexed_fill.py | 2 +- .../python_api_testing/unit_testing/misc/test_layernorm.py | 2 +- .../unit_testing/misc/test_layernorm_sharded.py | 2 +- .../python_api_testing/unit_testing/misc/test_logit.py | 2 +- .../python_api_testing/unit_testing/misc/test_matmul.py | 2 +- .../python_api_testing/unit_testing/misc/test_move.py | 2 +- .../python_api_testing/unit_testing/misc/test_move_sharded.py | 2 +- .../unit_testing/misc/test_nlp_concat_heads.py | 2 +- .../unit_testing/misc/test_nlp_concat_heads_decode.py | 2 +- .../unit_testing/misc/test_nlp_create_qkv_heads.py | 2 +- .../unit_testing/misc/test_nlp_create_qkv_heads_decode.py | 2 +- .../unit_testing/misc/test_nlp_create_qkv_heads_segformer.py | 2 +- .../unit_testing/misc/test_nlp_create_qkv_heads_vit.py | 2 +- .../python_api_testing/unit_testing/misc/test_non_zero.py | 2 +- .../python_api_testing/unit_testing/misc/test_padding_test.py | 2 +- .../unit_testing/misc/test_pow_fractional.py | 2 +- .../python_api_testing/unit_testing/misc/test_repeat.py | 2 +- .../python_api_testing/unit_testing/misc/test_reshape.py | 2 +- .../python_api_testing/unit_testing/misc/test_reshard.py | 2 +- .../misc/test_resnet50_first_conv_folding_on_host.py | 2 +- .../python_api_testing/unit_testing/misc/test_rmsnorm.py | 2 +- .../unit_testing/misc/test_rotary_embedding.py | 2 +- .../unit_testing/misc/test_rotary_embedding_llama.py | 2 +- .../unit_testing/misc/test_rotary_embedding_llama_fused_qk.py | 2 +- .../python_api_testing/unit_testing/misc/test_rotate_half.py | 2 +- .../python_api_testing/unit_testing/misc/test_sfpu_chain.py | 2 +- .../python_api_testing/unit_testing/misc/test_sharded.py | 2 +- .../unit_testing/misc/test_sharded_tensor.py | 2 +- .../unit_testing/misc/test_single_core_fused_ops.py | 2 +- .../python_api_testing/unit_testing/misc/test_softmax.py | 2 +- .../unit_testing/misc/test_softmax_sharded.py | 2 +- .../unit_testing/misc/test_split_any_dim_two_chunks_tiled.py | 2 +- .../unit_testing/misc/test_tilize_hpadding_matmul.py | 2 +- .../unit_testing/misc/test_tilize_matmul.py | 2 +- .../python_api_testing/unit_testing/misc/test_tilize_test.py | 2 +- .../unit_testing/misc/test_untilize_test.py | 2 +- .../python_api_testing/unit_testing/misc/test_update_cache.py | 2 +- .../tt_eager/python_api_testing/unit_testing/test_prod_all.py | 2 +- .../tt_eager/python_api_testing/unit_testing/test_prod_nc.py | 2 +- tests/tt_eager/tensors/test_async_tensor_apis.cpp | 2 +- tests/tt_eager/tensors/test_copy_and_move.cpp | 2 +- tests/tt_eager/tensors/test_host_device_loopback.cpp | 2 +- tests/tt_eager/tensors/test_ranks.cpp | 2 +- tests/tt_eager/tensors/test_raw_host_memory_pointer.cpp | 2 +- tests/tt_metal/llrt/test_libs/conv_pattern.hpp | 2 +- .../test_ethernet_bidirectional_bandwidth_microbenchmark.py | 2 +- .../ethernet/test_ethernet_link_ping_latency.py | 2 +- .../ethernet/test_ethernet_ring_latency_microbenchmark.py | 2 +- .../ethernet/test_ethernet_send_data_microbenchmark.py | 2 +- .../test_noc_unicast_vs_multicast_to_single_core_latency.py | 2 +- tests/tt_metal/test_utils/comparison.hpp | 2 +- tests/tt_metal/test_utils/deprecated/tensor.hpp | 2 +- tests/tt_metal/test_utils/df/df.hpp | 2 +- tests/tt_metal/test_utils/df/float32.hpp | 2 +- tests/tt_metal/test_utils/env_vars.hpp | 2 +- tests/tt_metal/test_utils/packing.hpp | 2 +- tests/tt_metal/test_utils/print_helpers.hpp | 2 +- tests/tt_metal/test_utils/stimulus.hpp | 2 +- tests/tt_metal/test_utils/tilization.hpp | 2 +- tests/tt_metal/tools/profiler/test_device_profiler.py | 2 +- .../tools/profiler/test_device_profiler_gs_no_reset.py | 2 +- .../tt_metal/api/allocator/test_free_list_allocator.cpp | 2 +- .../tt_metal/api/allocator/test_l1_banking_allocator.cpp | 2 +- tests/tt_metal/tt_metal/api/buffer_test_utils.hpp | 2 +- .../api/circular_buffer/circular_buffer_test_utils.hpp | 2 +- .../api/circular_buffer/test_CircularBuffer_allocation.cpp | 2 +- .../api/circular_buffer/test_CircularBuffer_creation.cpp | 2 +- .../tt_metal/api/core_coord/test_CoreRangeSet_construct.cpp | 2 +- .../tt_metal/api/core_coord/test_CoreRangeSet_contains.cpp | 2 +- .../tt_metal/api/core_coord/test_CoreRangeSet_intersects.cpp | 2 +- .../tt_metal/api/core_coord/test_CoreRangeSet_merge.cpp | 2 +- .../tt_metal/api/core_coord/test_CoreRange_adjacent.cpp | 2 +- .../tt_metal/api/core_coord/test_CoreRange_contains.cpp | 2 +- .../tt_metal/api/core_coord/test_CoreRange_intersects.cpp | 2 +- .../tt_metal/tt_metal/api/core_coord/test_CoreRange_merge.cpp | 2 +- tests/tt_metal/tt_metal/api/test_CommandQueue.cpp | 2 +- tests/tt_metal/tt_metal/api/test_banked.cpp | 2 +- tests/tt_metal/tt_metal/api/test_bit_utils.cpp | 2 +- tests/tt_metal/tt_metal/api/test_direct.cpp | 2 +- tests/tt_metal/tt_metal/api/test_dram.cpp | 2 +- tests/tt_metal/tt_metal/api/test_dram_to_l1_multicast.cpp | 2 +- tests/tt_metal/tt_metal/api/test_noc.cpp | 2 +- tests/tt_metal/tt_metal/api/test_runtime_args.cpp | 2 +- tests/tt_metal/tt_metal/api/test_semaphores.cpp | 2 +- tests/tt_metal/tt_metal/api/test_sharded_l1_buffer.cpp | 2 +- tests/tt_metal/tt_metal/api/test_simple_dram_buffer.cpp | 2 +- tests/tt_metal/tt_metal/api/test_simple_l1_buffer.cpp | 2 +- tests/tt_metal/tt_metal/api/test_soc_descriptor.cpp | 2 +- tests/tt_metal/tt_metal/api/test_tilize_untilize.cpp | 2 +- tests/tt_metal/tt_metal/common/command_queue_fixture.hpp | 2 +- tests/tt_metal/tt_metal/common/device_fixture.hpp | 2 +- tests/tt_metal/tt_metal/common/matmul_test_utils.hpp | 2 +- tests/tt_metal/tt_metal/debug_tools/debug_tools_fixture.hpp | 2 +- .../tt_metal/tt_metal/debug_tools/debug_tools_test_utils.hpp | 2 +- tests/tt_metal/tt_metal/debug_tools/dprint/test_eth_cores.cpp | 2 +- .../tt_metal/debug_tools/dprint/test_invalid_print_core.cpp | 2 +- .../tt_metal/tt_metal/debug_tools/dprint/test_mute_device.cpp | 2 +- .../tt_metal/debug_tools/dprint/test_mute_print_server.cpp | 2 +- .../tt_metal/debug_tools/dprint/test_print_all_harts.cpp | 2 +- .../tt_metal/debug_tools/dprint/test_print_before_finish.cpp | 2 +- .../tt_metal/debug_tools/dprint/test_print_hanging.cpp | 2 +- .../tt_metal/debug_tools/dprint/test_print_tensix_dest.cpp | 2 +- .../tt_metal/tt_metal/debug_tools/dprint/test_raise_wait.cpp | 2 +- tests/tt_metal/tt_metal/debug_tools/watcher/test_assert.cpp | 2 +- .../tt_metal/debug_tools/watcher/test_link_training.cpp | 2 +- .../tt_metal/debug_tools/watcher/test_noc_sanitize.cpp | 2 +- .../tt_metal/debug_tools/watcher/test_noc_sanitize_delays.cpp | 2 +- tests/tt_metal/tt_metal/debug_tools/watcher/test_pause.cpp | 2 +- tests/tt_metal/tt_metal/debug_tools/watcher/test_ringbuf.cpp | 2 +- tests/tt_metal/tt_metal/debug_tools/watcher/test_waypoint.cpp | 2 +- tests/tt_metal/tt_metal/device/test_device.cpp | 2 +- tests/tt_metal/tt_metal/device/test_device_cluster_api.cpp | 2 +- .../tt_metal/device/test_device_init_and_teardown.cpp | 2 +- tests/tt_metal/tt_metal/device/test_device_pool.cpp | 2 +- .../test_EnqueueWriteBuffer_and_EnqueueReadBuffer.cpp | 2 +- .../dispatch/dispatch_event/test_EnqueueWaitForEvent.cpp | 2 +- .../tt_metal/tt_metal/dispatch/dispatch_event/test_events.cpp | 2 +- .../dispatch/dispatch_program/test_EnqueueProgram.cpp | 2 +- .../dispatch/dispatch_program/test_dispatch_stress.cpp | 2 +- tests/tt_metal/tt_metal/dispatch/dispatch_test_utils.hpp | 2 +- .../tt_metal/dispatch/dispatch_trace/test_EnqueueTrace.cpp | 2 +- tests/tt_metal/tt_metal/eth/test_basic_eth.cpp | 2 +- tests/tt_metal/tt_metal/eth/test_buffer_movement_kernels.cpp | 2 +- tests/tt_metal/tt_metal/eth/test_erisc_app_direct_send.cpp | 2 +- tests/tt_metal/tt_metal/eth/test_ring_gather_kernels.cpp | 2 +- .../tt_metal/integration/matmul/test_matmul_X_tile.cpp | 2 +- .../tt_metal/integration/matmul/test_matmul_large_block.cpp | 2 +- .../integration/matmul/test_matmul_multi_core_X_dram.cpp | 2 +- .../test_matmul_multi_core_multi_dram_in0_mcast_in1_mcast.cpp | 2 +- .../matmul/test_matmul_multi_core_multi_dram_inX_mcast.cpp | 2 +- .../tt_metal/integration/matmul/test_matmul_single_core.cpp | 2 +- .../tt_metal/integration/test_autonomous_relay_streams.cpp | 2 +- tests/tt_metal/tt_metal/integration/test_basic_pipeline.cpp | 2 +- tests/tt_metal/tt_metal/integration/test_flatten.cpp | 2 +- tests/tt_metal/tt_metal/integration/test_sfpu_compute.cpp | 2 +- tests/tt_metal/tt_metal/llk/test_golden_impls.cpp | 2 +- tests/tt_metal/tt_metal/llk/test_golden_impls.hpp | 2 +- tests/tt_metal/tt_metal/llk/test_reduce.cpp | 2 +- tests/tt_metal/tt_metal/llk/test_sfpu_compute.cpp | 2 +- .../tt_metal/tt_metal/llk/test_single_core_binary_compute.cpp | 2 +- .../tt_metal/tt_metal/llk/test_single_core_matmul_compute.cpp | 2 +- tests/tt_metal/tt_metal/llk/test_transpose.cpp | 2 +- tests/tt_metal/tt_metal/llk/test_untilize_tilize.cpp | 2 +- .../10_dram_read_remote_cb_sync/test_dram_read_remote_cb.cpp | 2 +- .../kernels/bmm_large_block_zm_fused_bias_activation.cpp | 2 +- .../kernels/bmm_large_block_zm_fused_bias_activation_copy.cpp | 2 +- .../1_compute_mm/kernels/in0_reader_bmm_single_core.cpp | 2 +- .../1_compute_mm/kernels/in0_reader_bmm_tile_layout.cpp | 2 +- .../kernels/in1_reader_writer_bmm_single_core.cpp | 2 +- .../kernels/in1_reader_writer_bmm_tile_layout.cpp | 2 +- .../perf_microbenchmark/1_compute_mm/test_compute_mm.cpp | 2 +- .../perf_microbenchmark/2_noc_adjacent/kernels/noc_read.cpp | 2 +- .../perf_microbenchmark/2_noc_adjacent/kernels/noc_write.cpp | 2 +- .../perf_microbenchmark/2_noc_adjacent/test_noc_adjacent.cpp | 2 +- .../perf_microbenchmark/2_noc_rtor/kernels/noc_read.cpp | 2 +- .../perf_microbenchmark/2_noc_rtor/kernels/noc_write.cpp | 2 +- .../tt_metal/perf_microbenchmark/2_noc_rtor/test_noc_rtor.cpp | 2 +- .../3_pcie_transfer/kernels/pull_from_pcie.cpp | 2 +- .../3_pcie_transfer/test_pull_from_pcie.cpp | 2 +- .../perf_microbenchmark/3_pcie_transfer/test_rw_buffer.cpp | 2 +- .../6_dram_offchip/kernels/reader_dram.cpp | 2 +- .../6_dram_offchip/kernels/writer_dram.cpp | 2 +- .../perf_microbenchmark/6_dram_offchip/test_dram_offchip.cpp | 2 +- .../perf_microbenchmark/7_kernel_launch/kernels/compute.cpp | 2 +- .../perf_microbenchmark/7_kernel_launch/kernels/reader.cpp | 2 +- .../perf_microbenchmark/7_kernel_launch/kernels/writer.cpp | 2 +- .../7_kernel_launch/test_kernel_launch.cpp | 2 +- .../8_dram_adjacent_core_read/kernels/reader_dram.cpp | 2 +- .../8_dram_adjacent_core_read/test_dram_read.cpp | 2 +- .../test_dram_read_l1_write.cpp | 2 +- tests/tt_metal/tt_metal/perf_microbenchmark/common/util.hpp | 2 +- tests/tt_metal/tt_metal/perf_microbenchmark/dispatch/common.h | 2 +- .../perf_microbenchmark/dispatch/kernels/bw_and_latency.cpp | 2 +- .../perf_microbenchmark/dispatch/kernels/spoof_prefetch.cpp | 2 +- .../perf_microbenchmark/dispatch/test_bw_and_latency.cpp | 2 +- .../tt_metal/perf_microbenchmark/dispatch/test_dispatcher.cpp | 2 +- .../perf_microbenchmark/dispatch/test_pgm_dispatch.cpp | 2 +- .../tt_metal/perf_microbenchmark/dispatch/test_prefetcher.cpp | 2 +- .../ethernet/test_ethernet_bidirectional_bandwidth_no_edm.cpp | 2 +- .../ethernet/test_ethernet_hop_latencies_no_edm.cpp | 2 +- .../ethernet/test_ethernet_link_ping_latency_no_edm.cpp | 2 +- .../ethernet/test_ethernet_read_and_send_data.cpp | 2 +- .../ethernet/test_ethernet_send_data_looping.cpp | 2 +- .../test_workers_and_erisc_datamover_unidirectional.cpp | 2 +- .../noc/kernels/multicast_to_single_core.cpp | 2 +- .../noc/kernels/unicast_to_single_core.cpp | 2 +- .../test_noc_unicast_vs_multicast_to_single_core_latency.cpp | 2 +- .../kernels/bmm_large_block_zm_fused_bias_activation.cpp | 2 +- .../old/matmul/kernels/compute_local_l1.cpp | 2 +- .../matmul/kernels/reader_bmm_tile_layout_in0_receiver.cpp | 2 +- .../kernels/reader_bmm_tile_layout_in0_sender_padding.cpp | 2 +- .../reader_bmm_tile_layout_in1_receiver_writer_padding.cpp | 2 +- .../reader_bmm_tile_layout_in1_sender_writer_padding.cpp | 2 +- .../perf_microbenchmark/old/matmul/matmul_global_l1.cpp | 2 +- .../perf_microbenchmark/old/matmul/matmul_local_l1.cpp | 2 +- .../perf_microbenchmark/old/noc/kernels/reader_global_l1.cpp | 2 +- .../perf_microbenchmark/old/noc/kernels/reader_local_l1.cpp | 2 +- .../perf_microbenchmark/old/noc/test_noc_read_global_l1.cpp | 2 +- .../perf_microbenchmark/old/noc/test_noc_read_local_l1.cpp | 2 +- .../perf_microbenchmark/old/pcie/test_enqueue_rw_buffer.cpp | 2 +- .../tt_metal/perf_microbenchmark/old/pcie/test_rw_buffer.cpp | 2 +- .../perf_microbenchmark/old/pcie/test_rw_device_dram.cpp | 2 +- .../perf_microbenchmark/old/pcie/test_rw_device_l1.cpp | 2 +- .../perf_microbenchmark/routing/kernels/traffic_gen.hpp | 2 +- .../perf_microbenchmark/routing/kernels/traffic_gen_rx.cpp | 2 +- .../perf_microbenchmark/routing/kernels/traffic_gen_test.hpp | 2 +- .../perf_microbenchmark/routing/kernels/traffic_gen_tx.cpp | 2 +- .../tt_metal/perf_microbenchmark/routing/test_bi_tunnel.cpp | 2 +- .../tt_metal/perf_microbenchmark/routing/test_common.hpp | 2 +- .../tt_metal/perf_microbenchmark/routing/test_mux_demux.cpp | 2 +- .../perf_microbenchmark/routing/test_mux_demux_2level.cpp | 2 +- .../tt_metal/perf_microbenchmark/routing/test_tunnel_1cq.cpp | 2 +- .../tt_metal/perf_microbenchmark/routing/test_tunnel_2cq.cpp | 2 +- .../tt_metal/perf_microbenchmark/routing/test_tx_rx.cpp | 2 +- .../tt_metal/perf_microbenchmark/routing/test_uni_tunnel.cpp | 2 +- .../routing/test_uni_tunnel_single_chip.cpp | 2 +- .../perf_microbenchmark/routing/test_vc_mux_demux.cpp | 2 +- .../perf_microbenchmark/routing/test_vc_uni_tunnel.cpp | 2 +- tests/tt_metal/tt_metal/test_add_two_ints.cpp | 2 +- tests/tt_metal/tt_metal/test_bcast.cpp | 2 +- tests/tt_metal/tt_metal/test_bfp4_conversion.cpp | 2 +- tests/tt_metal/tt_metal/test_bfp8_conversion.cpp | 2 +- tests/tt_metal/tt_metal/test_bmm.cpp | 2 +- tests/tt_metal/tt_metal/test_clean_init.cpp | 2 +- tests/tt_metal/tt_metal/test_compile_args.cpp | 2 +- tests/tt_metal/tt_metal/test_compile_program.cpp | 2 +- tests/tt_metal/tt_metal/test_compile_sets_kernel_binaries.cpp | 2 +- tests/tt_metal/tt_metal/test_core_range_set.cpp | 2 +- tests/tt_metal/tt_metal/test_datacopy.cpp | 2 +- tests/tt_metal/tt_metal/test_datacopy_bfp8b.cpp | 2 +- .../tt_metal/tt_metal/test_datacopy_multi_core_multi_dram.cpp | 2 +- tests/tt_metal/tt_metal/test_datacopy_output_in_l1.cpp | 2 +- tests/tt_metal/tt_metal/test_dataflow_cb.cpp | 2 +- tests/tt_metal/tt_metal/test_dram_copy_sticks_multi_core.cpp | 2 +- tests/tt_metal/tt_metal/test_dram_loopback_multi_core.cpp | 2 +- tests/tt_metal/tt_metal/test_dram_loopback_multi_core_db.cpp | 2 +- tests/tt_metal/tt_metal/test_dram_loopback_single_core.cpp | 2 +- tests/tt_metal/tt_metal/test_dram_loopback_single_core_db.cpp | 2 +- tests/tt_metal/tt_metal/test_dram_to_l1_multicast.cpp | 2 +- .../tt_metal/test_dram_to_l1_multicast_loopback_src.cpp | 2 +- tests/tt_metal/tt_metal/test_eltwise_binary.cpp | 2 +- tests/tt_metal/tt_metal/test_enqueue_program.cpp | 2 +- tests/tt_metal/tt_metal/test_flatten.cpp | 2 +- .../test_generic_binary_reader_matmul_large_block.cpp | 2 +- tests/tt_metal/tt_metal/test_gold_impls.hpp | 2 +- tests/tt_metal/tt_metal/test_interleaved_l1_buffer.cpp | 2 +- tests/tt_metal/tt_metal/test_interleaved_layouts.cpp | 2 +- .../compute/3T/matmul_large_block_zm/zm_3m_math.cpp | 2 +- .../compute/3T/matmul_large_block_zm/zm_3m_pack.cpp | 2 +- .../compute/3T/matmul_large_block_zm/zm_3m_unpack.cpp | 2 +- .../compute/3T/untilize_A_and_eltwise_binary/chlkc_math.cpp | 2 +- .../compute/3T/untilize_A_and_eltwise_binary/chlkc_pack.cpp | 2 +- .../compute/3T/untilize_A_and_eltwise_binary/chlkc_unpack.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/compute/bcast_h.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/compute/bcast_hw.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/compute/bcast_w.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/compute/bmm.cpp | 2 +- .../tt_metal/test_kernels/compute/bmm_large_block_zm.cpp | 2 +- .../compute/bmm_large_block_zm_fused_bias_activation.cpp | 2 +- .../compute/bmm_large_block_zm_mixed_precision.cpp | 2 +- .../tt_metal/test_kernels/compute/bmm_tilize_untilize.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/compute/eltwise_copy.cpp | 2 +- .../tt_metal/test_kernels/compute/eltwise_copy_3m.cpp | 2 +- .../tt_metal/test_kernels/compute/eltwise_copy_block.cpp | 2 +- .../tt_metal/test_kernels/compute/eltwise_copy_print_dest.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/compute/eltwise_sfpi.cpp | 2 +- .../tt_metal/test_kernels/compute/increment_runtime_arg.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/compute/layernorm.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/compute/matmul.cpp | 2 +- .../tt_metal/test_kernels/compute/matmul_large_block.cpp | 2 +- .../test_kernels/compute/matmul_large_block_generalized.cpp | 2 +- .../tt_metal/test_kernels/compute/matmul_large_block_zm.cpp | 2 +- .../tt_metal/test_kernels/compute/matmul_with_bias.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/compute/max_pool.cpp | 2 +- .../tt_metal/test_kernels/compute/max_pool_multi_core.cpp | 2 +- .../tt_metal/tt_metal/test_kernels/compute/pack_untilize.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/compute/reduce_h.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/compute/reduce_hw.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/compute/reduce_w.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/compute/rmsnorm.cpp | 2 +- .../tt_metal/test_kernels/compute/rotary_embedding.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/compute/softmax.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/compute/tilize.cpp | 2 +- .../tt_metal/test_kernels/compute/transformer_attn_matmul.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/compute/transpose_wh.cpp | 2 +- .../compute/unit_tests/matmul/multi_block_compute.cpp | 2 +- .../compute/unit_tests/matmul/multi_tile_compute.cpp | 2 +- .../test_kernels/compute/unit_tests/matmul/reader_binary.cpp | 2 +- .../compute/unit_tests/matmul/reader_binary_blocked.cpp | 2 +- .../compute/unit_tests/matmul/single_tile_compute.cpp | 2 +- .../test_kernels/compute/unit_tests/matmul/writer_unary.cpp | 2 +- .../tt_metal/test_kernels/compute/unpack_tilizeA_B.cpp | 2 +- .../tt_metal/test_kernels/compute/unpack_untilize.cpp | 2 +- .../tt_metal/test_kernels/compute/untilA_elwbin_3m.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/compute/update_cache.cpp | 2 +- .../tt_metal/tt_metal/test_kernels/dataflow/banked_reader.cpp | 2 +- .../tt_metal/tt_metal/test_kernels/dataflow/banked_writer.cpp | 2 +- .../tt_metal/test_kernels/dataflow/direct_reader_unary.cpp | 2 +- .../tt_metal/test_kernels/dataflow/direct_writer_unary.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/dataflow/dram_copy.cpp | 2 +- .../tt_metal/tt_metal/test_kernels/dataflow/dram_copy_db.cpp | 2 +- .../tt_metal/test_kernels/dataflow/dram_copy_sticks.cpp | 2 +- .../tt_metal/test_kernels/dataflow/dram_loader_sync.cpp | 2 +- .../tt_metal/test_kernels/dataflow/dram_loader_sync_db.cpp | 2 +- .../tt_metal/test_kernels/dataflow/dram_to_l1_multicast.cpp | 2 +- .../dataflow/dram_to_l1_multicast_exclude_region.cpp | 2 +- .../dataflow/dram_to_l1_multicast_include_src.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/dataflow/flatten.cpp | 2 +- .../test_kernels/dataflow/generic_binary_reader_blocked.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/dataflow/l1_to_l1.cpp | 2 +- .../tt_metal/test_kernels/dataflow/reader_bcast_h.cpp | 2 +- .../tt_metal/test_kernels/dataflow/reader_bcast_h_8bank.cpp | 2 +- .../tt_metal/test_kernels/dataflow/reader_bcast_hw_8bank.cpp | 2 +- .../tt_metal/test_kernels/dataflow/reader_bcast_w.cpp | 2 +- .../tt_metal/test_kernels/dataflow/reader_bcast_w_8bank.cpp | 2 +- .../tt_metal/tt_metal/test_kernels/dataflow/reader_binary.cpp | 2 +- .../tt_metal/test_kernels/dataflow/reader_bmm_8bank.cpp | 2 +- .../tt_metal/test_kernels/dataflow/reader_cb_test.cpp | 2 +- .../tt_metal/test_kernels/dataflow/reader_dual_8bank.cpp | 2 +- .../tt_metal/test_kernels/dataflow/reader_first_stage.cpp | 2 +- .../tt_metal/test_kernels/dataflow/reader_matmul_blocked.cpp | 2 +- .../test_kernels/dataflow/reader_matmul_small_block.cpp | 2 +- .../test_kernels/dataflow/reader_matmul_tile_layout.cpp | 2 +- .../dataflow/reader_matmul_tile_layout_in0_mcast_receiver.cpp | 2 +- .../dataflow/reader_matmul_tile_layout_in0_mcast_sender.cpp | 2 +- .../reader_matmul_tile_layout_in0_receiver_in1_receiver.cpp | 2 +- .../reader_matmul_tile_layout_in0_receiver_in1_sender.cpp | 2 +- .../reader_matmul_tile_layout_in0_sender_in1_receiver.cpp | 2 +- .../reader_matmul_tile_layout_in0_sender_in1_sender.cpp | 2 +- .../dataflow/reader_matmul_tile_layout_in1_mcast_receiver.cpp | 2 +- .../dataflow/reader_matmul_tile_layout_in1_mcast_sender.cpp | 2 +- .../test_kernels/dataflow/reader_matmul_with_bias_blocked.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/dataflow/reader_nary.cpp | 2 +- .../tt_metal/test_kernels/dataflow/reader_unary_8bank.cpp | 2 +- .../test_kernels/dataflow/reader_unary_8bank_reduce.cpp | 2 +- .../tt_metal/test_kernels/dataflow/reader_unary_push_4.cpp | 2 +- .../test_kernels/dataflow/reader_unary_stick_layout_8bank.cpp | 2 +- .../test_kernels/dataflow/reader_unary_transpose_wh.cpp | 2 +- .../test_kernels/dataflow/reader_unary_transpose_wh_8bank.cpp | 2 +- .../dataflow/reader_unary_transpose_wh_interleaved.cpp | 2 +- .../test_kernels/dataflow/receiver_intermediate_stage.cpp | 2 +- .../test_kernels/dataflow/remote_read_remote_write_sync.cpp | 2 +- .../dataflow/remote_read_remote_write_sync_db.cpp | 2 +- .../test_kernels/dataflow/sender_intermediate_stage.cpp | 2 +- .../dataflow/streams/stream_io_kernel_helpers.hpp | 2 +- .../test_kernels/dataflow/streams/stream_reg_read_write.cpp | 2 +- .../tt_metal/test_kernels/dataflow/streams/stream_relay.cpp | 2 +- .../dataflow/streams/stream_relay_remote_receiver.cpp | 2 +- .../dataflow/streams/stream_relay_remote_receiver_writer.cpp | 2 +- .../dataflow/streams/stream_relay_remote_sender.cpp | 2 +- .../dataflow/streams/stream_relay_remote_sender_reader.cpp | 2 +- .../tt_metal/test_kernels/dataflow/test_compile_args.cpp | 2 +- .../tt_metal/tt_metal/test_kernels/dataflow/transpose_hc.cpp | 2 +- .../tt_metal/test_kernels/dataflow/transpose_hc_8bank.cpp | 2 +- .../dataflow/unit_tests/command_queue/arbiter_hang.cpp | 2 +- .../dataflow/unit_tests/command_queue/pcie_write_16b.cpp | 2 +- .../dataflow/unit_tests/command_queue/random_program.cpp | 2 +- .../dataflow/unit_tests/dram/banked_reader_dram.cpp | 2 +- .../dataflow/unit_tests/dram/banked_reader_unary.cpp | 2 +- .../dataflow/unit_tests/dram/banked_writer_dram.cpp | 2 +- .../dataflow/unit_tests/dram/banked_writer_unary.cpp | 2 +- .../dataflow/unit_tests/dram/direct_reader_binary.cpp | 2 +- .../dataflow/unit_tests/dram/direct_reader_dram_to_l1.cpp | 2 +- .../dataflow/unit_tests/dram/direct_reader_unary.cpp | 2 +- .../dataflow/unit_tests/dram/direct_writer_l1_to_dram.cpp | 2 +- .../dataflow/unit_tests/dram/direct_writer_unary.cpp | 2 +- .../unit_tests/erisc/direct_dram_to_dram_receiver.cpp | 2 +- .../dataflow/unit_tests/erisc/direct_dram_to_dram_sender.cpp | 2 +- .../dataflow/unit_tests/erisc/direct_reader_dram_to_l1.cpp | 2 +- .../dataflow/unit_tests/erisc/direct_writer_l1_to_dram.cpp | 2 +- .../dataflow/unit_tests/erisc/erisc_l1_data_forward.cpp | 2 +- .../dataflow/unit_tests/erisc/eth_l1_direct_receive.cpp | 2 +- .../unit_tests/erisc/eth_l1_direct_receive_looping.cpp | 2 +- .../unit_tests/erisc/eth_l1_direct_ring_gather_receive.cpp | 2 +- .../unit_tests/erisc/eth_l1_direct_ring_gather_send.cpp | 2 +- .../dataflow/unit_tests/erisc/eth_l1_direct_send.cpp | 2 +- .../erisc/eth_l1_direct_send_looping_multi_channel.cpp | 2 +- .../eth_l1_forward_local_chip_data_looping_multi_channel.cpp | 2 +- .../dataflow/unit_tests/erisc/eth_l1_scatter_send.cpp | 2 +- .../unit_tests/erisc/eth_latency_ubench_eth_receiver.cpp | 2 +- .../unit_tests/erisc/eth_latency_ubench_eth_sender.cpp | 2 +- .../erisc/eth_latency_ubench_init_coordination_worker.cpp | 2 +- .../unit_tests/erisc/eth_non_blocking_receive_fwd_to_dram.cpp | 2 +- .../unit_tests/erisc/ethernet_bidirectional_ubench.cpp | 2 +- .../erisc/ethernet_ping_latency_ubench_receiver.cpp | 2 +- .../unit_tests/erisc/ethernet_ping_latency_ubench_sender.cpp | 2 +- .../test_kernels/dataflow/unit_tests/erisc/hung_kernel.cpp | 2 +- .../erisc/interleaved_buffer_to_buffer_receiver.cpp | 2 +- .../unit_tests/erisc/interleaved_buffer_to_buffer_sender.cpp | 2 +- .../unit_tests/erisc/interleaved_eth_ring_gather_receive.cpp | 2 +- .../unit_tests/erisc/interleaved_eth_ring_gather_send.cpp | 2 +- .../tt_metal/test_kernels/dataflow/writer_bmm_8bank.cpp | 2 +- .../tt_metal/test_kernels/dataflow/writer_cb_test.cpp | 2 +- .../tt_metal/test_kernels/dataflow/writer_last_stage.cpp | 2 +- .../test_kernels/dataflow/writer_matmul_tile_layout.cpp | 2 +- .../tt_metal/test_kernels/dataflow/writer_unary_8bank.cpp | 2 +- .../test_kernels/dataflow/writer_unary_stick_layout_8bank.cpp | 2 +- .../test_kernels/dataflow/writer_unary_transpose_wh.cpp | 2 +- .../tt_metal/test_kernels/dataflow/writer_unswizzle.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/misc/add_two_ints.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/misc/brisc_print.cpp | 2 +- .../tt_metal/test_kernels/misc/dprint_raise_wait_brisc.cpp | 2 +- .../tt_metal/test_kernels/misc/dprint_raise_wait_ncrisc.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/misc/erisc_print.cpp | 2 +- .../tt_metal/test_kernels/misc/increment_runtime_arg.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/misc/local_mem.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/misc/ncrisc_print.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/misc/ping_legal_l1s.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/misc/print_hang.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/misc/print_one_int.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/misc/print_tile.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/misc/print_with_wait.cpp | 2 +- .../tt_metal/test_kernels/misc/runtime_args_kernel.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/misc/trisc_print.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/misc/watcher_asserts.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/misc/watcher_pause.cpp | 2 +- tests/tt_metal/tt_metal/test_kernels/misc/watcher_ringbuf.cpp | 2 +- .../tt_metal/tt_metal/test_kernels/misc/watcher_waypoints.cpp | 2 +- tests/tt_metal/tt_metal/test_l1_to_l1_multi_core.cpp | 2 +- tests/tt_metal/tt_metal/test_matmul_large_block.cpp | 2 +- tests/tt_metal/tt_metal/test_matmul_multi_core_multi_dram.cpp | 2 +- .../tt_metal/test_matmul_multi_core_multi_dram_in0_mcast.cpp | 2 +- .../test_matmul_multi_core_multi_dram_in0_mcast_in1_mcast.cpp | 2 +- .../tt_metal/test_matmul_multi_core_multi_dram_in1_mcast.cpp | 2 +- .../tt_metal/tt_metal/test_matmul_multi_core_single_dram.cpp | 2 +- tests/tt_metal/tt_metal/test_matmul_multi_tile.cpp | 2 +- tests/tt_metal/tt_metal/test_matmul_single_core.cpp | 2 +- tests/tt_metal/tt_metal/test_matmul_single_core_small.cpp | 2 +- tests/tt_metal/tt_metal/test_matmul_single_tile.cpp | 2 +- tests/tt_metal/tt_metal/test_matmul_single_tile_bfp8b.cpp | 2 +- .../tt_metal/test_matmul_single_tile_output_in_l1.cpp | 2 +- tests/tt_metal/tt_metal/test_multi_core_kernel.cpp | 2 +- tests/tt_metal/tt_metal/test_multiple_programs.cpp | 2 +- tests/tt_metal/tt_metal/test_transpose_hc.cpp | 2 +- tests/tt_metal/tt_metal/test_untilize_eltwise_binary.cpp | 2 +- tests/ttnn/conftest.py | 2 +- tests/ttnn/integration_tests/bert/test_performance.py | 2 +- tests/ttnn/integration_tests/bert/test_torch_bert.py | 2 +- tests/ttnn/integration_tests/bert/test_ttnn_bert.py | 2 +- tests/ttnn/integration_tests/bert/test_ttnn_optimized_bert.py | 2 +- .../bert/test_ttnn_optimized_sharded_bert.py | 2 +- tests/ttnn/integration_tests/bert_tiny/test_bert_tiny.py | 2 +- tests/ttnn/integration_tests/bert_tiny/test_bert_tiny_wh.py | 2 +- .../ttnn/integration_tests/bloom/test_bloom_for_causal_lm.py | 2 +- .../bloom/test_bloom_for_question_answering.py | 2 +- tests/ttnn/integration_tests/bloom/test_demo.py | 2 +- tests/ttnn/integration_tests/bloom/test_performance.py | 2 +- .../integration_tests/bloom/test_torch_functional_bloom.py | 2 +- .../integration_tests/bloom/test_ttnn_functional_bloom.py | 2 +- .../bloom/test_ttnn_optimized_functional_bloom.py | 2 +- .../integration_tests/convnet_mnist/test_convnet_mnist.py | 2 +- .../ttnn/integration_tests/distilbert/test_ttnn_distilbert.py | 2 +- .../ttnn/integration_tests/falcon7b/test_falcon_attention.py | 2 +- tests/ttnn/integration_tests/falcon7b/test_falcon_mlp.py | 2 +- .../falcon7b/test_falcon_rotary_embeddings.py | 2 +- tests/ttnn/integration_tests/mnist/test_mnist.py | 2 +- .../resnet/test_ttnn_functional_resnet50_large_new.py | 2 +- .../resnet/test_ttnn_functional_resnet50_new.py | 2 +- .../resnet/test_ttnn_functional_resnet50_xlarge_new.py | 2 +- .../resnet/test_ttnn_functional_resnet50_xxlarge_new.py | 2 +- tests/ttnn/integration_tests/roberta/test_performance.py | 2 +- .../integration_tests/segformer/test_segformer_attention.py | 2 +- .../integration_tests/segformer/test_segformer_decode_head.py | 2 +- .../ttnn/integration_tests/segformer/test_segformer_dwconv.py | 2 +- .../segformer/test_segformer_efficient_selfattention.py | 2 +- .../integration_tests/segformer/test_segformer_encoder.py | 2 +- .../segformer/test_segformer_for_semantic_segmentation.py | 2 +- .../ttnn/integration_tests/segformer/test_segformer_layer.py | 2 +- .../integration_tests/segformer/test_segformer_mix_ffn.py | 2 +- tests/ttnn/integration_tests/segformer/test_segformer_mlp.py | 2 +- .../ttnn/integration_tests/segformer/test_segformer_model.py | 2 +- .../segformer/test_segformer_overlap_path_embeddings.py | 2 +- .../integration_tests/segformer/test_segformer_selfoutput.py | 2 +- .../stable_diffusion/test_basic_transformer_block.py | 2 +- .../stable_diffusion/test_cross_attention.py | 2 +- .../stable_diffusion/test_cross_attn_up_block_2d_new_conv.py | 2 +- tests/ttnn/integration_tests/stable_diffusion/test_demo.py | 2 +- .../ttnn/integration_tests/stable_diffusion/test_embedding.py | 2 +- .../integration_tests/stable_diffusion/test_feedforward.py | 2 +- tests/ttnn/integration_tests/stable_diffusion/test_geglu.py | 2 +- .../stable_diffusion/test_resnet_block_2d_new_conv.py | 2 +- .../stable_diffusion/test_sharded_attention.py | 2 +- .../stable_diffusion/test_sharded_matmuls.py | 2 +- .../stable_diffusion/test_transformer_2d_model_new_conv.py | 2 +- .../stable_diffusion/test_unet_2d_condition_model_new_conv.py | 2 +- .../stable_diffusion/test_upblock_2d_new_conv.py | 2 +- .../stable_diffusion/test_upsample_2d_new_conv.py | 2 +- .../stable_diffusion/test_upsample_nearest_2d.py | 2 +- tests/ttnn/integration_tests/t5/test_performance.py | 2 +- tests/ttnn/integration_tests/t5/test_torch_functional_t5.py | 2 +- tests/ttnn/integration_tests/t5/test_ttnn_functional_t5.py | 2 +- .../integration_tests/t5/test_ttnn_optimized_functional_t5.py | 2 +- tests/ttnn/integration_tests/vgg/test_ttnn_vgg11.py | 2 +- tests/ttnn/integration_tests/vgg/test_ttnn_vgg16.py | 2 +- .../vit/test_accuracy_ttnn_functional_vit.py | 2 +- .../vit/test_accuracy_ttnn_optim_interleaved_vit.py | 2 +- .../vit/test_accuracy_ttnn_optim_sharded_vit.py | 2 +- .../vit/test_performance_deviceOPs_ttnn_functional_vit.py | 2 +- .../test_performance_deviceOPs_ttnn_optim_interleaved_vit.py | 2 +- .../vit/test_performance_deviceOPs_ttnn_optim_sharded_vit.py | 2 +- tests/ttnn/integration_tests/vit/test_performance_highres.py | 2 +- .../vit/test_performance_highres_deviceOPs.py | 2 +- .../vit/test_performance_ttnn_functional_vit.py | 2 +- .../vit/test_performance_ttnn_optim_interleaved_vit.py | 2 +- .../vit/test_performance_ttnn_optim_sharded_vit.py | 2 +- tests/ttnn/integration_tests/vit/test_torch_functional_vit.py | 2 +- .../vit/test_torch_functional_vit_highres.py | 2 +- tests/ttnn/integration_tests/vit/test_ttnn_functional_vit.py | 2 +- .../integration_tests/vit/test_ttnn_functional_vit_highres.py | 2 +- .../vit/test_ttnn_optimized_interleaved_vit.py | 2 +- .../integration_tests/vit/test_ttnn_optimized_sharded_vit.py | 2 +- .../vit/test_ttnn_optimized_sharded_vit_wh.py | 2 +- .../integration_tests/vit/test_ttnn_optimized_vit_highres.py | 2 +- tests/ttnn/integration_tests/whisper/test_performance.py | 2 +- .../whisper/test_torch_functional_whisper.py | 2 +- .../integration_tests/whisper/test_ttnn_functional_whisper.py | 2 +- .../whisper/test_ttnn_optimized_functional_whisper.py | 2 +- tests/ttnn/integration_tests/yolov4/test_ttnn_downsample1.py | 2 +- tests/ttnn/integration_tests/yolov4/test_ttnn_downsample2.py | 2 +- tests/ttnn/integration_tests/yolov4/test_ttnn_downsample3.py | 2 +- tests/ttnn/integration_tests/yolov4/test_ttnn_downsample4.py | 2 +- tests/ttnn/integration_tests/yolov4/test_ttnn_downsample5.py | 2 +- tests/ttnn/integration_tests/yolov4/test_ttnn_head.py | 2 +- tests/ttnn/integration_tests/yolov4/test_ttnn_neck.py | 2 +- tests/ttnn/integration_tests/yolov4/test_ttnn_yolov4.py | 2 +- tests/ttnn/profiling/ops_for_profiling.py | 2 +- tests/ttnn/profiling/profile_host_overhead.py | 2 +- tests/ttnn/profiling/profile_host_overhead_with_tracy.py | 2 +- tests/ttnn/profiling/test_host_overhead_ci.py | 2 +- .../non_working_unit_tests/grayskull/test_arange.py | 2 +- .../non_working_unit_tests/grayskull/test_argmax.py | 2 +- .../grayskull/test_attention_softmax_2.py | 2 +- .../grayskull/test_attention_softmax_nomask_2.py | 2 +- .../non_working_unit_tests/grayskull/test_backward_hypot.py | 2 +- .../non_working_unit_tests/grayskull/test_eltwise_ldexp.py | 2 +- .../grayskull/test_eltwise_logaddexp.py | 2 +- .../grayskull/test_eltwise_logaddexp2.py | 2 +- .../grayskull/test_eltwise_polygamma.py | 2 +- .../non_working_unit_tests/grayskull/test_eltwise_pow.py | 2 +- .../non_working_unit_tests/grayskull/test_eltwise_rad2deg.py | 2 +- .../grayskull/test_eltwise_reciprocal.py | 2 +- .../non_working_unit_tests/grayskull/test_eltwise_signbit.py | 2 +- .../non_working_unit_tests/grayskull/test_eltwise_sinh.py | 2 +- .../non_working_unit_tests/grayskull/test_eltwise_softmax.py | 2 +- .../non_working_unit_tests/grayskull/test_eltwise_softplus.py | 2 +- .../grayskull/test_eltwise_softplus_inf.py | 2 +- .../grayskull/test_eltwise_softshrink.py | 2 +- .../non_working_unit_tests/grayskull/test_eltwise_softsign.py | 2 +- .../non_working_unit_tests/grayskull/test_eltwise_tan.py | 2 +- .../grayskull/test_eltwise_threshold.py | 2 +- .../grayskull/test_eltwise_unary_fmod.py | 2 +- .../non_working_unit_tests/grayskull/test_erfinv.py | 2 +- .../non_working_unit_tests/grayskull/test_exp.py | 2 +- .../non_working_unit_tests/grayskull/test_exp2.py | 2 +- .../non_working_unit_tests/grayskull/test_expm1.py | 2 +- .../grayskull/test_global_avg_pool2d.py | 2 +- .../grayskull/test_global_avg_pool2d_uint16.py | 2 +- .../grayskull/test_global_avg_pool2d_uint32.py | 2 +- .../non_working_unit_tests/grayskull/test_groupn_norm.py | 2 +- .../grayskull/test_groupn_norm_noweights.py | 2 +- .../non_working_unit_tests/grayskull/test_isclose.py | 2 +- .../non_working_unit_tests/grayskull/test_mse_loss.py | 2 +- .../non_working_unit_tests/grayskull/test_mse_loss_mean.py | 2 +- .../non_working_unit_tests/grayskull/test_mse_loss_sum.py | 2 +- .../non_working_unit_tests/grayskull/test_nextafter.py | 2 +- .../non_working_unit_tests/grayskull/test_permute.py | 2 +- .../non_working_unit_tests/grayskull/test_repeat.py | 2 +- .../non_working_unit_tests/grayskull/test_reshape.py | 2 +- .../non_working_unit_tests/grayskull/test_rmsnorm.py | 2 +- .../non_working_unit_tests/grayskull/test_softmax.py | 2 +- .../non_working_unit_tests/grayskull/test_std.py | 2 +- .../non_working_unit_tests/grayskull/test_sum.py | 2 +- .../non_working_unit_tests/grayskull/test_topk.py | 2 +- .../non_working_unit_tests/grayskull/test_unpad.py | 2 +- .../non_working_unit_tests/grayskull/test_var.py | 2 +- .../non_working_unit_tests/wormhole/test_attention_softmax.py | 2 +- .../non_working_unit_tests/wormhole/test_backward_i0.py | 2 +- .../wormhole/test_eltwise_full_and_ones.py | 2 +- .../non_working_unit_tests/wormhole/test_eltwise_i0_bw.py | 2 +- .../non_working_unit_tests/wormhole/test_eltwise_isfinite.py | 2 +- .../non_working_unit_tests/wormhole/test_eltwise_isinf.py | 2 +- .../non_working_unit_tests/wormhole/test_eltwise_isnan.py | 2 +- .../non_working_unit_tests/wormhole/test_eltwise_isneginf.py | 2 +- .../non_working_unit_tests/wormhole/test_eltwise_isposinf.py | 2 +- .../non_working_unit_tests/wormhole/test_eltwise_lerp.py | 2 +- .../wormhole/test_eltwise_log_log2_log10.py | 2 +- .../non_working_unit_tests/wormhole/test_eltwise_tan_bw.py | 2 +- .../non_working_unit_tests/wormhole/test_empty.py | 2 +- .../non_working_unit_tests/wormhole/test_l1_loss_mean.py | 2 +- .../non_working_unit_tests/wormhole/test_l1_loss_sum.py | 2 +- .../non_working_unit_tests/wormhole/test_layernorm.py | 2 +- .../wormhole/test_layernorm_noweights.py | 2 +- .../wormhole/test_layernorm_residual.py | 2 +- .../non_working_unit_tests/wormhole/test_matmul_hang.py | 2 +- .../non_working_unit_tests/wormhole/test_min_max.py | 2 +- .../wormhole/test_transformer_concat_heads.py | 2 +- .../non_working_unit_tests/wormhole/test_transpose.py | 2 +- tests/ttnn/python_api_testing/sweep_tests/op_map.py | 2 +- tests/ttnn/python_api_testing/sweep_tests/run_sweep_test.py | 2 +- tests/ttnn/python_api_testing/sweep_tests/run_sweep_tests.py | 2 +- .../python_api_testing/sweep_tests/test_all_sweep_tests.py | 2 +- tests/ttnn/python_api_testing/sweep_tests/ttnn_ops.py | 2 +- tests/ttnn/python_api_testing/sweep_tests/ttnn_pytorch_ops.py | 2 +- tests/ttnn/sweep_tests/print_report.py | 2 +- tests/ttnn/sweep_tests/run_sweeps.py | 2 +- tests/ttnn/sweep_tests/sweeps/__init__.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/abs.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/acos.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/acosh.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/add.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/add_output.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/addcdiv.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/addcmul.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/arange.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/asin.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/asinh.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/async/add.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/atan.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/atan2.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/atanh.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/bias_gelu_output.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/cbrt.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/celu.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/clip.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/clone.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/concat.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/cos.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/cosh.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/deg2rad.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/digamma.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/empty.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/eq.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/eq_output.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/eqz.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/exp.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/exp2.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/expm1.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/full.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/full_like.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/ge.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/ge_output.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/geglu.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/gelu.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/gez.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/global_avg_pool2d.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/glu.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/gt.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/gt_output.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/gtz.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/hardshrink.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/hardsigmoid.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/hardswish.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/hardtanh.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/heaviside.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/hypot.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/i0.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/isclose.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/isfinite.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/isinf.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/isnan.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/isneginf.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/isposinf.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/l1_loss.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/layer_norm.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/ldexp.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/ldexp_output.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/le.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/le_output.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/leaky_relu.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/lerp.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/lez.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/lgamma.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/linear.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/log10.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/log1p.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/log2.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/log_sigmoid.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/logaddexp.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/logaddexp2.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/logaddexp2_output.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/logaddexp_output.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/logical_not.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/logit.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/lt.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/lt_output.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/ltz.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/mac.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/max.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/max_pool2d.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/maximum.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/mean.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/min.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/minimum.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/mish.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/mse_loss.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/mul.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/mul_output.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/multigammaln.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/ne.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/ne_output.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/neg.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/nextafter.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/nez.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/ones.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/polygamma.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/prelu.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/rad2deg.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/reciprocal.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/reglu.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/relu.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/relu6.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/repeat.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/repeat_interleave.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/rsqrt.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/sigmoid.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/sign.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/signbit.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/sin.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/sinh.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/softmax.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/softplus.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/softshrink.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/softsign.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/sqrt.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/square.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/std.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/sub.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/sub_output.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/sum.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/swiglu.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/swish.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/tan.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/tanh.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/tanhshrink.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/threshold.py | 2 +- .../sweep_tests/sweeps/sweeps/transformer/rotary_embedding.py | 2 +- .../sweeps/sweeps/transformer_attention_softmax.py | 2 +- .../sweeps/sweeps/transformer_concatenate_heads.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/tril.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/triu.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/upsample.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/var.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/where.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/zeros.py | 2 +- tests/ttnn/sweep_tests/sweeps/sweeps/zeros_like.py | 2 +- tests/ttnn/sweep_tests/test_sweeps.py | 2 +- tests/ttnn/ttnn_utility_fuction.py | 2 +- tests/ttnn/unit_tests/benchmarks/test_benchmark.py | 2 +- .../ccl/kernels/erisc_datamover_receiver_worker_reader.cpp | 2 +- .../ccl/kernels/erisc_datamover_receiver_worker_sender.cpp | 2 +- .../ccl/kernels/erisc_datamover_sender_worker_reader.cpp | 2 +- .../ccl/kernels/erisc_datamover_sender_worker_sender.cpp | 2 +- .../gtests/ccl/test_erisc_data_mover_with_workers.cpp | 2 +- .../gtests/tensor/test_create_tensor_multi_device.cpp | 2 +- tests/ttnn/unit_tests/gtests/test_add.cpp | 2 +- tests/ttnn/unit_tests/gtests/test_async_runtime.cpp | 2 +- tests/ttnn/unit_tests/gtests/test_ccl_on_galaxy.cpp | 2 +- tests/ttnn/unit_tests/gtests/test_graph_add.cpp | 2 +- tests/ttnn/unit_tests/gtests/test_graph_basic.cpp | 2 +- tests/ttnn/unit_tests/gtests/test_multi_cq_multi_dev.cpp | 2 +- tests/ttnn/unit_tests/gtests/test_multi_device.cpp | 2 +- tests/ttnn/unit_tests/gtests/test_multiprod_queue.cpp | 2 +- tests/ttnn/unit_tests/gtests/test_reflect.cpp | 2 +- tests/ttnn/unit_tests/gtests/test_to_and_from_json.cpp | 2 +- tests/ttnn/unit_tests/gtests/tests_main.cpp | 2 +- .../unit_tests/gtests/ttnn_multi_command_queue_fixture.hpp | 2 +- tests/ttnn/unit_tests/gtests/ttnn_test_fixtures.hpp | 2 +- tests/ttnn/unit_tests/operations/ccl/test_all_gather.py | 2 +- .../operations/ccl/test_all_gather_N300_post_commit.py | 2 +- .../unit_tests/operations/ccl/test_all_gather_TG_nightly.py | 2 +- .../operations/ccl/test_all_gather_TG_post_commit.py | 2 +- .../operations/ccl/test_all_gather_llama_perf_sweep.py | 2 +- .../ttnn/unit_tests/operations/ccl/test_all_gather_matmul.py | 2 +- .../ttnn/unit_tests/operations/ccl/test_all_gather_nightly.py | 2 +- .../operations/ccl/test_reduce_scatter_N300_post_commit.py | 2 +- .../operations/ccl/test_reduce_scatter_TG_nightly.py | 2 +- .../operations/ccl/test_reduce_scatter_llama_perf_sweep.py | 2 +- .../unit_tests/operations/ccl/test_reduce_scatter_nightly.py | 2 +- .../operations/ccl/test_reduce_scatter_post_commit.py | 2 +- .../backward/complex_ops/backward_complex_utility_funcs.py | 2 +- .../eltwise/backward/complex_ops/test_backward_abs.py | 2 +- .../eltwise/backward/complex_ops/test_backward_angle.py | 2 +- .../eltwise/backward/complex_ops/test_backward_complex_add.py | 2 +- .../eltwise/backward/complex_ops/test_backward_complex_div.py | 2 +- .../eltwise/backward/complex_ops/test_backward_complex_mul.py | 2 +- .../eltwise/backward/complex_ops/test_backward_complex_sub.py | 2 +- .../eltwise/backward/complex_ops/test_backward_conj.py | 2 +- .../eltwise/backward/complex_ops/test_backward_imag.py | 2 +- .../eltwise/backward/complex_ops/test_backward_polar.py | 2 +- .../eltwise/backward/complex_ops/test_backward_real.py | 2 +- .../eltwise/backward/complex_ops/test_backward_recip.py | 2 +- .../operations/eltwise/backward/test_backward_abs.py | 2 +- .../operations/eltwise/backward/test_backward_acos.py | 2 +- .../operations/eltwise/backward/test_backward_acosh.py | 2 +- .../operations/eltwise/backward/test_backward_add.py | 2 +- .../operations/eltwise/backward/test_backward_addalpha.py | 2 +- .../operations/eltwise/backward/test_backward_addcdiv.py | 2 +- .../operations/eltwise/backward/test_backward_addcmul.py | 2 +- .../operations/eltwise/backward/test_backward_asin.py | 2 +- .../operations/eltwise/backward/test_backward_asinh.py | 2 +- .../operations/eltwise/backward/test_backward_assign.py | 2 +- .../operations/eltwise/backward/test_backward_atan.py | 2 +- .../operations/eltwise/backward/test_backward_atan2.py | 2 +- .../operations/eltwise/backward/test_backward_atanh.py | 2 +- .../operations/eltwise/backward/test_backward_bias_gelu.py | 2 +- .../operations/eltwise/backward/test_backward_ceil.py | 2 +- .../operations/eltwise/backward/test_backward_celu.py | 2 +- .../operations/eltwise/backward/test_backward_clamp.py | 2 +- .../operations/eltwise/backward/test_backward_clip.py | 2 +- .../operations/eltwise/backward/test_backward_concat.py | 2 +- .../operations/eltwise/backward/test_backward_cos.py | 2 +- .../operations/eltwise/backward/test_backward_cosh.py | 2 +- .../operations/eltwise/backward/test_backward_deg2rad.py | 2 +- .../operations/eltwise/backward/test_backward_digamma.py | 2 +- .../operations/eltwise/backward/test_backward_div.py | 2 +- .../operations/eltwise/backward/test_backward_div_no_nan.py | 2 +- .../operations/eltwise/backward/test_backward_elu.py | 2 +- .../operations/eltwise/backward/test_backward_erf.py | 2 +- .../operations/eltwise/backward/test_backward_erfc.py | 2 +- .../operations/eltwise/backward/test_backward_erfinv.py | 2 +- .../operations/eltwise/backward/test_backward_exp.py | 2 +- .../operations/eltwise/backward/test_backward_exp2.py | 2 +- .../operations/eltwise/backward/test_backward_expm1.py | 2 +- .../operations/eltwise/backward/test_backward_fill.py | 2 +- .../operations/eltwise/backward/test_backward_fill_zero.py | 2 +- .../operations/eltwise/backward/test_backward_floor.py | 2 +- .../operations/eltwise/backward/test_backward_fmod.py | 2 +- .../operations/eltwise/backward/test_backward_frac.py | 2 +- .../operations/eltwise/backward/test_backward_gelu.py | 2 +- .../operations/eltwise/backward/test_backward_hardshrink.py | 2 +- .../operations/eltwise/backward/test_backward_hardsigmoid.py | 2 +- .../operations/eltwise/backward/test_backward_hardswish.py | 2 +- .../operations/eltwise/backward/test_backward_hardtanh.py | 2 +- .../operations/eltwise/backward/test_backward_hypot.py | 2 +- .../operations/eltwise/backward/test_backward_i0.py | 2 +- .../operations/eltwise/backward/test_backward_ldexp.py | 2 +- .../operations/eltwise/backward/test_backward_leaky_relu.py | 2 +- .../operations/eltwise/backward/test_backward_lerp.py | 2 +- .../operations/eltwise/backward/test_backward_lgamma.py | 2 +- .../operations/eltwise/backward/test_backward_log.py | 2 +- .../operations/eltwise/backward/test_backward_log10.py | 2 +- .../operations/eltwise/backward/test_backward_log1p.py | 2 +- .../operations/eltwise/backward/test_backward_log2.py | 2 +- .../operations/eltwise/backward/test_backward_log_sigmoid.py | 2 +- .../operations/eltwise/backward/test_backward_logaddexp.py | 2 +- .../operations/eltwise/backward/test_backward_logaddexp2.py | 2 +- .../operations/eltwise/backward/test_backward_logit.py | 2 +- .../operations/eltwise/backward/test_backward_logiteps.py | 2 +- .../operations/eltwise/backward/test_backward_max.py | 2 +- .../operations/eltwise/backward/test_backward_min.py | 2 +- .../operations/eltwise/backward/test_backward_mul.py | 2 +- .../operations/eltwise/backward/test_backward_mvlgamma.py | 2 +- .../operations/eltwise/backward/test_backward_neg.py | 2 +- .../operations/eltwise/backward/test_backward_polygamma.py | 2 +- .../operations/eltwise/backward/test_backward_pow.py | 2 +- .../operations/eltwise/backward/test_backward_prod.py | 2 +- .../operations/eltwise/backward/test_backward_rad2deg.py | 2 +- .../operations/eltwise/backward/test_backward_rdiv.py | 2 +- .../operations/eltwise/backward/test_backward_reciprocal.py | 2 +- .../operations/eltwise/backward/test_backward_relu.py | 2 +- .../operations/eltwise/backward/test_backward_relu6.py | 2 +- .../operations/eltwise/backward/test_backward_remainder.py | 2 +- .../operations/eltwise/backward/test_backward_repeat.py | 2 +- .../operations/eltwise/backward/test_backward_round.py | 2 +- .../operations/eltwise/backward/test_backward_rpow.py | 2 +- .../operations/eltwise/backward/test_backward_rsqrt.py | 2 +- .../operations/eltwise/backward/test_backward_rsub.py | 2 +- .../operations/eltwise/backward/test_backward_selu.py | 2 +- .../operations/eltwise/backward/test_backward_sigmoid.py | 2 +- .../operations/eltwise/backward/test_backward_sign.py | 2 +- .../operations/eltwise/backward/test_backward_silu.py | 2 +- .../operations/eltwise/backward/test_backward_sin.py | 2 +- .../operations/eltwise/backward/test_backward_sinh.py | 2 +- .../operations/eltwise/backward/test_backward_softplus.py | 2 +- .../operations/eltwise/backward/test_backward_softshrink.py | 2 +- .../operations/eltwise/backward/test_backward_softsign.py | 2 +- .../operations/eltwise/backward/test_backward_sqrt.py | 2 +- .../operations/eltwise/backward/test_backward_square.py | 2 +- .../eltwise/backward/test_backward_squared_difference.py | 2 +- .../operations/eltwise/backward/test_backward_sub.py | 2 +- .../operations/eltwise/backward/test_backward_subalpha.py | 2 +- .../operations/eltwise/backward/test_backward_tan.py | 2 +- .../operations/eltwise/backward/test_backward_tanh.py | 2 +- .../operations/eltwise/backward/test_backward_tanhshrink.py | 2 +- .../operations/eltwise/backward/test_backward_threshold.py | 2 +- .../operations/eltwise/backward/test_backward_trunc.py | 2 +- .../operations/eltwise/backward/test_backward_where.py | 2 +- .../operations/eltwise/backward/test_backward_xlogy.py | 2 +- .../unit_tests/operations/eltwise/backward/utility_funcs.py | 2 +- .../unit_tests/operations/eltwise/complex/utility_funcs.py | 2 +- tests/ttnn/unit_tests/operations/eltwise/test_activation.py | 2 +- tests/ttnn/unit_tests/operations/eltwise/test_add.py | 2 +- tests/ttnn/unit_tests/operations/eltwise/test_backward.py | 2 +- .../unit_tests/operations/eltwise/test_binary_comp_init.py | 2 +- tests/ttnn/unit_tests/operations/eltwise/test_complex.py | 2 +- tests/ttnn/unit_tests/operations/eltwise/test_elt_binary.py | 2 +- .../operations/eltwise/test_eltwise_logical_and_.py | 2 +- .../unit_tests/operations/eltwise/test_eltwise_pow_float.py | 2 +- .../ttnn/unit_tests/operations/eltwise/test_eltwise_rsqrt.py | 2 +- tests/ttnn/unit_tests/operations/eltwise/test_eltwise_sin.py | 2 +- .../operations/eltwise/test_eltwise_softplus_inf.py | 2 +- tests/ttnn/unit_tests/operations/eltwise/test_eltwise_sqrt.py | 2 +- tests/ttnn/unit_tests/operations/eltwise/test_inplace.py | 2 +- tests/ttnn/unit_tests/operations/eltwise/test_math.py | 2 +- tests/ttnn/unit_tests/operations/eltwise/test_math_binary.py | 2 +- tests/ttnn/unit_tests/operations/eltwise/test_mul.py | 2 +- tests/ttnn/unit_tests/operations/eltwise/test_mul_bcast.py | 2 +- tests/ttnn/unit_tests/operations/eltwise/test_pow.py | 2 +- tests/ttnn/unit_tests/operations/eltwise/test_relational.py | 2 +- tests/ttnn/unit_tests/operations/eltwise/test_sub.py | 2 +- tests/ttnn/unit_tests/operations/eltwise/test_ternary.py | 2 +- tests/ttnn/unit_tests/operations/eltwise/test_unary.py | 2 +- tests/ttnn/unit_tests/operations/test_backward_embedding.py | 2 +- tests/ttnn/unit_tests/operations/test_concat.py | 2 +- tests/ttnn/unit_tests/operations/test_concatenate_heads.py | 2 +- tests/ttnn/unit_tests/operations/test_conv1d.py | 2 +- tests/ttnn/unit_tests/operations/test_core.py | 2 +- tests/ttnn/unit_tests/operations/test_creation.py | 2 +- tests/ttnn/unit_tests/operations/test_embedding.py | 2 +- tests/ttnn/unit_tests/operations/test_examples.py | 2 +- tests/ttnn/unit_tests/operations/test_experimental.py | 2 +- tests/ttnn/unit_tests/operations/test_fast_reduce_nc.py | 2 +- tests/ttnn/unit_tests/operations/test_full.py | 2 +- tests/ttnn/unit_tests/operations/test_full_like.py | 2 +- tests/ttnn/unit_tests/operations/test_global_avg_pool2d.py | 2 +- tests/ttnn/unit_tests/operations/test_index_fill.py | 2 +- tests/ttnn/unit_tests/operations/test_layer_norm.py | 2 +- tests/ttnn/unit_tests/operations/test_lerp.py | 2 +- tests/ttnn/unit_tests/operations/test_linear.py | 2 +- tests/ttnn/unit_tests/operations/test_losses.py | 2 +- tests/ttnn/unit_tests/operations/test_matmul.py | 2 +- tests/ttnn/unit_tests/operations/test_max.py | 2 +- tests/ttnn/unit_tests/operations/test_maxpool2d.py | 2 +- tests/ttnn/unit_tests/operations/test_moreh_adam.py | 2 +- tests/ttnn/unit_tests/operations/test_moreh_arange.py | 2 +- tests/ttnn/unit_tests/operations/test_moreh_bmm.py | 2 +- tests/ttnn/unit_tests/operations/test_moreh_clip_grad_norm.py | 2 +- tests/ttnn/unit_tests/operations/test_moreh_cumsum.py | 2 +- tests/ttnn/unit_tests/operations/test_moreh_dot.py | 2 +- tests/ttnn/unit_tests/operations/test_moreh_dot_backward.py | 2 +- tests/ttnn/unit_tests/operations/test_moreh_layer_norm.py | 2 +- tests/ttnn/unit_tests/operations/test_moreh_linear.py | 2 +- tests/ttnn/unit_tests/operations/test_moreh_logsoftmax.py | 2 +- tests/ttnn/unit_tests/operations/test_moreh_mean.py | 2 +- tests/ttnn/unit_tests/operations/test_moreh_nll_loss.py | 2 +- .../unit_tests/operations/test_moreh_nll_loss_unreduced.py | 2 +- tests/ttnn/unit_tests/operations/test_moreh_sgd.py | 2 +- tests/ttnn/unit_tests/operations/test_moreh_softmax.py | 2 +- tests/ttnn/unit_tests/operations/test_moreh_softmin.py | 2 +- tests/ttnn/unit_tests/operations/test_moreh_sum.py | 2 +- tests/ttnn/unit_tests/operations/test_new_conv2d.py | 2 +- tests/ttnn/unit_tests/operations/test_nextafter.py | 2 +- tests/ttnn/unit_tests/operations/test_non_zero_indices.py | 2 +- tests/ttnn/unit_tests/operations/test_pad.py | 2 +- .../unit_tests/operations/test_paged_fused_update_cache.py | 2 +- tests/ttnn/unit_tests/operations/test_paged_update_cache.py | 2 +- tests/ttnn/unit_tests/operations/test_permute.py | 2 +- tests/ttnn/unit_tests/operations/test_polyval.py | 2 +- tests/ttnn/unit_tests/operations/test_reallocate.py | 2 +- tests/ttnn/unit_tests/operations/test_reduction.py | 2 +- tests/ttnn/unit_tests/operations/test_reduction_mean.py | 2 +- tests/ttnn/unit_tests/operations/test_reduction_min.py | 2 +- tests/ttnn/unit_tests/operations/test_repeat.py | 2 +- tests/ttnn/unit_tests/operations/test_repeat_interleave.py | 2 +- tests/ttnn/unit_tests/operations/test_rms_norm.py | 2 +- tests/ttnn/unit_tests/operations/test_silu.py | 2 +- tests/ttnn/unit_tests/operations/test_silu_row_major.py | 2 +- tests/ttnn/unit_tests/operations/test_slice.py | 2 +- tests/ttnn/unit_tests/operations/test_small_resnet50_block.py | 2 +- tests/ttnn/unit_tests/operations/test_softmax.py | 2 +- tests/ttnn/unit_tests/operations/test_sum.py | 2 +- tests/ttnn/unit_tests/operations/test_tilizer.py | 2 +- tests/ttnn/unit_tests/operations/test_transformer.py | 2 +- tests/ttnn/unit_tests/operations/test_upsample.py | 2 +- tests/ttnn/unit_tests/tensor/test_tensor_alignment.py | 2 +- tests/ttnn/unit_tests/tensor/test_tensor_conversion.py | 2 +- .../ttnn/unit_tests/tensor/test_tensor_prealloc_and_write.py | 2 +- tests/ttnn/unit_tests/tensor/test_tensor_ranks.py | 2 +- tests/ttnn/unit_tests/tensor/test_tensor_serialization.py | 2 +- tests/ttnn/unit_tests/test_as_tensor.py | 2 +- tests/ttnn/unit_tests/test_async.py | 2 +- tests/ttnn/unit_tests/test_comparison_mode.py | 2 +- tests/ttnn/unit_tests/test_database.py | 2 +- tests/ttnn/unit_tests/test_deallocate.py | 2 +- tests/ttnn/unit_tests/test_device.py | 2 +- tests/ttnn/unit_tests/test_dump_and_load.py | 2 +- tests/ttnn/unit_tests/test_getitem.py | 2 +- tests/ttnn/unit_tests/test_memory_config.py | 2 +- tests/ttnn/unit_tests/test_model_preprocessing.py | 2 +- tests/ttnn/unit_tests/test_multi_device.py | 2 +- tests/ttnn/unit_tests/test_multi_device_async.py | 2 +- tests/ttnn/unit_tests/test_multi_device_trace.py | 2 +- tests/ttnn/unit_tests/test_multi_device_trace_TG.py | 2 +- tests/ttnn/unit_tests/test_multi_device_trace_tgg.py | 2 +- tests/ttnn/unit_tests/test_pre_and_post_operation_hook.py | 2 +- tests/ttnn/unit_tests/test_print_tensor.py | 2 +- tests/ttnn/unit_tests/test_reshape.py | 2 +- tests/ttnn/unit_tests/test_shape.py | 2 +- tests/ttnn/unit_tests/test_single_device_trace.py | 2 +- tests/ttnn/unit_tests/test_to_and_from_device.py | 2 +- tests/ttnn/unit_tests/test_to_and_from_torch.py | 2 +- tests/ttnn/unit_tests/test_to_dtype.py | 2 +- tests/ttnn/unit_tests/test_to_layout.py | 2 +- tests/ttnn/unit_tests/test_tracer.py | 2 +- tests/ttnn/unit_tests/test_tracer_codegen.py | 2 +- tests/ttnn/unit_tests/test_tracer_evaluate.py | 2 +- tests/ttnn/unit_tests/test_tutorials.py | 2 +- tests/ttnn/utils_for_testing.py | 2 +- tt_metal/common/assert.hpp | 2 +- tt_metal/common/base.hpp | 2 +- tt_metal/common/base_types.hpp | 2 +- tt_metal/common/bfloat16.hpp | 2 +- tt_metal/common/bfloat4.hpp | 2 +- tt_metal/common/bfloat8.hpp | 2 +- tt_metal/common/blockfloat_common.hpp | 2 +- tt_metal/common/constants.hpp | 2 +- tt_metal/common/core_coord.hpp | 2 +- tt_metal/common/core_descriptor.hpp | 2 +- tt_metal/common/executor.hpp | 2 +- tt_metal/common/logger.hpp | 2 +- tt_metal/common/math.hpp | 2 +- tt_metal/common/metal_soc_descriptor.cpp | 2 +- tt_metal/common/metal_soc_descriptor.h | 2 +- tt_metal/common/scoped_timer.hpp | 2 +- tt_metal/common/test_common.hpp | 2 +- tt_metal/common/test_tiles.hpp | 2 +- tt_metal/common/tilize_untilize.hpp | 2 +- tt_metal/common/tt_backend_api_types.cpp | 2 +- tt_metal/common/tt_backend_api_types.hpp | 2 +- tt_metal/common/tt_rounding.h | 2 +- tt_metal/common/utils.cpp | 2 +- tt_metal/common/utils.hpp | 2 +- tt_metal/common/work_split.cpp | 2 +- tt_metal/common/work_split.hpp | 2 +- tt_metal/detail/kernel_cache.hpp | 2 +- tt_metal/detail/persistent_kernel_cache.hpp | 2 +- tt_metal/detail/reports/compilation_reporter.cpp | 2 +- tt_metal/detail/reports/compilation_reporter.hpp | 2 +- tt_metal/detail/reports/memory_reporter.cpp | 2 +- tt_metal/detail/reports/memory_reporter.hpp | 2 +- tt_metal/detail/reports/report_utils.hpp | 2 +- tt_metal/detail/tt_metal.hpp | 2 +- tt_metal/detail/util.hpp | 2 +- tt_metal/distributed/mesh_device.cpp | 2 +- tt_metal/distributed/mesh_device.hpp | 2 +- tt_metal/distributed/mesh_device_view.cpp | 2 +- tt_metal/distributed/mesh_device_view.hpp | 2 +- tt_metal/graph/graph_tracking.cpp | 2 +- tt_metal/graph/graph_tracking.hpp | 2 +- tt_metal/host_api.hpp | 2 +- tt_metal/hostdevcommon/common_runtime_address_map.h | 2 +- tt_metal/hostdevcommon/common_values.hpp | 2 +- tt_metal/hostdevcommon/dprint_common.h | 2 +- tt_metal/hostdevcommon/kernel_structs.h | 2 +- tt_metal/hostdevcommon/profiler_common.h | 2 +- tt_metal/hw/ckernels/blackhole/metal/common/chlkc_list.h | 2 +- .../hw/ckernels/blackhole/metal/llk_api/llk_math_binary_api.h | 2 +- .../blackhole/metal/llk_api/llk_math_binary_sfpu_api.h | 2 +- .../hw/ckernels/blackhole/metal/llk_api/llk_math_common_api.h | 2 +- .../hw/ckernels/blackhole/metal/llk_api/llk_math_matmul_api.h | 2 +- .../blackhole/metal/llk_api/llk_math_unary_datacopy_api.h | 2 +- .../blackhole/metal/llk_api/llk_math_unary_sfpu_api.h | 2 +- tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_pack_api.h | 2 +- .../hw/ckernels/blackhole/metal/llk_api/llk_param_structs.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_reverseops.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_abs.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_add1.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_binop_with_unary.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_and.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_not.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_or.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_xor.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_cast_fp32_to_fp16a.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_cdf.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_ceil.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_clamp.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_comp.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_converter.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_dropout.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_elu.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_erf_erfc.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_erfinv.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_exp.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_exp2.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_expm1.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_fill.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_floor.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_fmod.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_gelu.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_hardtanh.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_heaviside.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_i0.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_identity.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_isinf_isnan.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_left_shift.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_log.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_logical_not_noti.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_mask.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_max.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_min.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_negative.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_power_iterative.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_recip.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_relu.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_remainder.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_right_shift.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_rsqrt.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid_appx.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_sign.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_signbit.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_silu.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_softplus.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_sqrt.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_square.h | 2 +- .../blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_tanh.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_tanh_derivative.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_tiled_prod.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_trigonometry.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_unary_comp.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_abs.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_add1.h | 2 +- .../llk_sfpu/llk_math_eltwise_unary_sfpu_binop_with_scalar.h | 2 +- .../llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_and.h | 2 +- .../llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_not.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_or.h | 2 +- .../llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_xor.h | 2 +- .../llk_sfpu/llk_math_eltwise_unary_sfpu_cast_fp32_to_fp16a.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_ceil.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_clamp.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_comp.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_dropout.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_elu.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erf_erfc.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erfinv.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp2.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_expm1.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_floor.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_fmod.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_gelu.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_hardtanh.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_heaviside.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_i0.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_identity.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_init.h | 2 +- .../llk_sfpu/llk_math_eltwise_unary_sfpu_isinf_isnan.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_left_shift.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_log.h | 2 +- .../llk_sfpu/llk_math_eltwise_unary_sfpu_logical_not_noti.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_mask.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_max.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_min.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_negative.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_params.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_power.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_recip.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_relu.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_remainder.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_reverseops.h | 2 +- .../llk_sfpu/llk_math_eltwise_unary_sfpu_right_shift.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_rsqrt.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid.h | 2 +- .../llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid_appx.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sign.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_signbit.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_silu.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_softplus.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sqrt.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_square.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tanh.h | 2 +- .../llk_sfpu/llk_math_eltwise_unary_sfpu_tanh_derivative.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tiled_prod.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_topk.h | 2 +- .../llk_sfpu/llk_math_eltwise_unary_sfpu_trigonometry.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_unary_comp.h | 2 +- tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu_types.h | 2 +- .../hw/ckernels/blackhole/metal/llk_api/llk_unpack_AB_api.h | 2 +- .../blackhole/metal/llk_api/llk_unpack_AB_matmul_api.h | 2 +- .../hw/ckernels/blackhole/metal/llk_api/llk_unpack_A_api.h | 2 +- .../ckernels/blackhole/metal/llk_api/llk_unpack_common_api.h | 2 +- .../ckernels/blackhole/metal/llk_api/llk_unpack_reduce_api.h | 2 +- .../blackhole/metal/llk_api/llk_unpack_untilize_api.h | 2 +- tt_metal/hw/ckernels/blackhole/metal/llk_io/llk_io.h | 2 +- tt_metal/hw/ckernels/blackhole/metal/llk_io/llk_io_pack.h | 2 +- tt_metal/hw/ckernels/blackhole/metal/llk_io/llk_io_unpack.h | 2 +- tt_metal/hw/ckernels/blackhole/metal/llk_io/llk_operands.h | 2 +- tt_metal/hw/ckernels/blackhole/metal/llk_io/llk_outputs.h | 2 +- tt_metal/hw/ckernels/grayskull/metal/common/chlkc_list.h | 2 +- .../hw/ckernels/grayskull/metal/llk_api/llk_math_binary_api.h | 2 +- .../hw/ckernels/grayskull/metal/llk_api/llk_math_common_api.h | 2 +- .../hw/ckernels/grayskull/metal/llk_api/llk_math_matmul_api.h | 2 +- .../hw/ckernels/grayskull/metal/llk_api/llk_math_reduce_api.h | 2 +- .../grayskull/metal/llk_api/llk_math_unary_datacopy_api.h | 2 +- .../grayskull/metal/llk_api/llk_math_unary_sfpu_api.h | 2 +- tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_pack_api.h | 2 +- .../hw/ckernels/grayskull/metal/llk_api/llk_param_structs.h | 2 +- .../grayskull/metal/llk_api/llk_sfpu/ckernel_reverseops.h | 2 +- .../grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_add1.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_binop_with_unary.h | 2 +- .../grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_cdf.h | 2 +- .../grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_comp.h | 2 +- .../grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_converter.h | 2 +- .../grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_elu.h | 2 +- .../grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_erf_erfc.h | 2 +- .../grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_erfinv.h | 2 +- .../grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_exp.h | 2 +- .../grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_exp2.h | 2 +- .../grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_expm1.h | 2 +- .../grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_fill.h | 2 +- .../grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_gelu.h | 2 +- .../grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_heaviside.h | 2 +- .../grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_i0.h | 2 +- .../grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_identity.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_isinf_isnan.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_logical_not_noti.h | 2 +- .../grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_mask.h | 2 +- .../grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_min.h | 2 +- .../grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_negative.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_power_iterative.h | 2 +- .../grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_recip.h | 2 +- .../grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_relu.h | 2 +- .../grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_rsqrt.h | 2 +- .../grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid_appx.h | 2 +- .../grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_sign.h | 2 +- .../grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_signbit.h | 2 +- .../grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_silu.h | 2 +- .../grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_sqrt.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_tiled_prod.h | 2 +- .../grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_topk.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_trigonometry.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_unary_comp.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_add1.h | 2 +- .../llk_sfpu/llk_math_eltwise_unary_sfpu_binop_with_scalar.h | 2 +- .../llk_sfpu/llk_math_eltwise_unary_sfpu_common_includes.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_comp.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_elu.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erf_erfc.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erfinv.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp2.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_expm1.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_gelu.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_heaviside.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_i0.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_identity.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_init.h | 2 +- .../llk_sfpu/llk_math_eltwise_unary_sfpu_isinf_isnan.h | 2 +- .../llk_sfpu/llk_math_eltwise_unary_sfpu_logical_not_noti.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_mask.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_min.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_negative.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_params.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_power.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_recip.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_relu.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_reverseops.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_rsqrt.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid.h | 2 +- .../llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid_appx.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sign.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_signbit.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_silu.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sqrt.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tiled_prod.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_topk.h | 2 +- .../llk_sfpu/llk_math_eltwise_unary_sfpu_trigonometry.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_unary_comp.h | 2 +- tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu_types.h | 2 +- .../hw/ckernels/grayskull/metal/llk_api/llk_unpack_AB_api.h | 2 +- .../grayskull/metal/llk_api/llk_unpack_AB_matmul_api.h | 2 +- .../hw/ckernels/grayskull/metal/llk_api/llk_unpack_A_api.h | 2 +- .../ckernels/grayskull/metal/llk_api/llk_unpack_common_api.h | 2 +- .../ckernels/grayskull/metal/llk_api/llk_unpack_reduce_api.h | 2 +- .../grayskull/metal/llk_api/llk_unpack_untilize_api.h | 2 +- tt_metal/hw/ckernels/grayskull/metal/llk_io/llk_io.h | 2 +- tt_metal/hw/ckernels/grayskull/metal/llk_io/llk_io_pack.h | 2 +- tt_metal/hw/ckernels/grayskull/metal/llk_io/llk_io_unpack.h | 2 +- tt_metal/hw/ckernels/grayskull/metal/llk_io/llk_operands.h | 2 +- tt_metal/hw/ckernels/grayskull/metal/llk_io/llk_outputs.h | 2 +- tt_metal/hw/ckernels/wormhole_b0/inc/ckernel_ops.h | 2 +- tt_metal/hw/ckernels/wormhole_b0/metal/common/chlkc_list.h | 2 +- .../ckernels/wormhole_b0/metal/llk_api/llk_math_binary_api.h | 2 +- .../wormhole_b0/metal/llk_api/llk_math_binary_sfpu_api.h | 2 +- .../ckernels/wormhole_b0/metal/llk_api/llk_math_common_api.h | 2 +- .../ckernels/wormhole_b0/metal/llk_api/llk_math_matmul_api.h | 2 +- .../ckernels/wormhole_b0/metal/llk_api/llk_math_reduce_api.h | 2 +- .../wormhole_b0/metal/llk_api/llk_math_unary_datacopy_api.h | 2 +- .../wormhole_b0/metal/llk_api/llk_math_unary_sfpu_api.h | 2 +- tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_pack_api.h | 2 +- .../hw/ckernels/wormhole_b0/metal/llk_api/llk_param_structs.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_reverseops.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_abs.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_add1.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_binop_with_unary.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_and.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_not.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_or.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_xor.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_cast_fp32_to_fp16a.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_cdf.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_ceil.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_clamp.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_comp.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_converter.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_dropout.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_elu.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_erf_erfc.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_erfinv.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_exp.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_exp2.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_expm1.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_fill.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_floor.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_fmod.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_gelu.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_hardtanh.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_heaviside.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_i0.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_identity.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_isinf_isnan.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_left_shift.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_log.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_logical_not_noti.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_mask.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_max.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_min.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_negative.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_power_iterative.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_recip.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_relu.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_remainder.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_reshuffle_rows.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_right_shift.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_rsqrt.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid_appx.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_sign.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_signbit.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_silu.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_softplus.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_sqrt.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_square.h | 2 +- .../wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_tanh.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_tanh_derivative.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_tiled_prod.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_trigonometry.h | 2 +- .../metal/llk_api/llk_sfpu/ckernel_sfpu_unary_comp.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_abs.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_add1.h | 2 +- .../llk_sfpu/llk_math_eltwise_unary_sfpu_binop_with_scalar.h | 2 +- .../llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_and.h | 2 +- .../llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_not.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_or.h | 2 +- .../llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_xor.h | 2 +- .../llk_sfpu/llk_math_eltwise_unary_sfpu_cast_fp32_to_fp16a.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_ceil.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_clamp.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_comp.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_dropout.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_elu.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erf_erfc.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erfinv.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp2.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_expm1.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_floor.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_fmod.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_gelu.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_hardtanh.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_heaviside.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_i0.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_identity.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_init.h | 2 +- .../llk_sfpu/llk_math_eltwise_unary_sfpu_isinf_isnan.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_left_shift.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_log.h | 2 +- .../llk_sfpu/llk_math_eltwise_unary_sfpu_logical_not_noti.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_mask.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_max.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_min.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_negative.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_params.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_power.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_recip.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_relu.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_remainder.h | 2 +- .../llk_sfpu/llk_math_eltwise_unary_sfpu_reshuffle_rows.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_reverseops.h | 2 +- .../llk_sfpu/llk_math_eltwise_unary_sfpu_right_shift.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_rsqrt.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid.h | 2 +- .../llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid_appx.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sign.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_signbit.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_silu.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_softplus.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sqrt.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_square.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tanh.h | 2 +- .../llk_sfpu/llk_math_eltwise_unary_sfpu_tanh_derivative.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tiled_prod.h | 2 +- .../metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_topk.h | 2 +- .../llk_sfpu/llk_math_eltwise_unary_sfpu_trigonometry.h | 2 +- .../llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_unary_comp.h | 2 +- .../hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu_types.h | 2 +- .../hw/ckernels/wormhole_b0/metal/llk_api/llk_unpack_AB_api.h | 2 +- .../wormhole_b0/metal/llk_api/llk_unpack_AB_matmul_api.h | 2 +- .../hw/ckernels/wormhole_b0/metal/llk_api/llk_unpack_A_api.h | 2 +- .../wormhole_b0/metal/llk_api/llk_unpack_common_api.h | 2 +- .../wormhole_b0/metal/llk_api/llk_unpack_reduce_api.h | 2 +- .../wormhole_b0/metal/llk_api/llk_unpack_untilize_api.h | 2 +- tt_metal/hw/ckernels/wormhole_b0/metal/llk_io/llk_io.h | 2 +- tt_metal/hw/ckernels/wormhole_b0/metal/llk_io/llk_io_pack.h | 2 +- tt_metal/hw/ckernels/wormhole_b0/metal/llk_io/llk_io_unpack.h | 2 +- tt_metal/hw/ckernels/wormhole_b0/metal/llk_io/llk_operands.h | 2 +- tt_metal/hw/ckernels/wormhole_b0/metal/llk_io/llk_outputs.h | 2 +- tt_metal/hw/firmware/src/blackhole/noc.c | 2 +- tt_metal/hw/firmware/src/brisc.cc | 2 +- tt_metal/hw/firmware/src/brisck.cc | 2 +- tt_metal/hw/firmware/src/erisc.cc | 2 +- tt_metal/hw/firmware/src/erisck.cc | 2 +- tt_metal/hw/firmware/src/grayskull/noc.c | 3 +-- tt_metal/hw/firmware/src/idle_erisc.cc | 2 +- tt_metal/hw/firmware/src/idle_erisck.cc | 2 +- tt_metal/hw/firmware/src/ncrisc.cc | 2 +- tt_metal/hw/firmware/src/ncrisck.cc | 2 +- tt_metal/hw/firmware/src/tdma_xmov.c | 2 +- tt_metal/hw/firmware/src/trisc.cc | 2 +- tt_metal/hw/firmware/src/trisck.cc | 3 +-- tt_metal/hw/firmware/src/tt_eth_api.cpp | 2 +- tt_metal/hw/firmware/src/wormhole/noc.c | 3 +-- tt_metal/hw/inc/atomic_rwptr.h | 2 +- tt_metal/hw/inc/bit_utils.h | 2 +- tt_metal/hw/inc/blackhole/c_tensix_core.h | 2 +- tt_metal/hw/inc/blackhole/cfg_defines.h | 2 +- tt_metal/hw/inc/blackhole/cmd_params.h | 2 +- tt_metal/hw/inc/blackhole/dev_mem_map.h | 2 +- tt_metal/hw/inc/blackhole/dram_address_map.h | 2 +- tt_metal/hw/inc/blackhole/eth_l1_address_map.h | 2 +- tt_metal/hw/inc/blackhole/noc/noc.h | 2 +- tt_metal/hw/inc/blackhole/noc/noc_overlay_parameters.cpp | 2 +- tt_metal/hw/inc/blackhole/noc/noc_overlay_parameters.h | 2 +- tt_metal/hw/inc/blackhole/noc/noc_overlay_parameters.hpp | 2 +- tt_metal/hw/inc/blackhole/noc/noc_parameters.h | 2 +- tt_metal/hw/inc/blackhole/noc_nonblocking_api.h | 2 +- tt_metal/hw/inc/blackhole/risc_chip_specific.h | 2 +- tt_metal/hw/inc/blackhole/stream_interface.h | 2 +- tt_metal/hw/inc/blackhole/stream_io_map.h | 2 +- tt_metal/hw/inc/blackhole/tdma_xmov.h | 2 +- tt_metal/hw/inc/blackhole/tensix.h | 2 +- tt_metal/hw/inc/blackhole/tensix_types.h | 2 +- tt_metal/hw/inc/circular_buffer.h | 2 +- tt_metal/hw/inc/cmd_defs.h | 2 +- tt_metal/hw/inc/compile_time_args.h | 2 +- tt_metal/hw/inc/dataflow_api.h | 2 +- tt_metal/hw/inc/dataflow_internal.h | 2 +- tt_metal/hw/inc/debug/assert.h | 2 +- tt_metal/hw/inc/debug/dprint.h | 2 +- tt_metal/hw/inc/debug/dprint_buffer.h | 2 +- tt_metal/hw/inc/debug/dprint_tensix.h | 2 +- tt_metal/hw/inc/debug/dprint_test_common.h | 2 +- tt_metal/hw/inc/debug/dprint_tile.h | 2 +- tt_metal/hw/inc/debug/fw_debug.h | 2 +- tt_metal/hw/inc/debug/pause.h | 2 +- tt_metal/hw/inc/debug/ring_buffer.h | 2 +- tt_metal/hw/inc/debug/sanitize_noc.h | 2 +- tt_metal/hw/inc/debug/stack_usage.h | 2 +- tt_metal/hw/inc/debug/watcher_common.h | 2 +- tt_metal/hw/inc/debug/waypoint.h | 2 +- tt_metal/hw/inc/dev_msgs.h | 2 +- tt_metal/hw/inc/ethernet/dataflow_api.h | 2 +- tt_metal/hw/inc/ethernet/erisc.h | 2 +- tt_metal/hw/inc/ethernet/tt_eth_api.h | 2 +- tt_metal/hw/inc/ethernet/tt_eth_ss_regs.h | 2 +- tt_metal/hw/inc/ethernet/tunneling.h | 2 +- tt_metal/hw/inc/firmware_common.h | 2 +- tt_metal/hw/inc/grayskull/c_tensix_core.h | 2 +- tt_metal/hw/inc/grayskull/cfg_defines.h | 2 +- tt_metal/hw/inc/grayskull/cmd_params.h | 2 +- tt_metal/hw/inc/grayskull/dev_mem_map.h | 2 +- tt_metal/hw/inc/grayskull/eth_l1_address_map.h | 2 +- tt_metal/hw/inc/grayskull/noc/noc.h | 2 +- tt_metal/hw/inc/grayskull/noc/noc_overlay_parameters.cpp | 2 +- tt_metal/hw/inc/grayskull/noc/noc_overlay_parameters.h | 2 +- tt_metal/hw/inc/grayskull/noc/noc_parameters.h | 2 +- tt_metal/hw/inc/grayskull/noc_nonblocking_api.h | 2 +- tt_metal/hw/inc/grayskull/risc_chip_specific.h | 2 +- tt_metal/hw/inc/grayskull/stream_interface.h | 2 +- tt_metal/hw/inc/grayskull/stream_io_map.h | 2 +- tt_metal/hw/inc/grayskull/tdma_xmov.h | 2 +- tt_metal/hw/inc/grayskull/tensix.h | 2 +- tt_metal/hw/inc/grayskull/tensix_types.h | 2 +- tt_metal/hw/inc/mod_div_lib.h | 2 +- tt_metal/hw/inc/risc_attribs.h | 2 +- tt_metal/hw/inc/risc_common.h | 2 +- tt_metal/hw/inc/tensix_functions.h | 2 +- tt_metal/hw/inc/tt_log.h | 2 +- tt_metal/hw/inc/vptr_uint.h | 2 +- tt_metal/hw/inc/wormhole/c_tensix_core.h | 2 +- tt_metal/hw/inc/wormhole/cmd_params.h | 2 +- tt_metal/hw/inc/wormhole/dev_mem_map.h | 2 +- tt_metal/hw/inc/wormhole/dram_address_map.h | 2 +- tt_metal/hw/inc/wormhole/eth_l1_address_map.h | 2 +- tt_metal/hw/inc/wormhole/noc/noc.h | 2 +- tt_metal/hw/inc/wormhole/noc/noc_overlay_parameters.cpp | 2 +- tt_metal/hw/inc/wormhole/noc/noc_overlay_parameters.h | 2 +- tt_metal/hw/inc/wormhole/noc/noc_overlay_parameters.hpp | 2 +- tt_metal/hw/inc/wormhole/noc/noc_parameters.h | 2 +- tt_metal/hw/inc/wormhole/noc_nonblocking_api.h | 2 +- tt_metal/hw/inc/wormhole/risc_chip_specific.h | 2 +- tt_metal/hw/inc/wormhole/stream_interface.h | 2 +- tt_metal/hw/inc/wormhole/stream_io_map.h | 2 +- tt_metal/hw/inc/wormhole/tdma_xmov.h | 2 +- tt_metal/hw/inc/wormhole/tensix.h | 2 +- tt_metal/hw/inc/wormhole/wormhole_b0_defines/cfg_defines.h | 2 +- tt_metal/hw/inc/wormhole/wormhole_b0_defines/tensix_types.h | 2 +- tt_metal/hw/toolchain/erisc-b0-app.ld | 2 +- tt_metal/hw/toolchain/erisc-b0-memory.ld | 2 +- tt_metal/hw/toolchain/ncrisc-halt.S | 2 +- tt_metal/impl/allocator/algorithms/allocator_algorithm.hpp | 2 +- tt_metal/impl/allocator/algorithms/free_list.cpp | 2 +- tt_metal/impl/allocator/algorithms/free_list.hpp | 2 +- tt_metal/impl/allocator/allocator.cpp | 2 +- tt_metal/impl/allocator/allocator.hpp | 2 +- tt_metal/impl/allocator/allocator_types.hpp | 2 +- tt_metal/impl/allocator/basic_allocator.cpp | 2 +- tt_metal/impl/allocator/basic_allocator.hpp | 2 +- tt_metal/impl/allocator/l1_banking_allocator.cpp | 2 +- tt_metal/impl/allocator/l1_banking_allocator.hpp | 2 +- tt_metal/impl/buffers/buffer.cpp | 2 +- tt_metal/impl/buffers/buffer.hpp | 2 +- tt_metal/impl/buffers/buffer_constants.hpp | 2 +- tt_metal/impl/buffers/circular_buffer.cpp | 2 +- tt_metal/impl/buffers/circular_buffer.hpp | 2 +- tt_metal/impl/buffers/semaphore.cpp | 2 +- tt_metal/impl/buffers/semaphore.hpp | 2 +- tt_metal/impl/debug/dprint_server.cpp | 2 +- tt_metal/impl/debug/dprint_server.hpp | 2 +- tt_metal/impl/debug/sanitize_noc_host.hpp | 2 +- tt_metal/impl/debug/watcher_device_reader.cpp | 2 +- tt_metal/impl/debug/watcher_device_reader.hpp | 2 +- tt_metal/impl/debug/watcher_server.cpp | 2 +- tt_metal/impl/debug/watcher_server.hpp | 2 +- tt_metal/impl/device/device.cpp | 2 +- tt_metal/impl/device/device.hpp | 2 +- tt_metal/impl/device/device_pool.cpp | 2 +- tt_metal/impl/device/device_pool.hpp | 2 +- tt_metal/impl/device/program_cache.hpp | 2 +- tt_metal/impl/dispatch/command_queue.cpp | 2 +- tt_metal/impl/dispatch/command_queue.hpp | 2 +- tt_metal/impl/dispatch/command_queue_interface.hpp | 2 +- tt_metal/impl/dispatch/cq_commands.hpp | 2 +- tt_metal/impl/dispatch/debug_tools.cpp | 2 +- tt_metal/impl/dispatch/debug_tools.hpp | 2 +- tt_metal/impl/dispatch/device_command.hpp | 2 +- tt_metal/impl/dispatch/dispatch_core_manager.hpp | 2 +- tt_metal/impl/dispatch/kernels/cq_common.hpp | 2 +- tt_metal/impl/dispatch/kernels/cq_dispatch.cpp | 2 +- tt_metal/impl/dispatch/kernels/cq_helpers.hpp | 2 +- tt_metal/impl/dispatch/kernels/cq_prefetch.cpp | 2 +- tt_metal/impl/dispatch/kernels/eth_tunneler.cpp | 2 +- tt_metal/impl/dispatch/kernels/packet_demux.cpp | 2 +- tt_metal/impl/dispatch/kernels/packet_mux.cpp | 2 +- tt_metal/impl/dispatch/kernels/packet_queue.hpp | 2 +- tt_metal/impl/dispatch/kernels/packet_queue_ctrl.hpp | 2 +- tt_metal/impl/dispatch/kernels/vc_eth_tunneler.cpp | 2 +- tt_metal/impl/dispatch/kernels/vc_packet_router.cpp | 2 +- tt_metal/impl/dispatch/lock_free_queue.hpp | 2 +- tt_metal/impl/dispatch/thread_safe_queue.hpp | 2 +- tt_metal/impl/dispatch/work_executor.hpp | 2 +- tt_metal/impl/dispatch/worker_config_buffer.cpp | 2 +- tt_metal/impl/dispatch/worker_config_buffer.hpp | 2 +- tt_metal/impl/event/event.hpp | 2 +- tt_metal/impl/kernels/data_types.hpp | 2 +- tt_metal/impl/kernels/kernel.cpp | 2 +- tt_metal/impl/kernels/kernel.hpp | 2 +- tt_metal/impl/kernels/kernel_types.hpp | 2 +- tt_metal/impl/kernels/runtime_args_data.hpp | 2 +- tt_metal/impl/program/program.cpp | 2 +- tt_metal/impl/program/program.hpp | 2 +- tt_metal/impl/program/program_device_map.hpp | 2 +- tt_metal/impl/trace/trace.cpp | 2 +- tt_metal/impl/trace/trace.hpp | 2 +- tt_metal/include/compute_kernel_api.h | 2 +- tt_metal/include/compute_kernel_api/bcast.h | 2 +- tt_metal/include/compute_kernel_api/blank.h | 2 +- tt_metal/include/compute_kernel_api/cb_api.h | 2 +- tt_metal/include/compute_kernel_api/common.h | 2 +- tt_metal/include/compute_kernel_api/common_globals.h | 2 +- tt_metal/include/compute_kernel_api/eltwise_binary.h | 2 +- .../compute_kernel_api/eltwise_unary/binop_with_scalar.h | 2 +- .../include/compute_kernel_api/eltwise_unary/bitwise_and.h | 2 +- .../include/compute_kernel_api/eltwise_unary/bitwise_not.h | 2 +- .../include/compute_kernel_api/eltwise_unary/bitwise_or.h | 2 +- .../include/compute_kernel_api/eltwise_unary/bitwise_xor.h | 2 +- tt_metal/include/compute_kernel_api/eltwise_unary/ceil.h | 2 +- .../include/compute_kernel_api/eltwise_unary/eltwise_unary.h | 2 +- tt_metal/include/compute_kernel_api/eltwise_unary/elu.h | 2 +- tt_metal/include/compute_kernel_api/eltwise_unary/erf_erfc.h | 2 +- tt_metal/include/compute_kernel_api/eltwise_unary/erfinv.h | 2 +- tt_metal/include/compute_kernel_api/eltwise_unary/exp.h | 2 +- tt_metal/include/compute_kernel_api/eltwise_unary/floor.h | 2 +- tt_metal/include/compute_kernel_api/eltwise_unary/fmod.h | 2 +- tt_metal/include/compute_kernel_api/eltwise_unary/gelu.h | 2 +- tt_metal/include/compute_kernel_api/eltwise_unary/i0.h | 2 +- tt_metal/include/compute_kernel_api/eltwise_unary/identity.h | 2 +- .../include/compute_kernel_api/eltwise_unary/isinf_isnan.h | 2 +- .../include/compute_kernel_api/eltwise_unary/left_shift.h | 2 +- .../compute_kernel_api/eltwise_unary/logical_not_noti.h | 2 +- tt_metal/include/compute_kernel_api/eltwise_unary/negative.h | 2 +- tt_metal/include/compute_kernel_api/eltwise_unary/recip.h | 2 +- tt_metal/include/compute_kernel_api/eltwise_unary/relu.h | 2 +- tt_metal/include/compute_kernel_api/eltwise_unary/remainder.h | 2 +- .../include/compute_kernel_api/eltwise_unary/reverseops.h | 2 +- .../include/compute_kernel_api/eltwise_unary/right_shift.h | 2 +- .../compute_kernel_api/eltwise_unary/sfpu_split_includes.h | 2 +- tt_metal/include/compute_kernel_api/eltwise_unary/softplus.h | 2 +- tt_metal/include/compute_kernel_api/eltwise_unary/sqrt.h | 2 +- .../include/compute_kernel_api/eltwise_unary/trigonometry.h | 2 +- tt_metal/include/compute_kernel_api/layernorm.h | 2 +- tt_metal/include/compute_kernel_api/mask.h | 2 +- tt_metal/include/compute_kernel_api/matmul.h | 2 +- tt_metal/include/compute_kernel_api/pack.h | 2 +- tt_metal/include/compute_kernel_api/pack_untilize.h | 2 +- tt_metal/include/compute_kernel_api/reduce.h | 2 +- tt_metal/include/compute_kernel_api/reg_api.h | 2 +- tt_metal/include/compute_kernel_api/reshuffle.h | 2 +- tt_metal/include/compute_kernel_api/softmax.h | 2 +- tt_metal/include/compute_kernel_api/tile_move_copy.h | 2 +- tt_metal/include/compute_kernel_api/transpose_wh.h | 2 +- tt_metal/include/compute_kernel_api/transpose_wh_dest.h | 2 +- tt_metal/include/compute_kernel_api/untilize.h | 2 +- tt_metal/jit_build/build.cpp | 2 +- tt_metal/jit_build/build.hpp | 2 +- tt_metal/jit_build/data_format.hpp | 2 +- tt_metal/jit_build/genfiles.cpp | 4 ++-- tt_metal/jit_build/genfiles.hpp | 2 +- tt_metal/jit_build/hlk_desc.hpp | 2 +- tt_metal/jit_build/kernel_args.cpp | 2 +- tt_metal/jit_build/kernel_args.hpp | 2 +- tt_metal/jit_build/settings.cpp | 2 +- tt_metal/jit_build/settings.hpp | 2 +- tt_metal/kernels/compute/blank.cpp | 2 +- tt_metal/kernels/compute/eltwise_binary.cpp | 2 +- tt_metal/kernels/compute/eltwise_sfpu.cpp | 2 +- tt_metal/kernels/dataflow/blank.cpp | 2 +- tt_metal/kernels/dataflow/reader_binary_diff_lengths.cpp | 2 +- tt_metal/kernels/dataflow/reader_unary.cpp | 2 +- tt_metal/kernels/dataflow/writer_unary.cpp | 2 +- tt_metal/llrt/llrt.cpp | 2 +- tt_metal/llrt/llrt.hpp | 2 +- tt_metal/llrt/llrt_common/tiles.hpp | 2 +- tt_metal/llrt/rtoptions.cpp | 2 +- tt_metal/llrt/rtoptions.hpp | 2 +- tt_metal/llrt/tlb_config.cpp | 2 +- tt_metal/llrt/tlb_config.hpp | 2 +- tt_metal/llrt/tt_cluster.cpp | 2 +- tt_metal/llrt/tt_cluster.hpp | 2 +- tt_metal/llrt/tt_memory.cpp | 2 +- tt_metal/llrt/tt_memory.h | 2 +- .../programming_examples/eltwise_binary/eltwise_binary.cpp | 2 +- tt_metal/programming_examples/eltwise_sfpu/eltwise_sfpu.cpp | 2 +- .../hello_world_compute_kernel/hello_world_compute_kernel.cpp | 2 +- .../kernels/compute/void_compute_kernel.cpp | 2 +- .../hello_world_datamovement_kernel.cpp | 2 +- .../kernels/dataflow/void_dataflow_kernel.cpp | 2 +- .../loopback/kernels/loopback_dram_copy.cpp | 2 +- tt_metal/programming_examples/loopback/loopback.cpp | 2 +- tt_metal/programming_examples/matmul_common/bmm_op.hpp | 2 +- .../matmul_common/kernels/compute/bmm.cpp | 2 +- .../matmul_common/kernels/compute/bmm_large_block_zm.cpp | 2 +- .../matmul_common/kernels/dataflow/reader_bmm_8bank.cpp | 2 +- .../dataflow/reader_bmm_8bank_output_tiles_partitioned.cpp | 2 +- .../matmul_common/kernels/dataflow/reader_bmm_tile_layout.cpp | 2 +- .../reader_bmm_tile_layout_in0_receiver_in1_receiver.cpp | 2 +- .../reader_bmm_tile_layout_in0_receiver_in1_sender.cpp | 2 +- .../reader_bmm_tile_layout_in0_sender_in1_receiver.cpp | 2 +- .../dataflow/reader_bmm_tile_layout_in0_sender_in1_sender.cpp | 2 +- .../matmul_common/kernels/dataflow/writer_bmm_8bank.cpp | 2 +- .../matmul_common/kernels/dataflow/writer_bmm_tile_layout.cpp | 2 +- .../kernels/dataflow/writer_unary_interleaved_start_id.cpp | 2 +- .../matmul_multi_core/matmul_multi_core.cpp | 2 +- .../matmul_multicore_reuse/matmul_multicore_reuse.cpp | 2 +- .../matmul_multicore_reuse_mcast.cpp | 2 +- .../matmul_single_core/matmul_single_core.cpp | 2 +- .../test_custom_cycle_count/kernels/custom_cycle_count.cpp | 2 +- .../kernels/custom_cycle_count_compute.cpp | 2 +- .../test_custom_cycle_count/test_custom_cycle_count.cpp | 2 +- .../kernels/custom_cycle_count_compute_slow_dispatch.cpp | 2 +- .../kernels/custom_cycle_count_slow_dispatch.cpp | 2 +- .../test_custom_cycle_count_slow_dispatch.cpp | 2 +- .../profiler/test_dispatch_cores/test_dispatch_cores.cpp | 2 +- .../profiler/test_full_buffer/kernels/full_buffer.cpp | 2 +- .../profiler/test_full_buffer/kernels/full_buffer_compute.cpp | 2 +- .../profiler/test_full_buffer/kernels/full_buffer_ether.cpp | 2 +- .../profiler/test_full_buffer/test_full_buffer.cpp | 2 +- .../profiler/test_multi_op/kernels/multi_op.cpp | 2 +- .../profiler/test_multi_op/kernels/multi_op_compute.cpp | 2 +- .../profiler/test_multi_op/test_multi_op.cpp | 2 +- tt_metal/tools/dump-consts.py | 2 +- tt_metal/tools/memset.cpp | 2 +- tt_metal/tools/memset.py | 2 +- tt_metal/tools/profiler/common.hpp | 2 +- tt_metal/tools/profiler/common.py | 2 +- tt_metal/tools/profiler/device_post_proc_config.py | 2 +- tt_metal/tools/profiler/kernel_profiler.hpp | 2 +- tt_metal/tools/profiler/merge_meta_class.py | 2 +- tt_metal/tools/profiler/op_profiler.hpp | 2 +- tt_metal/tools/profiler/process_device_log.py | 2 +- tt_metal/tools/profiler/process_model_log.py | 2 +- tt_metal/tools/profiler/process_ops_logs.py | 2 +- tt_metal/tools/profiler/profile_sweeps.py | 2 +- tt_metal/tools/profiler/profile_this.py | 2 +- tt_metal/tools/profiler/profiler.cpp | 2 +- tt_metal/tools/profiler/profiler.hpp | 2 +- tt_metal/tools/profiler/profiler_state.hpp | 2 +- tt_metal/tools/profiler/sync/sync_kernel.cpp | 2 +- tt_metal/tools/profiler/tt_metal_profiler.cpp | 2 +- tt_metal/tools/tt_gdb/debugger_screen.py | 2 +- tt_metal/tools/tt_gdb/pydwarf2.py | 2 +- tt_metal/tools/tt_gdb/tt_gdb.cpp | 2 +- tt_metal/tools/tt_gdb/tt_gdb.hpp | 2 +- tt_metal/tools/tt_gdb/tt_gdb_table.py | 2 +- tt_metal/tools/watcher_dump/watcher_dump.cpp | 2 +- tt_metal/tt_metal.cpp | 2 +- tt_metal/tt_stl/concepts.hpp | 2 +- tt_metal/tt_stl/reflection.hpp | 2 +- tt_metal/tt_stl/unique_any.hpp | 2 +- ttnn/cpp/pybind11/__init__.cpp | 2 +- ttnn/cpp/pybind11/core.hpp | 2 +- ttnn/cpp/pybind11/decorators.hpp | 2 +- ttnn/cpp/pybind11/device.cpp | 2 +- ttnn/cpp/pybind11/device.hpp | 2 +- ttnn/cpp/pybind11/operations/__init__.hpp | 2 +- ttnn/cpp/pybind11/operations/copy.hpp | 2 +- ttnn/cpp/pybind11/operations/core.hpp | 2 +- ttnn/cpp/pybind11/operations/creation.hpp | 2 +- ttnn/cpp/pybind11/profiler.cpp | 2 +- ttnn/cpp/pybind11/profiler.hpp | 2 +- ttnn/cpp/pybind11/pybind_fwd.hpp | 2 +- ttnn/cpp/pybind11/pytensor.cpp | 2 +- ttnn/cpp/pybind11/reports.hpp | 2 +- ttnn/cpp/pybind11/tensor.cpp | 2 +- ttnn/cpp/pybind11/tensor.hpp | 2 +- ttnn/cpp/pybind11/types.hpp | 2 +- ttnn/cpp/ttnn/async_runtime.cpp | 2 +- ttnn/cpp/ttnn/async_runtime.hpp | 2 +- ttnn/cpp/ttnn/config.cpp | 2 +- ttnn/cpp/ttnn/config.hpp | 2 +- ttnn/cpp/ttnn/core.cpp | 2 +- ttnn/cpp/ttnn/core.hpp | 2 +- ttnn/cpp/ttnn/decorators.hpp | 2 +- .../deprecated/tt_dnn/kernels/compute/bmm_tilize_untilize.cpp | 2 +- .../ttnn/deprecated/tt_dnn/kernels/compute/eltwise_copy.cpp | 2 +- ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/compute/tilize.cpp | 2 +- .../ttnn/deprecated/tt_dnn/kernels/compute/transpose_wh.cpp | 2 +- .../tt_dnn/kernels/dataflow/generate_bcast_scalar.hpp | 2 +- .../deprecated/tt_dnn/kernels/dataflow/generate_mm_scaler.hpp | 2 +- .../tt_dnn/kernels/dataflow/generate_reduce_scaler.hpp | 2 +- .../tt_dnn/kernels/dataflow/reader_bmm_single_core_bias.hpp | 2 +- .../reader_unary_stick_layout_interleaved_start_id.cpp | 2 +- .../dataflow/writer_unary_stick_layout_interleaved_blocks.cpp | 2 +- .../writer_unary_stick_layout_interleaved_start_id.cpp | 2 +- .../moreh_matmul/multi_core/kernels/moreh_matmul.cpp | 2 +- .../ttnn/deprecated/tt_lib/csrc/operations/primary/module.hpp | 2 +- ttnn/cpp/ttnn/device.cpp | 2 +- ttnn/cpp/ttnn/device.hpp | 2 +- ttnn/cpp/ttnn/device_operation.hpp | 2 +- ttnn/cpp/ttnn/distributed/api.cpp | 2 +- ttnn/cpp/ttnn/distributed/api.hpp | 2 +- ttnn/cpp/ttnn/distributed/distributed_pybind.cpp | 2 +- ttnn/cpp/ttnn/distributed/distributed_pybind.hpp | 2 +- ttnn/cpp/ttnn/operation.hpp | 2 +- .../operations/bernoulli/device/kernels/reader_bernoulli.cpp | 2 +- ttnn/cpp/ttnn/operations/ccl/all_gather/all_gather.cpp | 2 +- ttnn/cpp/ttnn/operations/ccl/all_gather/all_gather.hpp | 2 +- ttnn/cpp/ttnn/operations/ccl/all_gather/all_gather_pybind.cpp | 2 +- ttnn/cpp/ttnn/operations/ccl/all_gather/all_gather_pybind.hpp | 2 +- .../ttnn/operations/ccl/all_gather/device/all_gather_op.cpp | 2 +- .../ttnn/operations/ccl/all_gather/device/all_gather_op.hpp | 2 +- .../worker_interleaved_ring_gather_receive_reader.cpp | 2 +- .../worker_interleaved_ring_gather_receive_writer.cpp | 2 +- .../dataflow/worker_interleaved_ring_gather_send_reader.cpp | 2 +- .../dataflow/worker_interleaved_ring_gather_send_writer.cpp | 2 +- .../device/kernels/dataflow/worker_ring_gather_utils.hpp | 2 +- .../all_gather/device/multi_core/all_gather_op_multi_core.cpp | 2 +- ttnn/cpp/ttnn/operations/ccl/barrier/barrier_pybind.hpp | 2 +- ttnn/cpp/ttnn/operations/ccl/ccl_common.cpp | 2 +- ttnn/cpp/ttnn/operations/ccl/ccl_common.hpp | 2 +- ttnn/cpp/ttnn/operations/ccl/ccl_host_datastructures.cpp | 2 +- ttnn/cpp/ttnn/operations/ccl/ccl_host_datastructures.hpp | 2 +- ttnn/cpp/ttnn/operations/ccl/ccl_op_fusion.cpp | 2 +- ttnn/cpp/ttnn/operations/ccl/ccl_op_fusion.hpp | 2 +- .../ttnn/operations/ccl/kernel_common/worker_edm_adapters.hpp | 2 +- .../ttnn/operations/ccl/kernel_common/worker_edm_utils.hpp | 2 +- .../ttnn/operations/ccl/kernel_common/worker_sync_utils.hpp | 2 +- .../ttnn/operations/ccl/kernels/edm/erisc_async_datamover.hpp | 2 +- ttnn/cpp/ttnn/operations/ccl/kernels/edm/erisc_datamover.cpp | 2 +- .../device/host/reduce_scatter_full_worker_grid.cpp | 2 +- .../kernels/worker_interleaved_ring_reduce_scatter_reader.cpp | 2 +- .../kernels/worker_interleaved_ring_reduce_scatter_sender.cpp | 2 +- .../ccl/reduce_scatter/device/reduce_scatter_op.cpp | 2 +- .../ccl/reduce_scatter/device/reduce_scatter_op.hpp | 2 +- .../cpp/ttnn/operations/ccl/reduce_scatter/reduce_scatter.cpp | 2 +- .../cpp/ttnn/operations/ccl/reduce_scatter/reduce_scatter.hpp | 2 +- .../operations/ccl/reduce_scatter/reduce_scatter_pybind.cpp | 2 +- .../operations/ccl/reduce_scatter/reduce_scatter_pybind.hpp | 2 +- .../ccl/shared_with_host/hetergeneous_data_structs.hpp | 2 +- .../ccl/shared_with_host/sharded_tensor_addr_gen.hpp | 2 +- ttnn/cpp/ttnn/operations/conv/conv2d/conv2d.cpp | 2 +- ttnn/cpp/ttnn/operations/conv/conv2d/conv2d.hpp | 2 +- ttnn/cpp/ttnn/operations/conv/conv2d/conv2d_pybind.cpp | 2 +- ttnn/cpp/ttnn/operations/conv/conv2d/conv2d_pybind.hpp | 2 +- ttnn/cpp/ttnn/operations/conv/conv2d/device/conv2d_op.cpp | 2 +- ttnn/cpp/ttnn/operations/conv/conv2d/device/conv2d_op.hpp | 2 +- .../conv/conv2d/device/conv2d_op_sharded_program_factory.cpp | 2 +- .../conv2d/device/conv2d_op_width_sharded_program_factory.cpp | 2 +- .../conv2d/device/kernels/activation_reader_width_sharded.cpp | 2 +- .../conv/conv2d/device/kernels/compute_depthwise_conv1d.cpp | 2 +- .../device/kernels/conv_bmm_tilize_col_major_out_blocks.cpp | 2 +- ...v_activations_2d_mcast_padded_with_halo_3x3_weights_v2.cpp | 2 +- ...eader_conv_activations_padded_with_halo_3x3_weights_v2.cpp | 2 +- .../conv/conv2d/device/kernels/reader_depthwise_conv1d.cpp | 2 +- ..._1d_mcast_receiver_conv_weights_tiled_col_to_rm_blocks.cpp | 2 +- ...ut_1d_mcast_sender_conv_weights_tiled_col_to_rm_blocks.cpp | 2 +- .../conv2d/device/kernels/weights_reader_width_sharded.cpp | 2 +- .../device/kernels/writer_mcast_receiver_depthwise_conv1d.cpp | 2 +- .../device/kernels/writer_mcast_sender_depthwise_conv1d.cpp | 2 +- ..._1d_mcast_receiver_conv_weights_tiled_col_to_rm_blocks.cpp | 2 +- ...ut_1d_mcast_sender_conv_weights_tiled_col_to_rm_blocks.cpp | 2 +- ..._2d_mcast_receiver_conv_weights_tiled_col_to_rm_blocks.cpp | 2 +- ...ut_2d_mcast_sender_conv_weights_tiled_col_to_rm_blocks.cpp | 2 +- ttnn/cpp/ttnn/operations/conv/conv_pybind.hpp | 2 +- .../operations/conv/conv_transpose2d/conv_transpose2d.hpp | 2 +- .../conv/conv_transpose2d/conv_transpose2d_pybind.cpp | 2 +- ttnn/cpp/ttnn/operations/copy.hpp | 2 +- .../operations/core/compute_kernel/compute_kernel_config.cpp | 2 +- .../operations/core/compute_kernel/compute_kernel_config.hpp | 2 +- ttnn/cpp/ttnn/operations/core/core.cpp | 2 +- ttnn/cpp/ttnn/operations/core/core.hpp | 2 +- ttnn/cpp/ttnn/operations/core/to_dtype/to_dtype_op.hpp | 2 +- ttnn/cpp/ttnn/operations/core/to_layout/to_layout_op.cpp | 2 +- ttnn/cpp/ttnn/operations/core/to_layout/to_layout_op.hpp | 2 +- .../operations/core/to_memory_config/to_memory_config_op.hpp | 2 +- ttnn/cpp/ttnn/operations/creation.hpp | 2 +- .../data_movement/bcast/device/kernels/compute/bcast_h.cpp | 2 +- .../device/kernels/compute/bcast_h_sharded_optimised.cpp | 2 +- .../data_movement/bcast/device/kernels/compute/bcast_hw.cpp | 2 +- .../data_movement/bcast/device/kernels/compute/bcast_w.cpp | 2 +- .../device/kernels/dataflow/reader_bcast_h_interleaved.cpp | 2 +- .../reader_bcast_h_interleaved_input_rows_partitioned.cpp | 2 +- .../bcast/device/kernels/dataflow/reader_bcast_h_sharded.cpp | 2 +- .../kernels/dataflow/reader_bcast_h_sharded_optimised.cpp | 2 +- .../device/kernels/dataflow/reader_bcast_hw_interleaved.cpp | 2 +- .../dataflow/reader_bcast_hw_interleaved_partitioned.cpp | 2 +- .../dataflow/reader_bcast_scalar_interleaved_partitioned.cpp | 2 +- .../device/kernels/dataflow/reader_bcast_w_interleaved.cpp | 2 +- .../reader_bcast_w_interleaved_input_cols_partitioned.cpp | 2 +- .../dataflow/writer_unary_interleaved_input_cols_batched.cpp | 2 +- .../bcast/device/multi_core_h/bcast_op_multi_core_h.cpp | 2 +- .../bcast/device/multi_core_h/bcast_op_sharded_h.cpp | 2 +- .../device/multi_core_h/bcast_op_sharded_h_optimised.cpp | 2 +- .../bcast/device/multi_core_hw/bcast_op_multi_core_hw.cpp | 2 +- .../bcast/device/multi_core_w/bcast_op_multi_core_w.cpp | 2 +- .../data_movement/concat/device/concat_device_operation.cpp | 2 +- .../data_movement/concat/device/concat_device_operation.hpp | 2 +- .../data_movement/concat/device/concat_program_factory.cpp | 2 +- .../data_movement/concat/device/concat_program_factory.hpp | 2 +- .../kernels/dataflow/reader_concat_interleaved_start_id.cpp | 2 +- .../reader_concat_stick_layout_interleaved_start_id.cpp | 2 +- .../reader_height_sharded_width_concat_two_tensors.cpp | 2 +- .../device/kernels/dataflow/reader_s2s_tensor_concat.cpp | 2 +- .../concat/device/kernels/dataflow/writer_s2i_width.cpp | 2 +- ttnn/cpp/ttnn/operations/data_movement/copy/copy_pybind.cpp | 2 +- ttnn/cpp/ttnn/operations/data_movement/copy/copy_pybind.hpp | 2 +- .../data_movement/copy/device/copy_device_operation.cpp | 2 +- .../data_movement/copy/device/copy_device_operation.hpp | 2 +- .../data_movement/copy/device/copy_program_factory.cpp | 2 +- .../ttnn/operations/data_movement/data_movement_pybind.hpp | 2 +- .../operations/data_movement/data_transfer/data_transfer.cpp | 2 +- .../operations/data_movement/data_transfer/data_transfer.hpp | 2 +- .../operations/data_movement/fill_rm/device/fill_rm_op.cpp | 2 +- .../operations/data_movement/fill_rm/device/fill_rm_op.hpp | 2 +- .../fill_rm/device/kernels/dataflow/fill_rm_interleaved.cpp | 2 +- ttnn/cpp/ttnn/operations/data_movement/fill_rm/fill_rm.cpp | 2 +- ttnn/cpp/ttnn/operations/data_movement/fill_rm/fill_rm.hpp | 2 +- .../ttnn/operations/data_movement/fill_rm/fill_rm_pybind.cpp | 2 +- .../fold/device/kernels/dataflow/writer_cb2s_row_major.cpp | 2 +- ttnn/cpp/ttnn/operations/data_movement/fold/fold_pybind.cpp | 2 +- ttnn/cpp/ttnn/operations/data_movement/fold/fold_pybind.hpp | 2 +- .../data_movement/indexed_fill/device/indexed_fill_op.cpp | 2 +- .../data_movement/indexed_fill/device/indexed_fill_op.hpp | 2 +- .../device/indexed_fill_op_multi_core_program_factory.cpp | 2 +- .../device/kernels/dataflow/indexed_fill_reader.cpp | 2 +- .../operations/data_movement/indexed_fill/indexed_fill.cpp | 2 +- .../operations/data_movement/indexed_fill/indexed_fill.hpp | 4 ++-- .../device/kernels/dataflow/move_interleaved_with_overlap.cpp | 2 +- .../dataflow/move_stick_layout_interleaved_with_overlap.cpp | 2 +- .../kernels/dataflow/reader_unary_local_l1_copy_backwards.cpp | 2 +- .../data_movement/move/device/move_program_factory.cpp | 2 +- .../device/kernels/dataflow/non_zero_indices_sc_reader.cpp | 2 +- .../non_zero_indices/device/non_zero_indices_op.cpp | 2 +- .../non_zero_indices/device/non_zero_indices_op.hpp | 2 +- .../device/non_zero_indices_program_factory.cpp | 2 +- .../pad/device/kernels/dataflow/pad_dims_rm_interleaved.cpp | 2 +- .../device/kernels/dataflow/pad_dims_rm_interleaved_opt.cpp | 2 +- .../kernels/dataflow/reader_pad_dims_rm_interleaved.cpp | 2 +- .../kernels/dataflow/writer_pad_dims_rm_interleaved.cpp | 2 +- .../kernels/dataflow/writer_unary_pad_dims_interleaved.cpp | 2 +- ttnn/cpp/ttnn/operations/data_movement/pad/pad.cpp | 2 +- ttnn/cpp/ttnn/operations/data_movement/pad/pad.hpp | 2 +- ttnn/cpp/ttnn/operations/data_movement/pad/pad_pybind.hpp | 2 +- .../kernels/dataflow/reader_repeat_interleaved_start_id.cpp | 2 +- .../reader_repeat_stick_layout_interleaved_start_id.cpp | 2 +- .../ttnn/operations/data_movement/repeat/device/repeat_op.cpp | 2 +- .../ttnn/operations/data_movement/repeat/device/repeat_op.hpp | 2 +- .../data_movement/repeat/device/repeat_program_factory.cpp | 2 +- .../data_movement/repeat/device/repeat_program_factory.hpp | 2 +- .../ttnn/operations/data_movement/repeat/repeat_pybind.cpp | 2 +- .../ttnn/operations/data_movement/repeat/repeat_pybind.hpp | 2 +- .../data_movement/repeat_interleave/repeat_interleave.cpp | 2 +- .../data_movement/repeat_interleave/repeat_interleave.hpp | 2 +- .../repeat_interleave/repeat_interleave_pybind.hpp | 2 +- .../kernels/dataflow/reader_unary_reshape_interleaved.cpp | 2 +- .../reader_unary_reshape_stick_layout_interleaved.cpp | 2 +- .../writer_unary_reshape_stick_layout_interleaved.cpp | 2 +- .../data_movement/reshape_on_device/device/reshape_op.cpp | 2 +- .../data_movement/reshape_on_device/device/reshape_op.hpp | 2 +- .../data_movement/reshape_on_device/reshape_pybind.cpp | 2 +- .../data_movement/reshape_on_device/reshape_pybind.hpp | 2 +- .../operations/data_movement/reshape_view/reshape_pybind.cpp | 2 +- .../operations/data_movement/reshape_view/reshape_pybind.hpp | 2 +- .../sharded/device/kernels/compute/eltwise_copy.cpp | 2 +- .../sharded/device/kernels/dataflow/reader_unary_sharded.cpp | 2 +- .../reader_unary_sharded_blocks_interleaved_start_id.cpp | 2 +- ...unary_stick_layout_sharded_blocks_interleaved_start_id.cpp | 2 +- .../sharded/device/kernels/dataflow/reshard_reader.cpp | 2 +- .../sharded/device/kernels/dataflow/writer_unary_sharded.cpp | 2 +- .../writer_unary_sharded_blocks_interleaved_start_id.cpp | 2 +- ...unary_stick_layout_sharded_blocks_interleaved_start_id.cpp | 2 +- .../device/interleaved_to_sharded_partial_op.cpp | 2 +- .../device/interleaved_to_sharded_partial_op.hpp | 2 +- .../interleaved_to_sharded_partial_pybind.cpp | 2 +- .../interleaved_to_sharded_partial_pybind.hpp | 2 +- .../device/sharded_to_interleaved_partial_op.cpp | 2 +- .../device/sharded_to_interleaved_partial_op.hpp | 2 +- .../sharded_to_interleaved_partial_pybind.cpp | 2 +- .../sharded_to_interleaved_partial_pybind.hpp | 2 +- .../dataflow/reader_unary_unpad_dims_interleaved_start_id.cpp | 2 +- .../slice_reader_unary_unpad_dims_rm_interleaved_start_id.cpp | 2 +- .../slice_writer_unary_stick_layout_interleaved_start_id.cpp | 2 +- .../ttnn/operations/data_movement/slice/device/slice_op.cpp | 2 +- .../ttnn/operations/data_movement/slice/device/slice_op.hpp | 2 +- .../data_movement/slice/device/slice_program_factory.cpp | 2 +- .../data_movement/slice/device/slice_program_factory.hpp | 2 +- ttnn/cpp/ttnn/operations/data_movement/slice/slice.cpp | 2 +- ttnn/cpp/ttnn/operations/data_movement/slice/slice.hpp | 2 +- ttnn/cpp/ttnn/operations/data_movement/slice/slice_pybind.hpp | 2 +- .../dataflow/reader_tm_tile_layout_split_two_chunks.cpp | 2 +- .../dataflow/writer_tm_tile_layout_split_two_chunks.cpp | 2 +- .../ttnn/operations/data_movement/split/device/split_op.cpp | 2 +- .../ttnn/operations/data_movement/split/device/split_op.hpp | 2 +- ttnn/cpp/ttnn/operations/data_movement/split/split_pybind.hpp | 2 +- .../reader_unary_stick_layout_split_rows_interleaved.cpp | 2 +- .../kernels/dataflow/reader_unary_pad_dims_split_rows.cpp | 2 +- .../dataflow/reader_unary_pad_height_width_sharded.cpp | 2 +- .../transpose/device/kernels/compute/transpose_wh.cpp | 2 +- .../transpose/device/kernels/compute/transpose_wh_sharded.cpp | 2 +- .../dataflow/reader_unary_transpose_cn_interleaved.cpp | 2 +- .../reader_unary_transpose_cn_interleaved_start_id.cpp | 2 +- .../reader_unary_transpose_hc_interleaved_partitioned.cpp | 2 +- .../dataflow/reader_unary_transpose_wh_interleaved.cpp | 2 +- .../reader_unary_transpose_wh_interleaved_start_id.cpp | 2 +- .../data_movement/transpose/device/transpose_op.cpp | 2 +- .../data_movement/transpose/device/transpose_op.hpp | 2 +- .../untilize/device/kernels/compute/pack_untilize.cpp | 2 +- .../untilize/device/kernels/compute/untilize.cpp | 2 +- .../writer_unary_stick_layout_split_rows_interleaved.cpp | 2 +- ...y_stick_layout_split_rows_interleaved_parallel_columns.cpp | 2 +- .../device/kernels/dataflow/halo_gather.cpp | 2 +- .../writer_unary_stick_layout_split_rows_multicore.cpp | 2 +- .../dataflow/writer_unary_unpad_batch_rows_sharded.cpp | 2 +- .../kernels/dataflow/writer_unary_unpad_dims_split_rows.cpp | 2 +- ttnn/cpp/ttnn/operations/eltwise/binary/binary.cpp | 2 +- ttnn/cpp/ttnn/operations/eltwise/binary/binary.hpp | 2 +- .../ttnn/operations/eltwise/binary/common/binary_op_types.hpp | 2 +- .../eltwise/binary/device/binary_device_operation.cpp | 2 +- .../eltwise/binary/device/binary_device_operation.hpp | 2 +- .../broadcast_height_and_width_multi_core_program_factory.cpp | 2 +- .../device/broadcast_height_multi_core_program_factory.cpp | 2 +- ...st_height_multi_core_sharded_optimized_program_factory.cpp | 2 +- .../broadcast_height_multi_core_sharded_program_factory.cpp | 2 +- .../device/broadcast_width_multi_core_program_factory.cpp | 2 +- .../binary/device/element_wise_multi_core_program_factory.cpp | 2 +- .../eltwise/binary/device/kernels/compute/bcast_h.cpp | 2 +- .../device/kernels/compute/bcast_h_sharded_optimised.cpp | 2 +- .../eltwise/binary/device/kernels/compute/bcast_hw.cpp | 2 +- .../eltwise/binary/device/kernels/compute/bcast_w.cpp | 2 +- .../binary/device/kernels/compute/eltwise_binary_kernel.cpp | 2 +- .../device/kernels/dataflow/reader_bcast_h_interleaved.cpp | 2 +- .../reader_bcast_h_interleaved_input_rows_partitioned.cpp | 2 +- .../binary/device/kernels/dataflow/reader_bcast_h_sharded.cpp | 2 +- .../kernels/dataflow/reader_bcast_h_sharded_optimised.cpp | 2 +- .../device/kernels/dataflow/reader_bcast_hw_interleaved.cpp | 2 +- .../dataflow/reader_bcast_hw_interleaved_partitioned.cpp | 2 +- .../dataflow/reader_bcast_scalar_interleaved_partitioned.cpp | 2 +- .../device/kernels/dataflow/reader_bcast_w_interleaved.cpp | 2 +- .../reader_bcast_w_interleaved_input_cols_partitioned.cpp | 2 +- .../kernels/dataflow/reader_binary_interleaved_start_id.cpp | 2 +- .../dataflow/writer_unary_interleaved_input_cols_batched.cpp | 2 +- .../operations/eltwise/binary_backward/binary_backward.hpp | 2 +- .../eltwise/binary_backward/binary_backward_pybind.hpp | 2 +- ttnn/cpp/ttnn/operations/eltwise/complex/complex.cpp | 2 +- ttnn/cpp/ttnn/operations/eltwise/complex/complex.hpp | 2 +- .../ttnn/operations/eltwise/complex_binary/complex_binary.hpp | 2 +- .../eltwise/complex_binary/complex_binary_pybind.hpp | 2 +- .../eltwise/complex_binary/device/complex_binary_op.cpp | 2 +- .../eltwise/complex_binary/device/complex_binary_op.hpp | 2 +- .../ttnn/operations/eltwise/complex_unary/complex_unary.hpp | 2 +- .../operations/eltwise/complex_unary/complex_unary_pybind.hpp | 2 +- .../eltwise/complex_unary/device/complex_unary_op.cpp | 2 +- .../eltwise/complex_unary/device/complex_unary_op.hpp | 2 +- .../eltwise/complex_unary_backward/complex_unary_backward.hpp | 2 +- .../complex_unary_backward/complex_unary_backward_pybind.hpp | 2 +- .../device/complex_unary_backward_op.cpp | 2 +- .../device/complex_unary_backward_op.hpp | 2 +- .../operations/eltwise/ternary_backward/ternary_backward.cpp | 2 +- .../operations/eltwise/ternary_backward/ternary_backward.hpp | 2 +- .../eltwise/ternary_backward/ternary_backward_pybind.hpp | 2 +- .../ttnn/operations/eltwise/unary/common/unary_op_types.hpp | 2 +- .../eltwise/unary/device/kernels/compute/eltwise_sfpu.cpp | 2 +- .../kernels/dataflow/reader_unary_interleaved_start_id.cpp | 2 +- .../unary/device/kernels/dataflow/reader_unary_sharded.cpp | 2 +- .../kernels/dataflow/writer_unary_interleaved_start_id.cpp | 2 +- ttnn/cpp/ttnn/operations/eltwise/unary/unary.cpp | 2 +- ttnn/cpp/ttnn/operations/eltwise/unary/unary.hpp | 2 +- ttnn/cpp/ttnn/operations/eltwise/unary/unary_composite.hpp | 2 +- ttnn/cpp/ttnn/operations/eltwise/unary/unary_pybind.hpp | 2 +- .../ttnn/operations/eltwise/unary_backward/unary_backward.hpp | 2 +- .../eltwise/unary_backward/unary_backward_pybind.hpp | 2 +- .../embedding/device/embedding_device_operation.cpp | 2 +- .../embedding/device/embedding_device_operation.hpp | 2 +- .../embedding/device/kernels/dataflow/embeddings.cpp | 2 +- .../embedding/device/kernels/dataflow/embeddings_tilize.cpp | 2 +- ttnn/cpp/ttnn/operations/embedding/embedding.cpp | 2 +- ttnn/cpp/ttnn/operations/embedding/embedding.hpp | 2 +- .../examples/example/device/example_device_operation.cpp | 2 +- .../examples/example/device/example_device_operation.hpp | 2 +- .../examples/example/device/kernels/compute/eltwise_sfpu.cpp | 2 +- .../examples/example/device/kernels/dataflow/blank.cpp | 2 +- .../device/kernels/dataflow/reader_binary_diff_lengths.cpp | 2 +- .../examples/example/device/kernels/dataflow/reader_unary.cpp | 2 +- .../examples/example/device/kernels/dataflow/writer_unary.cpp | 2 +- .../examples/example/device/multi_core_program_factory.cpp | 2 +- .../examples/example/device/single_core_program_factory.cpp | 2 +- ttnn/cpp/ttnn/operations/examples/example/example.hpp | 2 +- ttnn/cpp/ttnn/operations/examples/example/example_pybind.hpp | 2 +- .../device/example_multiple_return_device_operation.cpp | 2 +- .../device/example_multiple_return_device_operation.hpp | 2 +- .../device/kernels/writer_multiple.cpp | 2 +- .../device/single_core_program_factory.cpp | 2 +- .../example_multiple_return/example_multiple_return.cpp | 2 +- .../example_multiple_return/example_multiple_return.hpp | 2 +- .../example_multiple_return_pybind.cpp | 2 +- .../example_multiple_return_pybind.hpp | 2 +- ttnn/cpp/ttnn/operations/examples/examples_pybind.cpp | 2 +- ttnn/cpp/ttnn/operations/examples/examples_pybind.hpp | 2 +- .../ttnn/operations/experimental/auto_format/auto_format.cpp | 2 +- .../ttnn/operations/experimental/auto_format/auto_format.hpp | 2 +- .../experimental/ccl/all_gather_matmul/all_gather_matmul.cpp | 2 +- .../experimental/ccl/all_gather_matmul/all_gather_matmul.hpp | 2 +- .../ccl/all_gather_matmul/all_gather_matmul_pybind.cpp | 2 +- .../ccl/all_gather_matmul/all_gather_matmul_pybind.hpp | 2 +- .../ccl/all_gather_matmul/device/all_gather_matmul_op.cpp | 2 +- .../ccl/all_gather_matmul/device/all_gather_matmul_op.hpp | 2 +- .../ccl/all_gather_matmul/device/kernels/datacopy.cpp | 2 +- .../device/multi_core/all_gather_matmul_op_multi_core.cpp | 2 +- .../operations/experimental/copy/typecast/typecast_pybind.cpp | 2 +- .../operations/experimental/copy/typecast/typecast_pybind.hpp | 2 +- ttnn/cpp/ttnn/operations/experimental/experimental_pybind.cpp | 2 +- ttnn/cpp/ttnn/operations/experimental/experimental_pybind.hpp | 2 +- .../device/kernels/compute/transformer_attn_matmul.cpp | 2 +- .../kernels/dataflow/reader_transformer_attn_matmul.cpp | 2 +- .../device/kernels/compute/transformer_group_attn_matmul.cpp | 2 +- .../dataflow/reader_mcast_transformer_group_attn_matmul.cpp | 2 +- .../kernels/dataflow/writer_transformer_group_attn_matmul.cpp | 2 +- .../paged_cache/device/kernels/compute/update_cache.cpp | 2 +- .../device/kernels/dataflow/reader_fill_cache_interleaved.cpp | 2 +- .../dataflow/reader_update_cache_interleaved_start_id.cpp | 2 +- .../device/kernels/dataflow/writer_fill_cache_interleaved.cpp | 2 +- .../dataflow/writer_update_cache_interleaved_start_id.cpp | 2 +- .../experimental/paged_cache/device/paged_cache_operation.cpp | 2 +- .../experimental/paged_cache/device/paged_cache_operation.hpp | 2 +- .../paged_cache/device/paged_fill_cache_program_factory.cpp | 2 +- .../paged_cache/device/paged_fill_cache_program_factory.hpp | 2 +- .../device/paged_fused_update_cache_program_factory.cpp | 2 +- .../device/paged_fused_update_cache_program_factory.hpp | 2 +- .../paged_cache/device/paged_update_cache_program_factory.cpp | 2 +- .../paged_cache/device/paged_update_cache_program_factory.hpp | 2 +- .../ttnn/operations/experimental/paged_cache/paged_cache.cpp | 2 +- .../ttnn/operations/experimental/paged_cache/paged_cache.hpp | 2 +- .../experimental/paged_cache/paged_cache_pybind.cpp | 2 +- .../experimental/paged_cache/paged_cache_pybind.hpp | 2 +- .../plusone/device/kernels/reader_plusone_interleaved.cpp | 2 +- .../operations/experimental/plusone/device/plusone_op.cpp | 2 +- .../operations/experimental/plusone/device/plusone_op.hpp | 2 +- .../experimental/plusone/device/plusone_program_factory.cpp | 2 +- .../experimental/plusone/device/plusone_program_factory.hpp | 2 +- ttnn/cpp/ttnn/operations/experimental/plusone/plusone.cpp | 2 +- ttnn/cpp/ttnn/operations/experimental/plusone/plusone.hpp | 2 +- .../ttnn/operations/experimental/plusone/plusone_pybind.cpp | 2 +- .../ttnn/operations/experimental/plusone/plusone_pybind.hpp | 2 +- .../ttnn/operations/experimental/reduction/argmax/argmax.hpp | 2 +- .../experimental/reduction/argmax/argmax_pybind.hpp | 2 +- .../experimental/reduction/fast_reduce_nc/fast_reduce_nc.cpp | 2 +- .../experimental/reduction/fast_reduce_nc/fast_reduce_nc.hpp | 2 +- .../hc_sum_reduce/device/kernels/reader_ssm_1d_sum_reduce.cpp | 2 +- .../device/kernels/reader_ssm_eltwise_mul.cpp | 2 +- .../device/kernels/ssm_eltwise_mul.cpp | 2 +- .../device/kernels/writer_ssm_eltwise_mul.cpp | 2 +- .../transformer/concatenate_heads/concatenate_heads.hpp | 2 +- .../concatenate_heads/concatenate_heads_pybind.hpp | 2 +- .../kernels/dataflow/reader_tm_tile_layout_concat_heads.cpp | 2 +- .../kernels/dataflow/writer_tm_tile_layout_concat_heads.cpp | 2 +- .../transformer/create_qkv_heads/create_qkv_heads.hpp | 2 +- .../create_qkv_heads_from_separate_tensors.hpp | 2 +- .../dataflow/reader_tm_tile_layout_nlp_concat_heads.cpp | 2 +- .../reader_tm_tile_layout_nlp_concat_heads_sharded.cpp | 2 +- .../reader_tm_tile_layout_nlp_concat_heads_decode.cpp | 2 +- .../dataflow/reader_tm_tile_layout_nlp_create_qkv_heads.cpp | 2 +- .../reader_tm_tile_layout_nlp_create_qkv_heads_sharded.cpp | 2 +- .../dataflow/writer_tm_tile_layout_nlp_create_qkv_heads.cpp | 2 +- .../reader_tm_tile_layout_nlp_create_qkv_heads_decode.cpp | 2 +- .../nlp_create_qkv_heads_decode.hpp | 2 +- .../writer_tm_tile_layout_nlp_create_qkv_heads_falcon7b.cpp | 2 +- .../dataflow/reader_tm_tile_layout_nlp_create_qkv_heads.cpp | 2 +- .../dataflow/writer_tm_tile_layout_nlp_create_qkv_heads.cpp | 2 +- .../dataflow/reader_tm_tile_layout_nlp_create_qkv_heads.cpp | 2 +- .../dataflow/writer_tm_tile_layout_nlp_create_qkv_heads.cpp | 2 +- .../device/kernels/compute/rotary_embedding.cpp | 2 +- .../dataflow/reader_rotary_embedding_interleaved_start_id.cpp | 2 +- .../reader_rotary_embedding_interleaved_start_id_sharded.cpp | 2 +- .../dataflow/writer_rotary_embedding_interleaved_start_id.cpp | 2 +- .../device/rotary_embedding_device_operation.cpp | 2 +- .../device/rotary_embedding_device_operation.hpp | 2 +- .../device/rotary_embedding_program_factory.cpp | 2 +- .../device/rotary_embedding_program_factory.hpp | 2 +- .../transformer/rotary_embedding/rotary_embedding.cpp | 2 +- .../transformer/rotary_embedding/rotary_embedding.hpp | 2 +- .../transformer/rotary_embedding/rotary_embedding_pybind.cpp | 2 +- .../transformer/rotary_embedding/rotary_embedding_pybind.hpp | 2 +- .../device/kernels/compute/rotary_embedding_llama.cpp | 2 +- .../device/kernels/compute/rotary_embedding_llama_sharded.cpp | 2 +- .../reader_rotary_embedding_llama_interleaved_start_id.cpp | 2 +- .../writer_rotary_embedding_llama_interleaved_start_id.cpp | 2 +- .../device/rotary_embedding_llama_device_operation.cpp | 2 +- .../device/rotary_embedding_llama_device_operation.hpp | 2 +- .../device/rotary_embedding_llama_program_factory.cpp | 2 +- .../device/rotary_embedding_llama_program_factory.hpp | 2 +- .../rotary_embedding_llama/rotary_embedding_llama.cpp | 2 +- .../rotary_embedding_llama/rotary_embedding_llama.hpp | 2 +- .../rotary_embedding_llama/rotary_embedding_llama_pybind.cpp | 2 +- .../rotary_embedding_llama/rotary_embedding_llama_pybind.hpp | 2 +- .../rotary_embedding_llama_fused_qk_device_operation.cpp | 2 +- .../rotary_embedding_llama_fused_qk_device_operation.hpp | 2 +- .../rotary_embedding_llama_fused_qk_program_factory.cpp | 2 +- .../rotary_embedding_llama_fused_qk_program_factory.hpp | 2 +- .../rotary_embedding_llama_fused_qk.cpp | 2 +- .../rotary_embedding_llama_fused_qk.hpp | 2 +- .../rotary_embedding_llama_fused_qk_pybind.cpp | 2 +- .../rotary_embedding_llama_fused_qk_pybind.hpp | 2 +- .../dataflow/reader_rotate_half_interleaved_start_id.cpp | 2 +- .../dataflow/writer_rotate_half_interleaved_start_id.cpp | 2 +- .../rotate_half/device/rotate_half_device_operation.cpp | 2 +- .../rotate_half/device/rotate_half_device_operation.hpp | 2 +- .../device/single_core/rotate_half_program_factory.cpp | 2 +- .../device/single_core/rotate_half_program_factory.hpp | 2 +- .../experimental/transformer/rotate_half/rotate_half.cpp | 2 +- .../experimental/transformer/rotate_half/rotate_half.hpp | 2 +- .../transformer/rotate_half/rotate_half_pybind.cpp | 2 +- .../transformer/rotate_half/rotate_half_pybind.hpp | 2 +- .../device/kernels/compute/transpose_wh_sharded.cpp | 2 +- .../dataflow/reader_tm_tile_layout_create_qkv_heads.cpp | 2 +- .../reader_tm_tile_layout_create_qkv_heads_sharded.cpp | 2 +- .../dataflow/writer_tm_tile_layout_create_qkv_heads.cpp | 2 +- .../writer_tm_tile_layout_create_qkv_heads_sharded.cpp | 2 +- .../split_query_key_value_and_split_heads.hpp | 2 +- .../split_query_key_value_and_split_heads_pybind.hpp | 2 +- ttnn/cpp/ttnn/operations/full/full_pybind.cpp | 2 +- ttnn/cpp/ttnn/operations/full_like/full_like.hpp | 2 +- ttnn/cpp/ttnn/operations/full_like/full_like_pybind.cpp | 2 +- .../index_fill/device/index_fill_device_operation.cpp | 2 +- .../index_fill/device/index_fill_multi_core_factory.cpp | 2 +- .../index_fill/device/kernels/reader_index_fill.cpp | 2 +- ttnn/cpp/ttnn/operations/index_fill/index_fill.cpp | 2 +- ttnn/cpp/ttnn/operations/index_fill/index_fill.hpp | 2 +- ttnn/cpp/ttnn/operations/index_fill/index_fill_pybind.cpp | 2 +- .../kv_cache/device/kernels/compute/update_cache.cpp | 2 +- .../dataflow/reader_fill_cache_interleaved_start_id.cpp | 2 +- .../dataflow/reader_update_cache_interleaved_start_id.cpp | 2 +- .../dataflow/writer_update_cache_interleaved_start_id.cpp | 2 +- ttnn/cpp/ttnn/operations/kv_cache/device/update_cache_op.cpp | 2 +- ttnn/cpp/ttnn/operations/kv_cache/device/update_cache_op.hpp | 2 +- .../operations/kv_cache/device/update_cache_op_multi_core.cpp | 2 +- ttnn/cpp/ttnn/operations/kv_cache/kv_cache.cpp | 2 +- ttnn/cpp/ttnn/operations/kv_cache/kv_cache.hpp | 2 +- ttnn/cpp/ttnn/operations/kv_cache/kv_cache_pybind.cpp | 2 +- ttnn/cpp/ttnn/operations/kv_cache/kv_cache_pybind.hpp | 2 +- ttnn/cpp/ttnn/operations/math.hpp | 2 +- .../cpp/ttnn/operations/matmul/device/kernels/compute/bmm.cpp | 2 +- .../matmul/device/kernels/compute/bmm_large_block_zm.cpp | 2 +- .../compute/bmm_large_block_zm_fused_bias_activation.cpp | 2 +- .../bmm_large_block_zm_fused_bias_activation_gathered.cpp | 2 +- ...rge_block_zm_fused_bias_activation_inline_untilize_out.cpp | 2 +- .../dataflow/reader_bmm_8bank_output_tiles_partitioned.cpp | 2 +- .../matmul/device/kernels/dataflow/reader_bmm_interleaved.cpp | 2 +- .../matmul/device/kernels/dataflow/reader_bmm_single_core.cpp | 2 +- .../dataflow/reader_bmm_single_core_tilize_untilize.cpp | 2 +- .../matmul/device/kernels/dataflow/reader_bmm_tile_layout.cpp | 2 +- .../device/kernels/dataflow/reader_bmm_tile_layout_in0.cpp | 2 +- .../kernels/dataflow/reader_bmm_tile_layout_in0_receiver.cpp | 2 +- .../dataflow/reader_bmm_tile_layout_in0_ring_all_gather.cpp | 2 +- .../dataflow/reader_bmm_tile_layout_in0_sender_padding.cpp | 2 +- ...eader_bmm_tile_layout_in0_sender_padding_block_sharded.cpp | 2 +- ..._tile_layout_in0_sender_receiver_padding_block_sharded.cpp | 2 +- .../reader_bmm_tile_layout_in1_receiver_writer_padding.cpp | 2 +- .../dataflow/reader_bmm_tile_layout_in1_ring_all_gather.cpp | 2 +- .../reader_bmm_tile_layout_in1_sender_writer_padding.cpp | 2 +- .../kernels/dataflow/reader_bmm_tile_layout_padding.cpp | 2 +- .../kernels/dataflow/reader_writer_bmm_tile_layout_in1.cpp | 2 +- .../matmul/device/kernels/dataflow/writer_bmm_interleaved.cpp | 2 +- .../device/kernels/dataflow/writer_bmm_single_core_tiled.cpp | 2 +- .../matmul/device/kernels/dataflow/writer_bmm_tile_layout.cpp | 2 +- .../kernels/dataflow/writer_bmm_tile_layout_padding.cpp | 2 +- ttnn/cpp/ttnn/operations/matmul/device/matmul_op.cpp | 2 +- ttnn/cpp/ttnn/operations/matmul/device/matmul_op.hpp | 2 +- .../matmul/device/matmul_op_multi_core_program_factory.cpp | 2 +- .../matmul_op_multi_core_reuse_mcast_1d_program_factory.cpp | 2 +- .../matmul_op_multi_core_reuse_mcast_2d_program_factory.cpp | 2 +- ...op_multi_core_reuse_mcast_dram_sharded_program_factory.cpp | 2 +- .../matmul_op_multi_core_reuse_optimized_program_factory.cpp | 2 +- .../device/matmul_op_multi_core_reuse_program_factory.cpp | 2 +- ttnn/cpp/ttnn/operations/matmul/matmul.cpp | 2 +- ttnn/cpp/ttnn/operations/matmul/matmul.hpp | 2 +- ttnn/cpp/ttnn/operations/matmul/matmul_pybind.hpp | 2 +- .../operations/moreh/moreh_adam/device/kernels/moreh_adam.cpp | 2 +- .../moreh/moreh_adam/device/kernels/reader_moreh_adam.cpp | 2 +- .../moreh/moreh_adam/device/kernels/writer_moreh_adam.cpp | 2 +- .../moreh/moreh_adam/device/moreh_adam_device_operation.cpp | 2 +- .../moreh/moreh_arange/device/kernels/writer_moreh_arange.cpp | 2 +- .../device/kernels/moreh_clip_grad_norm_step1_kernel.cpp | 2 +- .../device/kernels/reader_moreh_clip_grad_norm_step1.cpp | 2 +- .../device/kernels/writer_moreh_clip_grad_norm_step1.cpp | 2 +- .../device/moreh_clip_grad_norm_step1_device_operation.cpp | 2 +- .../device/kernels/moreh_clip_grad_norm_step2_kernel.cpp | 2 +- .../device/kernels/reader_moreh_clip_grad_norm_step2.cpp | 2 +- .../device/kernels/writer_moreh_clip_grad_norm_step2.cpp | 2 +- .../device/moreh_clip_grad_norm_step2_device_operation.cpp | 2 +- .../device/kernels/moreh_clip_grad_norm_step3_kernel.cpp | 2 +- .../device/kernels/reader_moreh_clip_grad_norm_step3.cpp | 2 +- .../device/kernels/writer_moreh_clip_grad_norm_step3.cpp | 2 +- .../device/moreh_clip_grad_norm_step3_device_operation.cpp | 2 +- .../moreh/moreh_cumsum/device/kernels/moreh_cumsum_nc.cpp | 2 +- .../moreh_cumsum/device/kernels/reader_moreh_cumsum_nc.cpp | 2 +- .../moreh_cumsum/device/kernels/writer_moreh_cumsum_nc.cpp | 2 +- .../moreh_cumsum/device/moreh_cumsum_device_operation.cpp | 2 +- .../operations/moreh/moreh_dot/device/kernels/moreh_dot.cpp | 2 +- .../moreh/moreh_dot/device/kernels/reader_moreh_dot.cpp | 2 +- .../moreh/moreh_dot/device/kernels/writer_moreh_dot.cpp | 2 +- .../moreh/moreh_dot/device/moreh_dot_device_operation.cpp | 2 +- .../moreh/moreh_dot/device/moreh_dot_program_factory.cpp | 2 +- ttnn/cpp/ttnn/operations/moreh/moreh_dot/moreh_dot.hpp | 2 +- ttnn/cpp/ttnn/operations/moreh/moreh_dot/moreh_dot_pybind.cpp | 2 +- .../moreh_dot_backward/device/kernels/moreh_dot_backward.cpp | 2 +- .../device/kernels/reader_moreh_dot_backward.cpp | 2 +- .../device/kernels/writer_moreh_dot_backward.cpp | 2 +- .../moreh/moreh_fold/device/fold_device_operation.cpp | 2 +- .../moreh/moreh_fold/device/kernels/reader_fold_rm.cpp | 2 +- .../moreh/moreh_fold/device/kernels/writer_fold_rm.cpp | 2 +- ttnn/cpp/ttnn/operations/moreh/moreh_helper_functions.cpp | 2 +- ttnn/cpp/ttnn/operations/moreh/moreh_helper_functions.hpp | 2 +- .../device/kernels/reader_moreh_layer_norm_large.cpp | 2 +- .../device/kernels/writer_moreh_layer_norm.cpp | 2 +- .../device/moreh_layer_norm_device_operation.cpp | 2 +- .../reader_moreh_layer_norm_backward_gamma_beta_grad.cpp | 2 +- .../reader_moreh_layer_norm_backward_input_grad_large.cpp | 2 +- .../reader_moreh_layer_norm_backward_input_grad_small.cpp | 2 +- .../writer_moreh_layer_norm_backward_gamma_beta_grad.cpp | 2 +- .../kernels/writer_moreh_layer_norm_backward_input_grad.cpp | 2 +- ...h_layer_norm_backward_gamma_beta_grad_device_operation.cpp | 2 +- .../moreh_layer_norm_backward_input_grad_device_operation.cpp | 2 +- .../device/kernels/moreh_bias_backward_multi_core_h.cpp | 2 +- .../device/kernels/moreh_bias_backward_single_core_hw.cpp | 2 +- .../device/kernels/reader_moreh_bias_backward_h.cpp | 2 +- .../device/kernels/reader_moreh_bias_backward_hw.cpp | 2 +- .../device/kernels/writer_moreh_bias_backward.cpp | 2 +- .../device/moreh_linear_backward_device_operation.cpp | 2 +- .../moreh/moreh_matmul/device/kernels/moreh_matmul.cpp | 2 +- .../moreh/moreh_matmul/device/kernels/reader_moreh_matmul.cpp | 2 +- .../moreh/moreh_matmul/device/kernels/writer_moreh_matmul.cpp | 2 +- .../kernels/writer_moreh_mean_unary_interleaved_start_id.cpp | 2 +- .../device/kernels/moreh_mean_backward.cpp | 2 +- .../device/kernels/reader_moreh_mean_backward.cpp | 2 +- .../device/kernels/writer_moreh_mean_backward.cpp | 2 +- .../device/kernels/reader_moreh_nll_loss_step1.cpp | 2 +- .../device/kernels/reader_moreh_nll_loss_step1_large.cpp | 2 +- .../device/kernels/writer_moreh_nll_loss_step1.cpp | 2 +- .../device/kernels/moreh_nll_loss_step2_kernel.cpp | 2 +- .../device/kernels/reader_moreh_nll_loss_step2_2d.cpp | 2 +- .../device/kernels/reader_moreh_nll_loss_step2_3d.cpp | 2 +- .../device/kernels/reader_moreh_nll_loss_step2_4d.cpp | 2 +- .../device/kernels/writer_moreh_nll_loss_step2_2d.cpp | 2 +- .../device/kernels/writer_moreh_nll_loss_step2_3d.cpp | 2 +- .../device/kernels/writer_moreh_nll_loss_step2_4d.cpp | 2 +- .../device/kernels/moreh_nll_loss_backward_kernel.cpp | 2 +- .../device/kernels/reader_moreh_nll_loss_backward_2d.cpp | 2 +- .../device/kernels/reader_moreh_nll_loss_backward_3d.cpp | 2 +- .../device/kernels/reader_moreh_nll_loss_backward_4d.cpp | 2 +- .../device/kernels/writer_moreh_nll_loss_backward.cpp | 2 +- .../operations/moreh/moreh_sgd/device/kernels/moreh_sgd.cpp | 2 +- .../moreh/moreh_sgd/device/kernels/reader_moreh_sgd.cpp | 2 +- .../moreh/moreh_sgd/device/kernels/writer_moreh_sgd.cpp | 2 +- .../moreh/moreh_sgd/device/moreh_sgd_device_operation.cpp | 2 +- .../moreh_softmax/device/kernels/moreh_softmax_c_large.cpp | 2 +- .../moreh/moreh_softmax/device/kernels/moreh_softmax_h.cpp | 2 +- .../moreh_softmax/device/kernels/moreh_softmax_h_large.cpp | 2 +- .../moreh/moreh_softmax/device/kernels/moreh_softmax_w.cpp | 2 +- .../moreh_softmax/device/kernels/moreh_softmax_w_large.cpp | 2 +- .../device/kernels/reader_moreh_softmax_c_large.cpp | 2 +- .../moreh_softmax/device/kernels/reader_moreh_softmax_h.cpp | 2 +- .../device/kernels/reader_moreh_softmax_h_large.cpp | 2 +- .../moreh_softmax/device/kernels/reader_moreh_softmax_w.cpp | 2 +- .../device/kernels/reader_moreh_softmax_w_large.cpp | 2 +- .../device/kernels/writer_moreh_softmax_c_large.cpp | 2 +- .../moreh_softmax/device/kernels/writer_moreh_softmax_h.cpp | 2 +- .../device/kernels/writer_moreh_softmax_h_large.cpp | 2 +- .../moreh_softmax/device/kernels/writer_moreh_softmax_w.cpp | 2 +- .../device/kernels/writer_moreh_softmax_w_large.cpp | 2 +- .../moreh_softmax/device/moreh_softmax_device_operation.cpp | 2 +- .../moreh_softmax/device/softmax_c_large/softmax_c_large.cpp | 2 +- .../moreh_softmax/device/softmax_h_large/softmax_h_large.cpp | 2 +- .../moreh_softmax/device/softmax_h_small/softmax_h_small.cpp | 2 +- .../moreh_softmax/device/softmax_w_large/softmax_w_large.cpp | 2 +- .../moreh_softmax/device/softmax_w_small/softmax_w_small.cpp | 2 +- .../cpp/ttnn/operations/moreh/moreh_softmax/moreh_softmax.hpp | 2 +- .../device/kernels/moreh_softmax_backward_c_large.cpp | 2 +- .../device/kernels/moreh_softmax_backward_h.cpp | 2 +- .../device/kernels/moreh_softmax_backward_h_large.cpp | 2 +- .../device/kernels/moreh_softmax_backward_w.cpp | 2 +- .../device/kernels/moreh_softmax_backward_w_large.cpp | 2 +- .../device/kernels/reader_moreh_softmax_backward_c.cpp | 2 +- .../device/kernels/reader_moreh_softmax_backward_h.cpp | 2 +- .../device/kernels/reader_moreh_softmax_backward_h_large.cpp | 2 +- .../device/kernels/reader_moreh_softmax_backward_w.cpp | 2 +- .../device/kernels/reader_moreh_softmax_backward_w_large.cpp | 2 +- .../device/kernels/writer_moreh_softmax_backward_c.cpp | 2 +- .../device/kernels/writer_moreh_softmax_backward_h.cpp | 2 +- .../device/kernels/writer_moreh_softmax_backward_w.cpp | 2 +- .../device/kernels/writer_moreh_softmax_h.cpp | 2 +- .../device/kernels/writer_moreh_softmax_w.cpp | 2 +- .../device/moreh_softmax_backward_device_operation.cpp | 2 +- .../softmax_backward_c_large/softmax_backward_c_large.cpp | 2 +- .../softmax_backward_h_large/softmax_backward_h_large.cpp | 2 +- .../softmax_backward_h_small/softmax_backward_h_small.cpp | 2 +- .../softmax_backward_w_large/softmax_backward_w_large.cpp | 2 +- .../softmax_backward_w_small/softmax_backward_w_small.cpp | 2 +- .../moreh/moreh_softmax_backward/moreh_softmax_backward.hpp | 2 +- .../moreh_sum/device/moreh_sum_h_impl_kernels/moreh_sum_h.cpp | 2 +- .../device/moreh_sum_h_impl_kernels/reader_moreh_sum_h.cpp | 2 +- .../device/moreh_sum_h_impl_kernels/writer_moreh_sum_h.cpp | 2 +- .../device/moreh_sum_nc_impl_kernels/moreh_sum_nc_gs.cpp | 2 +- .../device/moreh_sum_nc_impl_kernels/reader_moreh_sum_nc.cpp | 2 +- .../device/moreh_sum_nc_impl_kernels/writer_moreh_sum_nc.cpp | 2 +- .../moreh_sum/device/moreh_sum_w_impl_kernels/moreh_sum_w.cpp | 2 +- .../device/moreh_sum_w_impl_kernels/reader_moreh_sum_w.cpp | 2 +- .../device/moreh_sum_w_impl_kernels/writer_moreh_sum_w.cpp | 2 +- .../moreh_sum_backward/device/kernels/moreh_sum_backward.cpp | 2 +- .../device/kernels/reader_moreh_sum_backward.cpp | 2 +- .../device/kernels/writer_moreh_sum_backward.cpp | 2 +- .../device/moreh_sum_backward_device_operation.cpp | 2 +- .../normalization/groupnorm/device/groupnorm_op.cpp | 2 +- .../normalization/groupnorm/device/groupnorm_op.hpp | 2 +- .../groupnorm/device/kernels/compute/groupnorm_sharded_v2.cpp | 2 +- .../dataflow/reader_mcast_receiver_unary_sharded_gn_v2.cpp | 2 +- .../dataflow/reader_mcast_sender_unary_sharded_gn_v2.cpp | 2 +- .../kernels/dataflow/writer_unary_sharded_gn_rm_gb_v2.cpp | 2 +- .../layernorm/device/kernels/compute/layernorm.cpp | 2 +- .../layernorm/device/kernels/compute/layernorm_sharded.cpp | 2 +- .../dataflow/reader_mcast_receiver_unary_sharded_ln.cpp | 2 +- .../kernels/dataflow/reader_mcast_sender_unary_sharded_ln.cpp | 2 +- .../device/kernels/dataflow/reader_unary_interleaved_ln.cpp | 2 +- .../kernels/dataflow/reader_unary_interleaved_ln_rm_gb.cpp | 2 +- .../dataflow/writer_unary_interleaved_start_id_blocked.cpp | 2 +- .../device/kernels/dataflow/writer_unary_sharded_ln.cpp | 2 +- .../device/kernels/dataflow/writer_unary_sharded_ln_rm_gb.cpp | 2 +- .../normalization/layernorm/device/layernorm_op.cpp | 2 +- .../normalization/layernorm/device/layernorm_op.hpp | 2 +- .../normalization/layernorm/device/layernorm_types.hpp | 2 +- .../layernorm/device/multi_core/layernorm_op_multi_core.cpp | 2 +- .../device/layernorm_distributed_types.hpp | 2 +- .../device/layernorm_pre_all_gather_op.hpp | 2 +- .../normalization/softmax/device/kernels/compute/softmax.cpp | 2 +- .../softmax/device/kernels/compute/softmax_sharded.cpp | 2 +- .../dataflow/readed_unary_sharded_sm_causal_mask_hw_dims.cpp | 2 +- .../device/kernels/dataflow/reader_unary_interleaved_sm.cpp | 2 +- .../device/kernels/dataflow/reader_unary_sharded_sm.cpp | 2 +- .../kernels/dataflow/reader_unary_sharded_sm_rm_mask.cpp | 2 +- .../dataflow/writer_unary_interleaved_start_id_blocked_sm.cpp | 2 +- .../softmax/device/multi_core/softmax_op_multi_core.cpp | 2 +- .../operations/normalization/softmax/device/softmax_op.cpp | 2 +- ttnn/cpp/ttnn/operations/numpy/functions.hpp | 2 +- .../ttnn/operations/pool/downsample/device/downsample_op.cpp | 2 +- .../ttnn/operations/pool/downsample/device/downsample_op.hpp | 2 +- .../pool/downsample/device/downsample_program_factory.cpp | 2 +- .../pool/downsample/device/downsample_program_factory.hpp | 2 +- .../downsample/device/kernels/downsample_compute_kernel.cpp | 2 +- .../kernels/downsample_fast_pack_untilize_compute_kernel.cpp | 2 +- .../downsample/device/kernels/downsample_writer_kernel.cpp | 2 +- ...x_pool_2d_multi_core_sharded_with_halo_large_kernel_v2.cpp | 2 +- .../reader_max_pool_2d_multi_core_sharded_with_halo_v2.cpp | 2 +- .../reader_max_pool_2d_multi_core_sharded_with_halo_wide.cpp | 2 +- .../pool/generic/device/pool_multi_core_program_factory.cpp | 2 +- ttnn/cpp/ttnn/operations/pool/generic/device/pool_op.cpp | 2 +- ttnn/cpp/ttnn/operations/pool/generic/device/pool_op.hpp | 2 +- ttnn/cpp/ttnn/operations/pool/generic/generic_pools.cpp | 2 +- ttnn/cpp/ttnn/operations/pool/generic/generic_pools.hpp | 2 +- .../cpp/ttnn/operations/pool/generic/generic_pools_pybind.cpp | 2 +- .../cpp/ttnn/operations/pool/generic/generic_pools_pybind.hpp | 2 +- .../ttnn/operations/pool/global_avg_pool/global_avg_pool.cpp | 2 +- .../ttnn/operations/pool/global_avg_pool/global_avg_pool.hpp | 2 +- .../pool/global_avg_pool/global_avg_pool_pybind.hpp | 2 +- .../pool/upsample/device/kernels/compute/bilinear.cpp | 2 +- ...eader_upsample_unary_stick_layout_interleaved_start_id.cpp | 2 +- .../kernels/dataflow/writer_upsample_multi_core_sharded.cpp | 2 +- ...riter_upsample_unary_stick_layout_interleaved_start_id.cpp | 2 +- ttnn/cpp/ttnn/operations/pool/upsample/device/upsample_op.cpp | 2 +- ttnn/cpp/ttnn/operations/pool/upsample/device/upsample_op.hpp | 2 +- .../upsample/device/upsample_program_factory_multicore.cpp | 2 +- .../upsample/device/upsample_program_factory_singlecore.cpp | 2 +- ttnn/cpp/ttnn/operations/pool/upsample/upsample.cpp | 2 +- ttnn/cpp/ttnn/operations/reduction/argmax/argmax.cpp | 2 +- ttnn/cpp/ttnn/operations/reduction/argmax/argmax.hpp | 2 +- ttnn/cpp/ttnn/operations/reduction/argmax/argmax_pybind.hpp | 2 +- .../cpp/ttnn/operations/reduction/argmax/device/argmax_op.cpp | 2 +- .../cpp/ttnn/operations/reduction/argmax/device/argmax_op.hpp | 2 +- .../reduction/argmax/device/argmax_program_factory.cpp | 2 +- .../reduction/argmax/device/argmax_program_factory.hpp | 2 +- .../argmax/device/kernels/reader_argmax_interleaved.cpp | 2 +- .../device/kernels/reader_argmax_interleaved_multicore.cpp | 2 +- .../reduction/generic/device/kernels/compute/reduce_h.cpp | 2 +- .../reduction/generic/device/kernels/compute/reduce_hw.cpp | 2 +- .../reduction/generic/device/kernels/compute/reduce_w.cpp | 2 +- .../dataflow/reader_unary_reduce_interleaved_start_id.cpp | 2 +- ..._unary_transpose_wh_interleaved_input_cols_partitioned.cpp | 2 +- ...ranspose_wh_interleaved_input_cols_partitioned_sharded.cpp | 2 +- .../generic/device/multi_core_h/reduce_op_multi_core_h.cpp | 2 +- .../generic/device/multi_core_w/reduce_op_multi_core_w.cpp | 2 +- .../ttnn/operations/reduction/generic/device/reduce_op.cpp | 2 +- .../ttnn/operations/reduction/generic/device/reduce_op.hpp | 2 +- .../device/single_core_hw/reduce_op_single_core_hw.cpp | 2 +- .../ttnn/operations/reduction/generic/generic_reductions.cpp | 2 +- .../ttnn/operations/reduction/generic/generic_reductions.hpp | 2 +- .../reduction/generic/generic_reductions_pybind.hpp | 2 +- .../reduction/prod/device/kernels/compute/prod_all.cpp | 2 +- .../reduction/prod/device/kernels/compute/prod_nc.cpp | 2 +- .../reduction/prod/device/kernels/dataflow/reader_prod_nc.cpp | 2 +- .../reduction/prod/device/kernels/dataflow/utils.hpp | 2 +- .../reduction/prod/device/prod_all_program_factory.cpp | 2 +- ttnn/cpp/ttnn/operations/reduction/prod/device/prod_nc_op.cpp | 2 +- ttnn/cpp/ttnn/operations/reduction/prod/device/prod_nc_op.hpp | 2 +- .../reduction/prod/device/prod_nc_program_factory.cpp | 2 +- .../cpp/ttnn/operations/reduction/prod/device/prod_op_all.cpp | 2 +- .../cpp/ttnn/operations/reduction/prod/device/prod_op_all.hpp | 2 +- ttnn/cpp/ttnn/operations/reduction/prod/prod_pybind.hpp | 2 +- ttnn/cpp/ttnn/operations/reduction/reduction_pybind.cpp | 2 +- ttnn/cpp/ttnn/operations/reduction/reduction_pybind.hpp | 2 +- ttnn/cpp/ttnn/operations/sharding_utilities.cpp | 2 +- ttnn/cpp/ttnn/operations/sharding_utilities.hpp | 2 +- .../sliding_window/halo/device/halo_device_operation.cpp | 2 +- .../sliding_window/halo/device/halo_device_operation.hpp | 2 +- ttnn/cpp/ttnn/operations/sliding_window/halo/halo.cpp | 2 +- ttnn/cpp/ttnn/operations/sliding_window/halo/halo.hpp | 2 +- ttnn/cpp/ttnn/operations/sliding_window/sliding_window.cpp | 2 +- ttnn/cpp/ttnn/operations/sliding_window/sliding_window.hpp | 2 +- .../ttnn/operations/sliding_window/sliding_window_pybind.cpp | 2 +- .../ttnn/operations/sliding_window/sliding_window_pybind.hpp | 2 +- ttnn/cpp/ttnn/operations/sliding_window/utils.hpp | 2 +- .../transformer/attention_softmax/attention_softmax.cpp | 2 +- .../transformer/attention_softmax/attention_softmax.hpp | 2 +- .../attention_softmax/attention_softmax_pybind.cpp | 2 +- .../attention_softmax/attention_softmax_pybind.hpp | 2 +- .../transformer/concatenate_heads/concatenate_heads.cpp | 2 +- .../transformer/concatenate_heads/concatenate_heads.hpp | 2 +- .../concatenate_heads/concatenate_heads_pybind.cpp | 2 +- .../concatenate_heads/concatenate_heads_pybind.hpp | 2 +- .../split_query_key_value_and_split_heads.cpp | 2 +- .../split_query_key_value_and_split_heads.hpp | 2 +- .../split_query_key_value_and_split_heads_pybind.cpp | 2 +- .../split_query_key_value_and_split_heads_pybind.hpp | 2 +- ttnn/cpp/ttnn/operations/transformer/transformer_pybind.cpp | 2 +- ttnn/cpp/ttnn/operations/transformer/transformer_pybind.hpp | 2 +- ttnn/cpp/ttnn/reports.hpp | 2 +- ttnn/cpp/ttnn/run_operation.cpp | 2 +- ttnn/cpp/ttnn/run_operation.hpp | 2 +- ttnn/cpp/ttnn/tensor/host_buffer/functions.hpp | 2 +- ttnn/cpp/ttnn/tensor/host_buffer/types.hpp | 2 +- ttnn/cpp/ttnn/tensor/serialization.cpp | 2 +- ttnn/cpp/ttnn/tensor/serialization.hpp | 2 +- ttnn/cpp/ttnn/tensor/tensor.cpp | 2 +- ttnn/cpp/ttnn/tensor/tensor.hpp | 2 +- ttnn/cpp/ttnn/tensor/tensor_impl.cpp | 2 +- ttnn/cpp/ttnn/tensor/tensor_impl.hpp | 2 +- ttnn/cpp/ttnn/tensor/tensor_impl_wrapper.hpp | 2 +- ttnn/cpp/ttnn/tensor/tensor_ops.cpp | 2 +- ttnn/cpp/ttnn/tensor/tensor_ops.hpp | 2 +- ttnn/cpp/ttnn/tensor/tensor_utils.cpp | 2 +- ttnn/cpp/ttnn/tensor/tensor_utils.hpp | 2 +- ttnn/cpp/ttnn/tensor/types.cpp | 2 +- ttnn/cpp/ttnn/tensor/types.hpp | 2 +- ttnn/cpp/ttnn/types.hpp | 2 +- ttnn/tracy/__init__.py | 2 +- ttnn/tracy/__main__.py | 2 +- ttnn/tracy/tracy_state.py | 2 +- ttnn/tracy/tracy_ttnn.py | 2 +- ttnn/tracy/ttnn_profiler_wrapper.py | 2 +- ttnn/tt_lib/__init__.py | 2 +- ttnn/tt_lib/_internal/comparison_funcs.py | 2 +- ttnn/tt_lib/fallback_ops/__init__.py | 2 +- ttnn/tt_lib/fallback_ops/conversion_wrapper.py | 2 +- ttnn/tt_lib/fallback_ops/fallback_ops.py | 2 +- ttnn/tt_lib/fused_ops/add_and_norm.py | 2 +- ttnn/tt_lib/fused_ops/average_pool.py | 2 +- ttnn/tt_lib/fused_ops/layernorm.py | 2 +- ttnn/tt_lib/fused_ops/linear.py | 2 +- ttnn/tt_lib/fused_ops/max_pool.py | 2 +- ttnn/tt_lib/fused_ops/softmax.py | 2 +- ttnn/tt_lib/utils.py | 2 +- ttnn/ttnn/__init__.py | 2 +- ttnn/ttnn/core.py | 2 +- ttnn/ttnn/database.py | 2 +- ttnn/ttnn/decorators.py | 2 +- ttnn/ttnn/device.py | 2 +- ttnn/ttnn/distributed/distributed.py | 2 +- ttnn/ttnn/dot_access.py | 2 +- ttnn/ttnn/examples/bert/bert.py | 2 +- ttnn/ttnn/experimental_loader/__init__.py | 2 +- ttnn/ttnn/experimental_loader/golden_functions.py | 2 +- ttnn/ttnn/library_tweaks.py | 2 +- ttnn/ttnn/model_preprocessing.py | 2 +- ttnn/ttnn/operations/__init__.py | 2 +- ttnn/ttnn/operations/binary_backward.py | 2 +- ttnn/ttnn/operations/binary_complex.py | 2 +- ttnn/ttnn/operations/ccl.py | 2 +- ttnn/ttnn/operations/comparison.py | 2 +- ttnn/ttnn/operations/complex_binary_backward.py | 2 +- ttnn/ttnn/operations/complex_unary_backward.py | 2 +- ttnn/ttnn/operations/conv1d.py | 2 +- ttnn/ttnn/operations/conv2d.py | 2 +- ttnn/ttnn/operations/core.py | 2 +- ttnn/ttnn/operations/creation.py | 2 +- ttnn/ttnn/operations/data_movement.py | 2 +- ttnn/ttnn/operations/embedding.py | 2 +- ttnn/ttnn/operations/losses.py | 2 +- ttnn/ttnn/operations/matmul.py | 2 +- ttnn/ttnn/operations/normalization.py | 2 +- ttnn/ttnn/operations/pool.py | 2 +- ttnn/ttnn/operations/reduction.py | 2 +- ttnn/ttnn/operations/ternary.py | 2 +- ttnn/ttnn/operations/ternary_backward.py | 2 +- ttnn/ttnn/operations/transformer.py | 2 +- ttnn/ttnn/operations/unary.py | 2 +- ttnn/ttnn/operations/unary_backward.py | 2 +- ttnn/ttnn/operations/unary_complex.py | 2 +- ttnn/ttnn/profiler.py | 2 +- ttnn/ttnn/reflection.py | 2 +- ttnn/ttnn/torch_tracer.py | 2 +- ttnn/ttnn/tracer.py | 2 +- ttnn/ttnn/types.py | 2 +- ttnn/visualizer/app.py | 2 +- 3965 files changed, 3968 insertions(+), 3971 deletions(-) diff --git a/CONTRIBUTING.md b/CONTRIBUTING.md index 946c69f3720..1798cdf90da 100644 --- a/CONTRIBUTING.md +++ b/CONTRIBUTING.md @@ -476,7 +476,7 @@ To set up pre-commit on your local machine, follow these steps: scripts. For Python files, we are to use this convention: ``` - # SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. + # SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 ``` @@ -485,7 +485,7 @@ To set up pre-commit on your local machine, follow these steps: convention: ``` - // SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. + // SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 ``` diff --git a/conftest.py b/conftest.py index f1a753ca243..8ee88da2e24 100644 --- a/conftest.py +++ b/conftest.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/docs/source/conf.py b/docs/source/conf.py index e17954851bc..bef7aea02d0 100644 --- a/docs/source/conf.py +++ b/docs/source/conf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/docs/source/tt-metalium/conf.py b/docs/source/tt-metalium/conf.py index e17954851bc..bef7aea02d0 100644 --- a/docs/source/tt-metalium/conf.py +++ b/docs/source/tt-metalium/conf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/docs/source/tt-metalium/tools/device_program_profiler.rst b/docs/source/tt-metalium/tools/device_program_profiler.rst index 7a9aa15af12..60b3e536a35 100644 --- a/docs/source/tt-metalium/tools/device_program_profiler.rst +++ b/docs/source/tt-metalium/tools/device_program_profiler.rst @@ -56,7 +56,7 @@ The kernel code for full buffer is in ``{$TT_METAL_HOME}/tt_metal/programming_ex .. code-block:: c++ :linenos: - // SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. + // SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/docs/source/ttnn/conf.py b/docs/source/ttnn/conf.py index d3f02c2b48f..8df8d473d27 100644 --- a/docs/source/ttnn/conf.py +++ b/docs/source/ttnn/conf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/infra/data_collection/cicd.py b/infra/data_collection/cicd.py index d604ce59c3f..cd77b7bb59a 100644 --- a/infra/data_collection/cicd.py +++ b/infra/data_collection/cicd.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/infra/data_collection/github/utils.py b/infra/data_collection/github/utils.py index 2bc2dbf1612..7b62fc277a7 100644 --- a/infra/data_collection/github/utils.py +++ b/infra/data_collection/github/utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/infra/data_collection/github/workflows.py b/infra/data_collection/github/workflows.py index b170da5ddc4..23a4053e31b 100644 --- a/infra/data_collection/github/workflows.py +++ b/infra/data_collection/github/workflows.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/infra/data_collection/junit_xml_utils.py b/infra/data_collection/junit_xml_utils.py index 772b3b968c3..d229d66947d 100644 --- a/infra/data_collection/junit_xml_utils.py +++ b/infra/data_collection/junit_xml_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/infra/machine_setup/scripts/setup_hugepages.py b/infra/machine_setup/scripts/setup_hugepages.py index 0c125918312..6f528224a47 100644 --- a/infra/machine_setup/scripts/setup_hugepages.py +++ b/infra/machine_setup/scripts/setup_hugepages.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/common/lightweightmodule.py b/models/common/lightweightmodule.py index fc3b4b11f83..a51c3c4391c 100644 --- a/models/common/lightweightmodule.py +++ b/models/common/lightweightmodule.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/common/rmsnorm.py b/models/common/rmsnorm.py index 432f40a37bd..7caa071d732 100644 --- a/models/common/rmsnorm.py +++ b/models/common/rmsnorm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import ttnn diff --git a/models/common/tests/test_rmsnorm.py b/models/common/tests/test_rmsnorm.py index 1828a6702e4..0b8c6423c15 100644 --- a/models/common/tests/test_rmsnorm.py +++ b/models/common/tests/test_rmsnorm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/conftest.py b/models/conftest.py index 84e036b796e..939d13d12e3 100644 --- a/models/conftest.py +++ b/models/conftest.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/datasets/dataset_squadv2.py b/models/datasets/dataset_squadv2.py index dc8516bcf25..5d89d85b9b0 100644 --- a/models/datasets/dataset_squadv2.py +++ b/models/datasets/dataset_squadv2.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/datasets/llm_dataset_utils.py b/models/datasets/llm_dataset_utils.py index cb014bbd51b..e379898edc2 100644 --- a/models/datasets/llm_dataset_utils.py +++ b/models/datasets/llm_dataset_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/bert/demo/demo.py b/models/demos/bert/demo/demo.py index ded7e7c2fa6..0976e76994e 100644 --- a/models/demos/bert/demo/demo.py +++ b/models/demos/bert/demo/demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/bert/reference/torch_bert.py b/models/demos/bert/reference/torch_bert.py index 13a9b073d8a..df2bf3b3978 100644 --- a/models/demos/bert/reference/torch_bert.py +++ b/models/demos/bert/reference/torch_bert.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/bert/tests/test_perf_device_bert.py b/models/demos/bert/tests/test_perf_device_bert.py index b8edef3a253..310fd3f60e0 100644 --- a/models/demos/bert/tests/test_perf_device_bert.py +++ b/models/demos/bert/tests/test_perf_device_bert.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/bert/tests/test_ttnn_optimized_bert.py b/models/demos/bert/tests/test_ttnn_optimized_bert.py index 73591223001..55a5d85500e 100644 --- a/models/demos/bert/tests/test_ttnn_optimized_bert.py +++ b/models/demos/bert/tests/test_ttnn_optimized_bert.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/bert/tt/ttnn_bert.py b/models/demos/bert/tt/ttnn_bert.py index 10b0c7958f4..347fa3d8902 100644 --- a/models/demos/bert/tt/ttnn_bert.py +++ b/models/demos/bert/tt/ttnn_bert.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/bert/tt/ttnn_optimized_bert.py b/models/demos/bert/tt/ttnn_optimized_bert.py index 9ddfe1a59fd..9605eb80319 100644 --- a/models/demos/bert/tt/ttnn_optimized_bert.py +++ b/models/demos/bert/tt/ttnn_optimized_bert.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/bert/tt/ttnn_optimized_sharded_bert.py b/models/demos/bert/tt/ttnn_optimized_sharded_bert.py index 2a49baa35dd..b922007e4b8 100644 --- a/models/demos/bert/tt/ttnn_optimized_sharded_bert.py +++ b/models/demos/bert/tt/ttnn_optimized_sharded_bert.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/bert_tiny/demo/demo.py b/models/demos/bert_tiny/demo/demo.py index 956071ca537..371e62b0beb 100644 --- a/models/demos/bert_tiny/demo/demo.py +++ b/models/demos/bert_tiny/demo/demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/bert_tiny/tests/test_performance.py b/models/demos/bert_tiny/tests/test_performance.py index e8b44f7d9cb..c4d2638bf78 100644 --- a/models/demos/bert_tiny/tests/test_performance.py +++ b/models/demos/bert_tiny/tests/test_performance.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/bert_tiny/tt/bert_tiny.py b/models/demos/bert_tiny/tt/bert_tiny.py index ffe0f6e4f9f..6354a88c309 100644 --- a/models/demos/bert_tiny/tt/bert_tiny.py +++ b/models/demos/bert_tiny/tt/bert_tiny.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/convnet_mnist/convnet_mnist_preprocessing.py b/models/demos/convnet_mnist/convnet_mnist_preprocessing.py index 99681afebe9..6d4d5f38eb7 100644 --- a/models/demos/convnet_mnist/convnet_mnist_preprocessing.py +++ b/models/demos/convnet_mnist/convnet_mnist_preprocessing.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/convnet_mnist/convnet_mnist_utils.py b/models/demos/convnet_mnist/convnet_mnist_utils.py index 74755f817b3..f71e5b55b84 100644 --- a/models/demos/convnet_mnist/convnet_mnist_utils.py +++ b/models/demos/convnet_mnist/convnet_mnist_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/convnet_mnist/demo/demo.py b/models/demos/convnet_mnist/demo/demo.py index 828f259f8b0..e9c3534b84f 100644 --- a/models/demos/convnet_mnist/demo/demo.py +++ b/models/demos/convnet_mnist/demo/demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/convnet_mnist/tests/test_performance.py b/models/demos/convnet_mnist/tests/test_performance.py index e0aa4b052ab..d308604bfde 100644 --- a/models/demos/convnet_mnist/tests/test_performance.py +++ b/models/demos/convnet_mnist/tests/test_performance.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/convnet_mnist/tt/convnet_mnist.py b/models/demos/convnet_mnist/tt/convnet_mnist.py index a38aa60a770..ea963885827 100644 --- a/models/demos/convnet_mnist/tt/convnet_mnist.py +++ b/models/demos/convnet_mnist/tt/convnet_mnist.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/distilbert/demo/demo.py b/models/demos/distilbert/demo/demo.py index 9f5da4ef9e7..319ce8eaeb0 100644 --- a/models/demos/distilbert/demo/demo.py +++ b/models/demos/distilbert/demo/demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/distilbert/distilbert_utils.py b/models/demos/distilbert/distilbert_utils.py index 36b6e4b76eb..85c9f6e1dca 100644 --- a/models/demos/distilbert/distilbert_utils.py +++ b/models/demos/distilbert/distilbert_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/distilbert/tests/test_perf_distilbert.py b/models/demos/distilbert/tests/test_perf_distilbert.py index f3b0a6373fa..3946c86b2b0 100644 --- a/models/demos/distilbert/tests/test_perf_distilbert.py +++ b/models/demos/distilbert/tests/test_perf_distilbert.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/distilbert/tt/ttnn_optimized_distilbert.py b/models/demos/distilbert/tt/ttnn_optimized_distilbert.py index 01224f2fb49..02d3fd0cd6f 100644 --- a/models/demos/distilbert/tt/ttnn_optimized_distilbert.py +++ b/models/demos/distilbert/tt/ttnn_optimized_distilbert.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/falcon7b_common/demo/demo.py b/models/demos/falcon7b_common/demo/demo.py index 418ac5d188c..c1aeebbb3e6 100644 --- a/models/demos/falcon7b_common/demo/demo.py +++ b/models/demos/falcon7b_common/demo/demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/falcon7b_common/reference/cpu_demo.py b/models/demos/falcon7b_common/reference/cpu_demo.py index 31a58b3e1ef..a83ae6e5fe3 100644 --- a/models/demos/falcon7b_common/reference/cpu_demo.py +++ b/models/demos/falcon7b_common/reference/cpu_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/falcon7b_common/tests/perplexity/run_perplexity_falcon.py b/models/demos/falcon7b_common/tests/perplexity/run_perplexity_falcon.py index 39a236e5154..ef4c505c9a7 100644 --- a/models/demos/falcon7b_common/tests/perplexity/run_perplexity_falcon.py +++ b/models/demos/falcon7b_common/tests/perplexity/run_perplexity_falcon.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/falcon7b_common/tests/perplexity/test_perplexity_falcon.py b/models/demos/falcon7b_common/tests/perplexity/test_perplexity_falcon.py index e99892f9122..a24a2121248 100644 --- a/models/demos/falcon7b_common/tests/perplexity/test_perplexity_falcon.py +++ b/models/demos/falcon7b_common/tests/perplexity/test_perplexity_falcon.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/falcon7b_common/tests/perplexity/test_perplexity_falcon_ref.py b/models/demos/falcon7b_common/tests/perplexity/test_perplexity_falcon_ref.py index 134235c7d45..88d012459b7 100644 --- a/models/demos/falcon7b_common/tests/perplexity/test_perplexity_falcon_ref.py +++ b/models/demos/falcon7b_common/tests/perplexity/test_perplexity_falcon_ref.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/falcon7b_common/tests/run_falcon_end_to_end.py b/models/demos/falcon7b_common/tests/run_falcon_end_to_end.py index ac610f060a5..8f9b2a82945 100644 --- a/models/demos/falcon7b_common/tests/run_falcon_end_to_end.py +++ b/models/demos/falcon7b_common/tests/run_falcon_end_to_end.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/falcon7b_common/tests/test_falcon_attention.py b/models/demos/falcon7b_common/tests/test_falcon_attention.py index afb03cdef30..8233efca92a 100644 --- a/models/demos/falcon7b_common/tests/test_falcon_attention.py +++ b/models/demos/falcon7b_common/tests/test_falcon_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/falcon7b_common/tests/test_falcon_causallm.py b/models/demos/falcon7b_common/tests/test_falcon_causallm.py index c76dd6445f1..5194ca0c4ae 100644 --- a/models/demos/falcon7b_common/tests/test_falcon_causallm.py +++ b/models/demos/falcon7b_common/tests/test_falcon_causallm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/falcon7b_common/tests/test_falcon_decoder.py b/models/demos/falcon7b_common/tests/test_falcon_decoder.py index 10868c08008..b31452edac8 100644 --- a/models/demos/falcon7b_common/tests/test_falcon_decoder.py +++ b/models/demos/falcon7b_common/tests/test_falcon_decoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/falcon7b_common/tests/test_falcon_device_perf.py b/models/demos/falcon7b_common/tests/test_falcon_device_perf.py index 450ed2ba41d..2c98d906d23 100644 --- a/models/demos/falcon7b_common/tests/test_falcon_device_perf.py +++ b/models/demos/falcon7b_common/tests/test_falcon_device_perf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/falcon7b_common/tests/test_falcon_end_to_end.py b/models/demos/falcon7b_common/tests/test_falcon_end_to_end.py index 4882c25b6d1..5d073e30e06 100644 --- a/models/demos/falcon7b_common/tests/test_falcon_end_to_end.py +++ b/models/demos/falcon7b_common/tests/test_falcon_end_to_end.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/falcon7b_common/tests/test_falcon_mlp.py b/models/demos/falcon7b_common/tests/test_falcon_mlp.py index cf741ff67d1..56258ae7af7 100644 --- a/models/demos/falcon7b_common/tests/test_falcon_mlp.py +++ b/models/demos/falcon7b_common/tests/test_falcon_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/falcon7b_common/tests/test_falcon_model.py b/models/demos/falcon7b_common/tests/test_falcon_model.py index df6936e3ca1..552a5631ab3 100644 --- a/models/demos/falcon7b_common/tests/test_falcon_model.py +++ b/models/demos/falcon7b_common/tests/test_falcon_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/falcon7b_common/tests/test_perf_falcon.py b/models/demos/falcon7b_common/tests/test_perf_falcon.py index 70c65abcc35..05eb1104e92 100644 --- a/models/demos/falcon7b_common/tests/test_perf_falcon.py +++ b/models/demos/falcon7b_common/tests/test_perf_falcon.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/falcon7b_common/tests/test_utils.py b/models/demos/falcon7b_common/tests/test_utils.py index e87dd2b3b9b..9826caffd55 100644 --- a/models/demos/falcon7b_common/tests/test_utils.py +++ b/models/demos/falcon7b_common/tests/test_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/falcon7b_common/tests/unit_tests/test_falcon_attn_matmul.py b/models/demos/falcon7b_common/tests/unit_tests/test_falcon_attn_matmul.py index 685dbdb6ea8..176a04376fa 100644 --- a/models/demos/falcon7b_common/tests/unit_tests/test_falcon_attn_matmul.py +++ b/models/demos/falcon7b_common/tests/unit_tests/test_falcon_attn_matmul.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/falcon7b_common/tests/unit_tests/test_falcon_lm_head_matmul_2d.py b/models/demos/falcon7b_common/tests/unit_tests/test_falcon_lm_head_matmul_2d.py index 10cc84b3fa2..1206df61a97 100644 --- a/models/demos/falcon7b_common/tests/unit_tests/test_falcon_lm_head_matmul_2d.py +++ b/models/demos/falcon7b_common/tests/unit_tests/test_falcon_lm_head_matmul_2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/falcon7b_common/tests/unit_tests/test_falcon_matmuls_and_bmms_with_mixed_precision.py b/models/demos/falcon7b_common/tests/unit_tests/test_falcon_matmuls_and_bmms_with_mixed_precision.py index 00adaa22b66..8be7c6048cc 100644 --- a/models/demos/falcon7b_common/tests/unit_tests/test_falcon_matmuls_and_bmms_with_mixed_precision.py +++ b/models/demos/falcon7b_common/tests/unit_tests/test_falcon_matmuls_and_bmms_with_mixed_precision.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/falcon7b_common/tt/falcon_attention.py b/models/demos/falcon7b_common/tt/falcon_attention.py index 7e7f83b0bbf..944c8e3dfa0 100644 --- a/models/demos/falcon7b_common/tt/falcon_attention.py +++ b/models/demos/falcon7b_common/tt/falcon_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/falcon7b_common/tt/falcon_causallm.py b/models/demos/falcon7b_common/tt/falcon_causallm.py index e431d8a418d..036eee18e1d 100644 --- a/models/demos/falcon7b_common/tt/falcon_causallm.py +++ b/models/demos/falcon7b_common/tt/falcon_causallm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/falcon7b_common/tt/falcon_common.py b/models/demos/falcon7b_common/tt/falcon_common.py index 530ccb6f384..a0a42cfffb7 100644 --- a/models/demos/falcon7b_common/tt/falcon_common.py +++ b/models/demos/falcon7b_common/tt/falcon_common.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/falcon7b_common/tt/falcon_decoder.py b/models/demos/falcon7b_common/tt/falcon_decoder.py index 48fcb8ea7c4..2bb5d2f363e 100644 --- a/models/demos/falcon7b_common/tt/falcon_decoder.py +++ b/models/demos/falcon7b_common/tt/falcon_decoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/falcon7b_common/tt/falcon_lm_head.py b/models/demos/falcon7b_common/tt/falcon_lm_head.py index c8c97561fc8..6d07e1900da 100644 --- a/models/demos/falcon7b_common/tt/falcon_lm_head.py +++ b/models/demos/falcon7b_common/tt/falcon_lm_head.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/falcon7b_common/tt/falcon_mlp.py b/models/demos/falcon7b_common/tt/falcon_mlp.py index 1e59f859319..56a81c12187 100644 --- a/models/demos/falcon7b_common/tt/falcon_mlp.py +++ b/models/demos/falcon7b_common/tt/falcon_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/falcon7b_common/tt/falcon_model.py b/models/demos/falcon7b_common/tt/falcon_model.py index fa2932cb0c8..9b891cbc6b9 100644 --- a/models/demos/falcon7b_common/tt/falcon_model.py +++ b/models/demos/falcon7b_common/tt/falcon_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/falcon7b_common/tt/model_config.py b/models/demos/falcon7b_common/tt/model_config.py index ea2855faa8a..141202ef35f 100644 --- a/models/demos/falcon7b_common/tt/model_config.py +++ b/models/demos/falcon7b_common/tt/model_config.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/falcon7b_common/tt/model_utils.py b/models/demos/falcon7b_common/tt/model_utils.py index d0816d973fe..a14afc39438 100644 --- a/models/demos/falcon7b_common/tt/model_utils.py +++ b/models/demos/falcon7b_common/tt/model_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/grayskull/falcon7b/demo_grayskull.py b/models/demos/grayskull/falcon7b/demo_grayskull.py index f538c758470..055c099ed3d 100644 --- a/models/demos/grayskull/falcon7b/demo_grayskull.py +++ b/models/demos/grayskull/falcon7b/demo_grayskull.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/grayskull/functional_bloom/dataset_utils.py b/models/demos/grayskull/functional_bloom/dataset_utils.py index 8b639c48c73..da4edac58f2 100644 --- a/models/demos/grayskull/functional_bloom/dataset_utils.py +++ b/models/demos/grayskull/functional_bloom/dataset_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/grayskull/functional_bloom/demo/demo_causal_lm.py b/models/demos/grayskull/functional_bloom/demo/demo_causal_lm.py index 04d3553325b..fcc40780c13 100644 --- a/models/demos/grayskull/functional_bloom/demo/demo_causal_lm.py +++ b/models/demos/grayskull/functional_bloom/demo/demo_causal_lm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/grayskull/functional_bloom/demo/demo_qa.py b/models/demos/grayskull/functional_bloom/demo/demo_qa.py index d4fab7d82a2..04eca16346b 100644 --- a/models/demos/grayskull/functional_bloom/demo/demo_qa.py +++ b/models/demos/grayskull/functional_bloom/demo/demo_qa.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/grayskull/functional_bloom/reference/torch_functional_bloom.py b/models/demos/grayskull/functional_bloom/reference/torch_functional_bloom.py index 071c17311e9..6c657d4bea6 100644 --- a/models/demos/grayskull/functional_bloom/reference/torch_functional_bloom.py +++ b/models/demos/grayskull/functional_bloom/reference/torch_functional_bloom.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/grayskull/functional_bloom/tt/ttnn_functional_bloom.py b/models/demos/grayskull/functional_bloom/tt/ttnn_functional_bloom.py index 58c317e6d2d..55c4deaf18c 100644 --- a/models/demos/grayskull/functional_bloom/tt/ttnn_functional_bloom.py +++ b/models/demos/grayskull/functional_bloom/tt/ttnn_functional_bloom.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/grayskull/functional_bloom/tt/ttnn_optimized_functional_bloom.py b/models/demos/grayskull/functional_bloom/tt/ttnn_optimized_functional_bloom.py index 91987803173..ade30396107 100644 --- a/models/demos/grayskull/functional_bloom/tt/ttnn_optimized_functional_bloom.py +++ b/models/demos/grayskull/functional_bloom/tt/ttnn_optimized_functional_bloom.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/grayskull/t5/demo/conditional_generation_demo.py b/models/demos/grayskull/t5/demo/conditional_generation_demo.py index a9538adcc71..3c64c3a6ccf 100644 --- a/models/demos/grayskull/t5/demo/conditional_generation_demo.py +++ b/models/demos/grayskull/t5/demo/conditional_generation_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/grayskull/t5/demo/question_answering_demo.py b/models/demos/grayskull/t5/demo/question_answering_demo.py index efd90c9cd98..c47a4b15424 100644 --- a/models/demos/grayskull/t5/demo/question_answering_demo.py +++ b/models/demos/grayskull/t5/demo/question_answering_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/grayskull/t5/reference/torch_functional_t5.py b/models/demos/grayskull/t5/reference/torch_functional_t5.py index cb3bcbfb4dc..cddf38f6a64 100644 --- a/models/demos/grayskull/t5/reference/torch_functional_t5.py +++ b/models/demos/grayskull/t5/reference/torch_functional_t5.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/grayskull/t5/test_demo.py b/models/demos/grayskull/t5/test_demo.py index 9dbf9bd0bef..7fd0eb7eda4 100644 --- a/models/demos/grayskull/t5/test_demo.py +++ b/models/demos/grayskull/t5/test_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/grayskull/t5/tt/ttnn_functional_t5.py b/models/demos/grayskull/t5/tt/ttnn_functional_t5.py index f92c9ce3afa..d584a6b6d00 100644 --- a/models/demos/grayskull/t5/tt/ttnn_functional_t5.py +++ b/models/demos/grayskull/t5/tt/ttnn_functional_t5.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/grayskull/t5/tt/ttnn_optimized_functional_t5.py b/models/demos/grayskull/t5/tt/ttnn_optimized_functional_t5.py index 3e157e1e15a..fadc5c1b57b 100644 --- a/models/demos/grayskull/t5/tt/ttnn_optimized_functional_t5.py +++ b/models/demos/grayskull/t5/tt/ttnn_optimized_functional_t5.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/grayskull/vit/demo/demo_vit_ttnn_imagenet_inference.py b/models/demos/grayskull/vit/demo/demo_vit_ttnn_imagenet_inference.py index f7e3fd98861..4e55e37befe 100644 --- a/models/demos/grayskull/vit/demo/demo_vit_ttnn_imagenet_inference.py +++ b/models/demos/grayskull/vit/demo/demo_vit_ttnn_imagenet_inference.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/grayskull/vit/demo/demo_vit_ttnn_inference_device_OPs.py b/models/demos/grayskull/vit/demo/demo_vit_ttnn_inference_device_OPs.py index 1ace9d3a219..580f073b548 100644 --- a/models/demos/grayskull/vit/demo/demo_vit_ttnn_inference_device_OPs.py +++ b/models/demos/grayskull/vit/demo/demo_vit_ttnn_inference_device_OPs.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/grayskull/vit/demo/demo_vit_ttnn_inference_throughput.py b/models/demos/grayskull/vit/demo/demo_vit_ttnn_inference_throughput.py index 79951495f70..dfd6fad8041 100644 --- a/models/demos/grayskull/vit/demo/demo_vit_ttnn_inference_throughput.py +++ b/models/demos/grayskull/vit/demo/demo_vit_ttnn_inference_throughput.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/demo/demo.py b/models/demos/llama3/demo/demo.py index 94fd07d35e5..7a621f5ea1d 100644 --- a/models/demos/llama3/demo/demo.py +++ b/models/demos/llama3/demo/demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/demo/multimodal_demo_chat.py b/models/demos/llama3/demo/multimodal_demo_chat.py index ca3d5b498e3..b30cb065c48 100644 --- a/models/demos/llama3/demo/multimodal_demo_chat.py +++ b/models/demos/llama3/demo/multimodal_demo_chat.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 from pathlib import Path diff --git a/models/demos/llama3/demo/multimodal_demo_text.py b/models/demos/llama3/demo/multimodal_demo_text.py index 2029c43458b..f9af005e70c 100644 --- a/models/demos/llama3/demo/multimodal_demo_text.py +++ b/models/demos/llama3/demo/multimodal_demo_text.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 from pathlib import Path diff --git a/models/demos/llama3/demo/simple_vision_demo.py b/models/demos/llama3/demo/simple_vision_demo.py index 673c3bc5a73..8aafe6b73e5 100644 --- a/models/demos/llama3/demo/simple_vision_demo.py +++ b/models/demos/llama3/demo/simple_vision_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 from pathlib import Path diff --git a/models/demos/llama3/scripts/op_perf_results.py b/models/demos/llama3/scripts/op_perf_results.py index 22c504a0a29..a27eb2d856f 100644 --- a/models/demos/llama3/scripts/op_perf_results.py +++ b/models/demos/llama3/scripts/op_perf_results.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 from collections import defaultdict diff --git a/models/demos/llama3/scripts/repack_weights.py b/models/demos/llama3/scripts/repack_weights.py index e92c9b74570..14cc9ee550a 100644 --- a/models/demos/llama3/scripts/repack_weights.py +++ b/models/demos/llama3/scripts/repack_weights.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/scripts/repack_weights_70b.py b/models/demos/llama3/scripts/repack_weights_70b.py index 3c78dc3e9fe..b0e955418c6 100644 --- a/models/demos/llama3/scripts/repack_weights_70b.py +++ b/models/demos/llama3/scripts/repack_weights_70b.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/tests/conftest.py b/models/demos/llama3/tests/conftest.py index d15dee818f1..9c58009c2a1 100644 --- a/models/demos/llama3/tests/conftest.py +++ b/models/demos/llama3/tests/conftest.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import pytest diff --git a/models/demos/llama3/tests/generate_reference_outputs.py b/models/demos/llama3/tests/generate_reference_outputs.py index f3efcfc4a08..497c2b62e36 100644 --- a/models/demos/llama3/tests/generate_reference_outputs.py +++ b/models/demos/llama3/tests/generate_reference_outputs.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/llama3/tests/multimodal/test_llama_class_embedding.py b/models/demos/llama3/tests/multimodal/test_llama_class_embedding.py index dc395842338..6c25e0a6877 100644 --- a/models/demos/llama3/tests/multimodal/test_llama_class_embedding.py +++ b/models/demos/llama3/tests/multimodal/test_llama_class_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/tests/multimodal/test_llama_conv2d_patch.py b/models/demos/llama3/tests/multimodal/test_llama_conv2d_patch.py index c38dd5ccb26..60959840f99 100644 --- a/models/demos/llama3/tests/multimodal/test_llama_conv2d_patch.py +++ b/models/demos/llama3/tests/multimodal/test_llama_conv2d_patch.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/tests/multimodal/test_llama_cross_attention.py b/models/demos/llama3/tests/multimodal/test_llama_cross_attention.py index cc34f091e17..c670aa13ead 100644 --- a/models/demos/llama3/tests/multimodal/test_llama_cross_attention.py +++ b/models/demos/llama3/tests/multimodal/test_llama_cross_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/llama3/tests/multimodal/test_llama_cross_attention_transformer_text.py b/models/demos/llama3/tests/multimodal/test_llama_cross_attention_transformer_text.py index 172531645c9..870411a1a21 100644 --- a/models/demos/llama3/tests/multimodal/test_llama_cross_attention_transformer_text.py +++ b/models/demos/llama3/tests/multimodal/test_llama_cross_attention_transformer_text.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/llama3/tests/multimodal/test_llama_cross_attention_transformer_vision.py b/models/demos/llama3/tests/multimodal/test_llama_cross_attention_transformer_vision.py index bae5af6e96e..32f92b43d61 100644 --- a/models/demos/llama3/tests/multimodal/test_llama_cross_attention_transformer_vision.py +++ b/models/demos/llama3/tests/multimodal/test_llama_cross_attention_transformer_vision.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/llama3/tests/multimodal/test_llama_cross_block.py b/models/demos/llama3/tests/multimodal/test_llama_cross_block.py index 1b0013c78ee..f6f9cfcf71d 100644 --- a/models/demos/llama3/tests/multimodal/test_llama_cross_block.py +++ b/models/demos/llama3/tests/multimodal/test_llama_cross_block.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/llama3/tests/multimodal/test_llama_image_attention.py b/models/demos/llama3/tests/multimodal/test_llama_image_attention.py index 844937a518b..dba5570d2ca 100644 --- a/models/demos/llama3/tests/multimodal/test_llama_image_attention.py +++ b/models/demos/llama3/tests/multimodal/test_llama_image_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/llama3/tests/multimodal/test_llama_image_block.py b/models/demos/llama3/tests/multimodal/test_llama_image_block.py index 001aa518828..d3c57131839 100644 --- a/models/demos/llama3/tests/multimodal/test_llama_image_block.py +++ b/models/demos/llama3/tests/multimodal/test_llama_image_block.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/llama3/tests/multimodal/test_llama_image_mlp.py b/models/demos/llama3/tests/multimodal/test_llama_image_mlp.py index c6b65ef7f9d..8ea01a71bc9 100644 --- a/models/demos/llama3/tests/multimodal/test_llama_image_mlp.py +++ b/models/demos/llama3/tests/multimodal/test_llama_image_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/tests/multimodal/test_llama_image_transformer.py b/models/demos/llama3/tests/multimodal/test_llama_image_transformer.py index 03f3310a0e3..6c9c4f65616 100644 --- a/models/demos/llama3/tests/multimodal/test_llama_image_transformer.py +++ b/models/demos/llama3/tests/multimodal/test_llama_image_transformer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/llama3/tests/multimodal/test_llama_layernorm.py b/models/demos/llama3/tests/multimodal/test_llama_layernorm.py index d52d9f415f3..bdc09691809 100644 --- a/models/demos/llama3/tests/multimodal/test_llama_layernorm.py +++ b/models/demos/llama3/tests/multimodal/test_llama_layernorm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/tests/multimodal/test_llama_positional_embedding.py b/models/demos/llama3/tests/multimodal/test_llama_positional_embedding.py index c5262bf2235..bccc9881ade 100644 --- a/models/demos/llama3/tests/multimodal/test_llama_positional_embedding.py +++ b/models/demos/llama3/tests/multimodal/test_llama_positional_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/tests/multimodal/test_llama_tile_position_embedding.py b/models/demos/llama3/tests/multimodal/test_llama_tile_position_embedding.py index 4ba64dd76ff..3e41e0d6f8d 100644 --- a/models/demos/llama3/tests/multimodal/test_llama_tile_position_embedding.py +++ b/models/demos/llama3/tests/multimodal/test_llama_tile_position_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/tests/multimodal/test_llama_vision_encoder.py b/models/demos/llama3/tests/multimodal/test_llama_vision_encoder.py index c6f92d40f19..6b19498cdf1 100644 --- a/models/demos/llama3/tests/multimodal/test_llama_vision_encoder.py +++ b/models/demos/llama3/tests/multimodal/test_llama_vision_encoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/llama3/tests/multimodal/test_llama_vision_model.py b/models/demos/llama3/tests/multimodal/test_llama_vision_model.py index f55a47891ac..ad86c6bd1b8 100644 --- a/models/demos/llama3/tests/multimodal/test_llama_vision_model.py +++ b/models/demos/llama3/tests/multimodal/test_llama_vision_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 from pathlib import Path diff --git a/models/demos/llama3/tests/test_interleaved_to_sharded.py b/models/demos/llama3/tests/test_interleaved_to_sharded.py index 6a0a7bb9fc2..dc692c471a5 100644 --- a/models/demos/llama3/tests/test_interleaved_to_sharded.py +++ b/models/demos/llama3/tests/test_interleaved_to_sharded.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/llama3/tests/test_llama_accuracy.py b/models/demos/llama3/tests/test_llama_accuracy.py index 8ce5648a8a8..49a9d7738a4 100644 --- a/models/demos/llama3/tests/test_llama_accuracy.py +++ b/models/demos/llama3/tests/test_llama_accuracy.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/llama3/tests/test_llama_attention.py b/models/demos/llama3/tests/test_llama_attention.py index c41ac5644ca..52f19476bc1 100644 --- a/models/demos/llama3/tests/test_llama_attention.py +++ b/models/demos/llama3/tests/test_llama_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/llama3/tests/test_llama_attention_prefill.py b/models/demos/llama3/tests/test_llama_attention_prefill.py index fe3f1834eae..c8ee74f75cd 100644 --- a/models/demos/llama3/tests/test_llama_attention_prefill.py +++ b/models/demos/llama3/tests/test_llama_attention_prefill.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/llama3/tests/test_llama_ci_dispatch.py b/models/demos/llama3/tests/test_llama_ci_dispatch.py index 14f5b109a1a..fdb83e43f75 100644 --- a/models/demos/llama3/tests/test_llama_ci_dispatch.py +++ b/models/demos/llama3/tests/test_llama_ci_dispatch.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import pytest diff --git a/models/demos/llama3/tests/test_llama_decoder.py b/models/demos/llama3/tests/test_llama_decoder.py index 1fad070640b..9e674e00272 100644 --- a/models/demos/llama3/tests/test_llama_decoder.py +++ b/models/demos/llama3/tests/test_llama_decoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/llama3/tests/test_llama_decoder_prefill.py b/models/demos/llama3/tests/test_llama_decoder_prefill.py index 998a4ab2f39..4f69d258c1f 100644 --- a/models/demos/llama3/tests/test_llama_decoder_prefill.py +++ b/models/demos/llama3/tests/test_llama_decoder_prefill.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/llama3/tests/test_llama_embedding.py b/models/demos/llama3/tests/test_llama_embedding.py index e8178f7e2e1..6c4ed68aac1 100644 --- a/models/demos/llama3/tests/test_llama_embedding.py +++ b/models/demos/llama3/tests/test_llama_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/llama3/tests/test_llama_mlp.py b/models/demos/llama3/tests/test_llama_mlp.py index fa7655dd6ff..9ea5de02cba 100644 --- a/models/demos/llama3/tests/test_llama_mlp.py +++ b/models/demos/llama3/tests/test_llama_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/tests/test_llama_model.py b/models/demos/llama3/tests/test_llama_model.py index efe43cf1a91..068ecb317a9 100644 --- a/models/demos/llama3/tests/test_llama_model.py +++ b/models/demos/llama3/tests/test_llama_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/llama3/tests/test_llama_model_prefill.py b/models/demos/llama3/tests/test_llama_model_prefill.py index bb1859eddd9..495f625e6bb 100644 --- a/models/demos/llama3/tests/test_llama_model_prefill.py +++ b/models/demos/llama3/tests/test_llama_model_prefill.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import bz2 diff --git a/models/demos/llama3/tests/test_llama_perf.py b/models/demos/llama3/tests/test_llama_perf.py index a873449fe2c..a7f399104d6 100644 --- a/models/demos/llama3/tests/test_llama_perf.py +++ b/models/demos/llama3/tests/test_llama_perf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/demos/llama3/tests/test_llama_rms_norm.py b/models/demos/llama3/tests/test_llama_rms_norm.py index bf0ce828900..8a3907995a2 100644 --- a/models/demos/llama3/tests/test_llama_rms_norm.py +++ b/models/demos/llama3/tests/test_llama_rms_norm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/llama3/tests/test_llama_torch.py b/models/demos/llama3/tests/test_llama_torch.py index 90713eb01ab..d6d5184c167 100644 --- a/models/demos/llama3/tests/test_llama_torch.py +++ b/models/demos/llama3/tests/test_llama_torch.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/llama3/tests/test_lm_head.py b/models/demos/llama3/tests/test_lm_head.py index a626910c729..93e738ee992 100644 --- a/models/demos/llama3/tests/test_lm_head.py +++ b/models/demos/llama3/tests/test_lm_head.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/tt/distributed_norm.py b/models/demos/llama3/tt/distributed_norm.py index 70cc23b602f..75c0b0bfe3e 100644 --- a/models/demos/llama3/tt/distributed_norm.py +++ b/models/demos/llama3/tt/distributed_norm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/tt/llama_attention.py b/models/demos/llama3/tt/llama_attention.py index d630e91a3bd..5824e4a4e4d 100644 --- a/models/demos/llama3/tt/llama_attention.py +++ b/models/demos/llama3/tt/llama_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/tt/llama_common.py b/models/demos/llama3/tt/llama_common.py index 6368443df4f..685bdb8a39a 100644 --- a/models/demos/llama3/tt/llama_common.py +++ b/models/demos/llama3/tt/llama_common.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/tt/llama_decoder.py b/models/demos/llama3/tt/llama_decoder.py index 578e0bf81a6..8ca3358f336 100644 --- a/models/demos/llama3/tt/llama_decoder.py +++ b/models/demos/llama3/tt/llama_decoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import ttnn diff --git a/models/demos/llama3/tt/llama_embedding.py b/models/demos/llama3/tt/llama_embedding.py index a89ac40db9a..989496bf65d 100644 --- a/models/demos/llama3/tt/llama_embedding.py +++ b/models/demos/llama3/tt/llama_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/tt/llama_mlp.py b/models/demos/llama3/tt/llama_mlp.py index 7be102470a5..cf670c45f75 100644 --- a/models/demos/llama3/tt/llama_mlp.py +++ b/models/demos/llama3/tt/llama_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/tt/llama_model.py b/models/demos/llama3/tt/llama_model.py index 04cf2c8d77b..068aaab08b5 100644 --- a/models/demos/llama3/tt/llama_model.py +++ b/models/demos/llama3/tt/llama_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/tt/lm_head.py b/models/demos/llama3/tt/lm_head.py index e1c12a0d006..043819cfa26 100644 --- a/models/demos/llama3/tt/lm_head.py +++ b/models/demos/llama3/tt/lm_head.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/tt/model_config.py b/models/demos/llama3/tt/model_config.py index 407eda7668a..50d06741c9b 100644 --- a/models/demos/llama3/tt/model_config.py +++ b/models/demos/llama3/tt/model_config.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/tt/multimodal/llama_class_embedding.py b/models/demos/llama3/tt/multimodal/llama_class_embedding.py index 6bb57822953..89156f805e7 100644 --- a/models/demos/llama3/tt/multimodal/llama_class_embedding.py +++ b/models/demos/llama3/tt/multimodal/llama_class_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/tt/multimodal/llama_conv2d_patch.py b/models/demos/llama3/tt/multimodal/llama_conv2d_patch.py index a4d1bb59885..0d85537477f 100644 --- a/models/demos/llama3/tt/multimodal/llama_conv2d_patch.py +++ b/models/demos/llama3/tt/multimodal/llama_conv2d_patch.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/tt/multimodal/llama_cross_attention.py b/models/demos/llama3/tt/multimodal/llama_cross_attention.py index d7032fd59ba..ce9db1f9e43 100644 --- a/models/demos/llama3/tt/multimodal/llama_cross_attention.py +++ b/models/demos/llama3/tt/multimodal/llama_cross_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/tt/multimodal/llama_cross_attention_transformer_text.py b/models/demos/llama3/tt/multimodal/llama_cross_attention_transformer_text.py index f657abb8672..d8a8faf0af3 100644 --- a/models/demos/llama3/tt/multimodal/llama_cross_attention_transformer_text.py +++ b/models/demos/llama3/tt/multimodal/llama_cross_attention_transformer_text.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/tt/multimodal/llama_cross_attention_transformer_vision.py b/models/demos/llama3/tt/multimodal/llama_cross_attention_transformer_vision.py index 4c59ecec52b..1a20dd33482 100644 --- a/models/demos/llama3/tt/multimodal/llama_cross_attention_transformer_vision.py +++ b/models/demos/llama3/tt/multimodal/llama_cross_attention_transformer_vision.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/tt/multimodal/llama_cross_block.py b/models/demos/llama3/tt/multimodal/llama_cross_block.py index 1761bc7ac66..3068124f37c 100644 --- a/models/demos/llama3/tt/multimodal/llama_cross_block.py +++ b/models/demos/llama3/tt/multimodal/llama_cross_block.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/tt/multimodal/llama_image_attention.py b/models/demos/llama3/tt/multimodal/llama_image_attention.py index c518793f83e..05d3a733f57 100644 --- a/models/demos/llama3/tt/multimodal/llama_image_attention.py +++ b/models/demos/llama3/tt/multimodal/llama_image_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/tt/multimodal/llama_image_block.py b/models/demos/llama3/tt/multimodal/llama_image_block.py index 9ab361aed26..5514fb14a75 100644 --- a/models/demos/llama3/tt/multimodal/llama_image_block.py +++ b/models/demos/llama3/tt/multimodal/llama_image_block.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/tt/multimodal/llama_image_mlp.py b/models/demos/llama3/tt/multimodal/llama_image_mlp.py index b0c63a83df2..7eddca0e104 100644 --- a/models/demos/llama3/tt/multimodal/llama_image_mlp.py +++ b/models/demos/llama3/tt/multimodal/llama_image_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/tt/multimodal/llama_image_transformer.py b/models/demos/llama3/tt/multimodal/llama_image_transformer.py index ea86d302748..d41a7c3ef0a 100644 --- a/models/demos/llama3/tt/multimodal/llama_image_transformer.py +++ b/models/demos/llama3/tt/multimodal/llama_image_transformer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/tt/multimodal/llama_layernorm.py b/models/demos/llama3/tt/multimodal/llama_layernorm.py index a20c4764ad1..41b51229046 100644 --- a/models/demos/llama3/tt/multimodal/llama_layernorm.py +++ b/models/demos/llama3/tt/multimodal/llama_layernorm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import ttnn diff --git a/models/demos/llama3/tt/multimodal/llama_positional_embedding.py b/models/demos/llama3/tt/multimodal/llama_positional_embedding.py index af80b24b862..a226527cbcb 100644 --- a/models/demos/llama3/tt/multimodal/llama_positional_embedding.py +++ b/models/demos/llama3/tt/multimodal/llama_positional_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/tt/multimodal/llama_tile_position_embedding.py b/models/demos/llama3/tt/multimodal/llama_tile_position_embedding.py index 9ef2aadddac..06b0890eb7f 100644 --- a/models/demos/llama3/tt/multimodal/llama_tile_position_embedding.py +++ b/models/demos/llama3/tt/multimodal/llama_tile_position_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/llama3/tt/multimodal/llama_vision_encoder.py b/models/demos/llama3/tt/multimodal/llama_vision_encoder.py index ff8a71c7de5..c979db0b1a2 100644 --- a/models/demos/llama3/tt/multimodal/llama_vision_encoder.py +++ b/models/demos/llama3/tt/multimodal/llama_vision_encoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/metal_BERT_large_11/demo/demo.py b/models/demos/metal_BERT_large_11/demo/demo.py index 4254d4c4d29..6c76325c544 100644 --- a/models/demos/metal_BERT_large_11/demo/demo.py +++ b/models/demos/metal_BERT_large_11/demo/demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/metal_BERT_large_11/tests/test_bert.py b/models/demos/metal_BERT_large_11/tests/test_bert.py index a3b054221e7..ef10417627c 100644 --- a/models/demos/metal_BERT_large_11/tests/test_bert.py +++ b/models/demos/metal_BERT_large_11/tests/test_bert.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/metal_BERT_large_11/tests/test_bert_batch_dram.py b/models/demos/metal_BERT_large_11/tests/test_bert_batch_dram.py index f9d6e46dc8c..2b4fcdd9965 100644 --- a/models/demos/metal_BERT_large_11/tests/test_bert_batch_dram.py +++ b/models/demos/metal_BERT_large_11/tests/test_bert_batch_dram.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/metal_BERT_large_11/tests/test_bert_encoder.py b/models/demos/metal_BERT_large_11/tests/test_bert_encoder.py index 73e302caec4..aed89c645dd 100644 --- a/models/demos/metal_BERT_large_11/tests/test_bert_encoder.py +++ b/models/demos/metal_BERT_large_11/tests/test_bert_encoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/metal_BERT_large_11/tests/test_demo.py b/models/demos/metal_BERT_large_11/tests/test_demo.py index 25bb9738c92..cfd0392193b 100644 --- a/models/demos/metal_BERT_large_11/tests/test_demo.py +++ b/models/demos/metal_BERT_large_11/tests/test_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/metal_BERT_large_11/tests/test_ffn.py b/models/demos/metal_BERT_large_11/tests/test_ffn.py index c920235a27b..d4fb7f0847d 100644 --- a/models/demos/metal_BERT_large_11/tests/test_ffn.py +++ b/models/demos/metal_BERT_large_11/tests/test_ffn.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/metal_BERT_large_11/tests/test_mha.py b/models/demos/metal_BERT_large_11/tests/test_mha.py index 42841e0ec15..f79cb1b3f8f 100644 --- a/models/demos/metal_BERT_large_11/tests/test_mha.py +++ b/models/demos/metal_BERT_large_11/tests/test_mha.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/metal_BERT_large_11/tests/test_perf_bert11.py b/models/demos/metal_BERT_large_11/tests/test_perf_bert11.py index ac3d4a0512a..66581427b06 100644 --- a/models/demos/metal_BERT_large_11/tests/test_perf_bert11.py +++ b/models/demos/metal_BERT_large_11/tests/test_perf_bert11.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/metal_BERT_large_11/tests/test_perf_device_bert.py b/models/demos/metal_BERT_large_11/tests/test_perf_device_bert.py index 588dd7230c5..b56bdeedf60 100644 --- a/models/demos/metal_BERT_large_11/tests/test_perf_device_bert.py +++ b/models/demos/metal_BERT_large_11/tests/test_perf_device_bert.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/metal_BERT_large_11/tt/bert_encoder.py b/models/demos/metal_BERT_large_11/tt/bert_encoder.py index f54c42a53e9..3f8cedbe6f8 100644 --- a/models/demos/metal_BERT_large_11/tt/bert_encoder.py +++ b/models/demos/metal_BERT_large_11/tt/bert_encoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/metal_BERT_large_11/tt/bert_model.py b/models/demos/metal_BERT_large_11/tt/bert_model.py index a328de97605..6bfeaa4d458 100644 --- a/models/demos/metal_BERT_large_11/tt/bert_model.py +++ b/models/demos/metal_BERT_large_11/tt/bert_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/metal_BERT_large_11/tt/embeddings.py b/models/demos/metal_BERT_large_11/tt/embeddings.py index 5c8286a556a..a0e6c85ef34 100644 --- a/models/demos/metal_BERT_large_11/tt/embeddings.py +++ b/models/demos/metal_BERT_large_11/tt/embeddings.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/metal_BERT_large_11/tt/ffn.py b/models/demos/metal_BERT_large_11/tt/ffn.py index 2bdfde214ea..f3859aa1900 100644 --- a/models/demos/metal_BERT_large_11/tt/ffn.py +++ b/models/demos/metal_BERT_large_11/tt/ffn.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/metal_BERT_large_11/tt/mha.py b/models/demos/metal_BERT_large_11/tt/mha.py index 9f5e078ae77..bd501fa100b 100644 --- a/models/demos/metal_BERT_large_11/tt/mha.py +++ b/models/demos/metal_BERT_large_11/tt/mha.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/metal_BERT_large_11/tt/model_config.py b/models/demos/metal_BERT_large_11/tt/model_config.py index 9f92d0b6b24..1f6efd321a0 100644 --- a/models/demos/metal_BERT_large_11/tt/model_config.py +++ b/models/demos/metal_BERT_large_11/tt/model_config.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/mnist/demo/demo.py b/models/demos/mnist/demo/demo.py index 55c712f9a7c..d7fb8e7365f 100644 --- a/models/demos/mnist/demo/demo.py +++ b/models/demos/mnist/demo/demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/mnist/reference/mnist.py b/models/demos/mnist/reference/mnist.py index b9cfb7365f4..e218cb87a48 100644 --- a/models/demos/mnist/reference/mnist.py +++ b/models/demos/mnist/reference/mnist.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/mnist/tests/test_perf_mnist.py b/models/demos/mnist/tests/test_perf_mnist.py index c60efe5f16e..6655182a312 100644 --- a/models/demos/mnist/tests/test_perf_mnist.py +++ b/models/demos/mnist/tests/test_perf_mnist.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/mnist/tt/tt_mnist.py b/models/demos/mnist/tt/tt_mnist.py index 6a4da567aad..00fbb5b4b55 100644 --- a/models/demos/mnist/tt/tt_mnist.py +++ b/models/demos/mnist/tt/tt_mnist.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/qwen/demo/demo.py b/models/demos/qwen/demo/demo.py index 78afeaacfd1..cf1376fa318 100644 --- a/models/demos/qwen/demo/demo.py +++ b/models/demos/qwen/demo/demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/qwen/reference/model.py b/models/demos/qwen/reference/model.py index 754a46bb7f4..1e63e9e35f0 100644 --- a/models/demos/qwen/reference/model.py +++ b/models/demos/qwen/reference/model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/qwen/reference/tokenizer.py b/models/demos/qwen/reference/tokenizer.py index bfbf1eebacf..4009ef84644 100644 --- a/models/demos/qwen/reference/tokenizer.py +++ b/models/demos/qwen/reference/tokenizer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/qwen/scripts/get_weights.py b/models/demos/qwen/scripts/get_weights.py index deb4541965d..7c332fa364b 100644 --- a/models/demos/qwen/scripts/get_weights.py +++ b/models/demos/qwen/scripts/get_weights.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/demos/qwen/tests/conftest.py b/models/demos/qwen/tests/conftest.py index d15dee818f1..9c58009c2a1 100644 --- a/models/demos/qwen/tests/conftest.py +++ b/models/demos/qwen/tests/conftest.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import pytest diff --git a/models/demos/qwen/tests/test_lm_head.py b/models/demos/qwen/tests/test_lm_head.py index b62acd9284b..2d2d62a058b 100644 --- a/models/demos/qwen/tests/test_lm_head.py +++ b/models/demos/qwen/tests/test_lm_head.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/qwen/tests/test_qwen_attention.py b/models/demos/qwen/tests/test_qwen_attention.py index 18ec68dba7f..71780a0bf46 100644 --- a/models/demos/qwen/tests/test_qwen_attention.py +++ b/models/demos/qwen/tests/test_qwen_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/qwen/tests/test_qwen_decoder.py b/models/demos/qwen/tests/test_qwen_decoder.py index ff86c59320c..610d91343cf 100644 --- a/models/demos/qwen/tests/test_qwen_decoder.py +++ b/models/demos/qwen/tests/test_qwen_decoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/qwen/tests/test_qwen_embedding.py b/models/demos/qwen/tests/test_qwen_embedding.py index 4bc831edd8a..83109735765 100644 --- a/models/demos/qwen/tests/test_qwen_embedding.py +++ b/models/demos/qwen/tests/test_qwen_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/qwen/tests/test_qwen_mlp.py b/models/demos/qwen/tests/test_qwen_mlp.py index 911e79aa407..405f670441d 100644 --- a/models/demos/qwen/tests/test_qwen_mlp.py +++ b/models/demos/qwen/tests/test_qwen_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/qwen/tests/test_qwen_model.py b/models/demos/qwen/tests/test_qwen_model.py index c07b626f571..618a39176df 100644 --- a/models/demos/qwen/tests/test_qwen_model.py +++ b/models/demos/qwen/tests/test_qwen_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/qwen/tests/test_qwen_perf.py b/models/demos/qwen/tests/test_qwen_perf.py index b67863b1889..1ac7461dd8b 100644 --- a/models/demos/qwen/tests/test_qwen_perf.py +++ b/models/demos/qwen/tests/test_qwen_perf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/demos/qwen/tests/test_qwen_rms_norm.py b/models/demos/qwen/tests/test_qwen_rms_norm.py index e5e482e7e04..0396aa74d84 100644 --- a/models/demos/qwen/tests/test_qwen_rms_norm.py +++ b/models/demos/qwen/tests/test_qwen_rms_norm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/qwen/tt/distributed_norm.py b/models/demos/qwen/tt/distributed_norm.py index 50045d4cf29..f1a442167b8 100644 --- a/models/demos/qwen/tt/distributed_norm.py +++ b/models/demos/qwen/tt/distributed_norm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/qwen/tt/lm_head.py b/models/demos/qwen/tt/lm_head.py index 84bfb0043a1..f698d644e38 100644 --- a/models/demos/qwen/tt/lm_head.py +++ b/models/demos/qwen/tt/lm_head.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/qwen/tt/model_config.py b/models/demos/qwen/tt/model_config.py index db44bf70526..480146fd5a2 100644 --- a/models/demos/qwen/tt/model_config.py +++ b/models/demos/qwen/tt/model_config.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/qwen/tt/qwen_attention.py b/models/demos/qwen/tt/qwen_attention.py index 0e80c47b228..422ac3e80b4 100644 --- a/models/demos/qwen/tt/qwen_attention.py +++ b/models/demos/qwen/tt/qwen_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/qwen/tt/qwen_common.py b/models/demos/qwen/tt/qwen_common.py index b6649cce918..f2849a15f2e 100644 --- a/models/demos/qwen/tt/qwen_common.py +++ b/models/demos/qwen/tt/qwen_common.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/qwen/tt/qwen_decoder.py b/models/demos/qwen/tt/qwen_decoder.py index 855afdd4159..c011b5413dc 100644 --- a/models/demos/qwen/tt/qwen_decoder.py +++ b/models/demos/qwen/tt/qwen_decoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import ttnn diff --git a/models/demos/qwen/tt/qwen_embedding.py b/models/demos/qwen/tt/qwen_embedding.py index 2140af3ce9e..9dee3d69373 100644 --- a/models/demos/qwen/tt/qwen_embedding.py +++ b/models/demos/qwen/tt/qwen_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/qwen/tt/qwen_mlp.py b/models/demos/qwen/tt/qwen_mlp.py index ad500853920..f9af6f12736 100644 --- a/models/demos/qwen/tt/qwen_mlp.py +++ b/models/demos/qwen/tt/qwen_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/qwen/tt/qwen_model.py b/models/demos/qwen/tt/qwen_model.py index 1d3e0f82a65..96ea7938330 100644 --- a/models/demos/qwen/tt/qwen_model.py +++ b/models/demos/qwen/tt/qwen_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/segformer/reference/segformer_attention.py b/models/demos/segformer/reference/segformer_attention.py index b3ddfcdad3b..f7d17f112c1 100644 --- a/models/demos/segformer/reference/segformer_attention.py +++ b/models/demos/segformer/reference/segformer_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/segformer/reference/segformer_decode_head.py b/models/demos/segformer/reference/segformer_decode_head.py index c8f97106fd1..712b6c940b0 100644 --- a/models/demos/segformer/reference/segformer_decode_head.py +++ b/models/demos/segformer/reference/segformer_decode_head.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/segformer/reference/segformer_dwconv.py b/models/demos/segformer/reference/segformer_dwconv.py index 6510e8638b6..3cca16fb176 100644 --- a/models/demos/segformer/reference/segformer_dwconv.py +++ b/models/demos/segformer/reference/segformer_dwconv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/segformer/reference/segformer_efficient_selfattention.py b/models/demos/segformer/reference/segformer_efficient_selfattention.py index a4416be61b9..5b7b4ea0ba2 100644 --- a/models/demos/segformer/reference/segformer_efficient_selfattention.py +++ b/models/demos/segformer/reference/segformer_efficient_selfattention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/segformer/reference/segformer_encoder.py b/models/demos/segformer/reference/segformer_encoder.py index 659b5e14f79..da97e10afca 100644 --- a/models/demos/segformer/reference/segformer_encoder.py +++ b/models/demos/segformer/reference/segformer_encoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/segformer/reference/segformer_for_semantic_segmentation.py b/models/demos/segformer/reference/segformer_for_semantic_segmentation.py index a311c413840..ad5256f7b67 100644 --- a/models/demos/segformer/reference/segformer_for_semantic_segmentation.py +++ b/models/demos/segformer/reference/segformer_for_semantic_segmentation.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/segformer/reference/segformer_layer.py b/models/demos/segformer/reference/segformer_layer.py index 62ce7212da7..fc0a4111cfb 100644 --- a/models/demos/segformer/reference/segformer_layer.py +++ b/models/demos/segformer/reference/segformer_layer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/segformer/reference/segformer_mixffn.py b/models/demos/segformer/reference/segformer_mixffn.py index d8760292a80..35083041709 100644 --- a/models/demos/segformer/reference/segformer_mixffn.py +++ b/models/demos/segformer/reference/segformer_mixffn.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/segformer/reference/segformer_mlp.py b/models/demos/segformer/reference/segformer_mlp.py index 89b43e5d82b..13056a68cbf 100644 --- a/models/demos/segformer/reference/segformer_mlp.py +++ b/models/demos/segformer/reference/segformer_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/segformer/reference/segformer_model.py b/models/demos/segformer/reference/segformer_model.py index fa7e0dc5a7c..51fda9a7553 100644 --- a/models/demos/segformer/reference/segformer_model.py +++ b/models/demos/segformer/reference/segformer_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/segformer/reference/segformer_overlap_patch_embeddings.py b/models/demos/segformer/reference/segformer_overlap_patch_embeddings.py index 8e4cf2a8d50..3353d8495e3 100644 --- a/models/demos/segformer/reference/segformer_overlap_patch_embeddings.py +++ b/models/demos/segformer/reference/segformer_overlap_patch_embeddings.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/segformer/reference/segformer_selfoutput.py b/models/demos/segformer/reference/segformer_selfoutput.py index f7cee1ca424..53df7d0c36e 100644 --- a/models/demos/segformer/reference/segformer_selfoutput.py +++ b/models/demos/segformer/reference/segformer_selfoutput.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/segformer/tt/common.py b/models/demos/segformer/tt/common.py index 5f52fe0e507..4fa1833bc51 100644 --- a/models/demos/segformer/tt/common.py +++ b/models/demos/segformer/tt/common.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/segformer/tt/ttnn_segformer_attention.py b/models/demos/segformer/tt/ttnn_segformer_attention.py index 7ec2aacfc9b..4f3c4e77208 100644 --- a/models/demos/segformer/tt/ttnn_segformer_attention.py +++ b/models/demos/segformer/tt/ttnn_segformer_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/segformer/tt/ttnn_segformer_decode_head.py b/models/demos/segformer/tt/ttnn_segformer_decode_head.py index 6aed216c578..ddbdf0e82cd 100644 --- a/models/demos/segformer/tt/ttnn_segformer_decode_head.py +++ b/models/demos/segformer/tt/ttnn_segformer_decode_head.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/segformer/tt/ttnn_segformer_dwconv.py b/models/demos/segformer/tt/ttnn_segformer_dwconv.py index d63563d760a..b894a7a9629 100644 --- a/models/demos/segformer/tt/ttnn_segformer_dwconv.py +++ b/models/demos/segformer/tt/ttnn_segformer_dwconv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/segformer/tt/ttnn_segformer_efficient_selfattention.py b/models/demos/segformer/tt/ttnn_segformer_efficient_selfattention.py index b2d9e2f8fb2..37f97549b90 100644 --- a/models/demos/segformer/tt/ttnn_segformer_efficient_selfattention.py +++ b/models/demos/segformer/tt/ttnn_segformer_efficient_selfattention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/segformer/tt/ttnn_segformer_encoder.py b/models/demos/segformer/tt/ttnn_segformer_encoder.py index 2aecb8c263a..b84437cfbe9 100644 --- a/models/demos/segformer/tt/ttnn_segformer_encoder.py +++ b/models/demos/segformer/tt/ttnn_segformer_encoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/segformer/tt/ttnn_segformer_for_semantic_segmentation.py b/models/demos/segformer/tt/ttnn_segformer_for_semantic_segmentation.py index 09225c51a1b..7b95ce30b2c 100644 --- a/models/demos/segformer/tt/ttnn_segformer_for_semantic_segmentation.py +++ b/models/demos/segformer/tt/ttnn_segformer_for_semantic_segmentation.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/segformer/tt/ttnn_segformer_layer.py b/models/demos/segformer/tt/ttnn_segformer_layer.py index 77234293988..fb485392d66 100644 --- a/models/demos/segformer/tt/ttnn_segformer_layer.py +++ b/models/demos/segformer/tt/ttnn_segformer_layer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/segformer/tt/ttnn_segformer_mix_ffn.py b/models/demos/segformer/tt/ttnn_segformer_mix_ffn.py index 4cbc54c8cab..90f4bba63a4 100644 --- a/models/demos/segformer/tt/ttnn_segformer_mix_ffn.py +++ b/models/demos/segformer/tt/ttnn_segformer_mix_ffn.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/segformer/tt/ttnn_segformer_mlp.py b/models/demos/segformer/tt/ttnn_segformer_mlp.py index 34a8f7efeac..f7457f9cac6 100644 --- a/models/demos/segformer/tt/ttnn_segformer_mlp.py +++ b/models/demos/segformer/tt/ttnn_segformer_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/segformer/tt/ttnn_segformer_model.py b/models/demos/segformer/tt/ttnn_segformer_model.py index d325895ce8f..e736e4556ee 100644 --- a/models/demos/segformer/tt/ttnn_segformer_model.py +++ b/models/demos/segformer/tt/ttnn_segformer_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/segformer/tt/ttnn_segformer_overlap_patch_embeddings.py b/models/demos/segformer/tt/ttnn_segformer_overlap_patch_embeddings.py index c81bfad5569..33d890b989b 100644 --- a/models/demos/segformer/tt/ttnn_segformer_overlap_patch_embeddings.py +++ b/models/demos/segformer/tt/ttnn_segformer_overlap_patch_embeddings.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/segformer/tt/ttnn_segformer_selfoutput.py b/models/demos/segformer/tt/ttnn_segformer_selfoutput.py index daf1d89d525..91ce8c043ad 100644 --- a/models/demos/segformer/tt/ttnn_segformer_selfoutput.py +++ b/models/demos/segformer/tt/ttnn_segformer_selfoutput.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/demo/demo.py b/models/demos/t3000/falcon40b/demo/demo.py index 9e3451dde37..30da2b1595e 100644 --- a/models/demos/t3000/falcon40b/demo/demo.py +++ b/models/demos/t3000/falcon40b/demo/demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/reference/cpu_demo.py b/models/demos/t3000/falcon40b/reference/cpu_demo.py index 4f3cc49718c..52603e5f938 100644 --- a/models/demos/t3000/falcon40b/reference/cpu_demo.py +++ b/models/demos/t3000/falcon40b/reference/cpu_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/reference/hf_configuration_falcon.py b/models/demos/t3000/falcon40b/reference/hf_configuration_falcon.py index b53da933bf4..1506ea66620 100644 --- a/models/demos/t3000/falcon40b/reference/hf_configuration_falcon.py +++ b/models/demos/t3000/falcon40b/reference/hf_configuration_falcon.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/reference/hf_modeling_falcon.py b/models/demos/t3000/falcon40b/reference/hf_modeling_falcon.py index 1cfc892ac3c..512d69a8793 100644 --- a/models/demos/t3000/falcon40b/reference/hf_modeling_falcon.py +++ b/models/demos/t3000/falcon40b/reference/hf_modeling_falcon.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/scripts/get_falcon40b_perf_numbers.sh b/models/demos/t3000/falcon40b/scripts/get_falcon40b_perf_numbers.sh index 910f5e8485c..c529e7609d9 100755 --- a/models/demos/t3000/falcon40b/scripts/get_falcon40b_perf_numbers.sh +++ b/models/demos/t3000/falcon40b/scripts/get_falcon40b_perf_numbers.sh @@ -1,6 +1,6 @@ #!/bin/bash -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/scripts/git_bisect.sh b/models/demos/t3000/falcon40b/scripts/git_bisect.sh index 7ec4efda9c8..fde87256d6e 100644 --- a/models/demos/t3000/falcon40b/scripts/git_bisect.sh +++ b/models/demos/t3000/falcon40b/scripts/git_bisect.sh @@ -1,6 +1,6 @@ #!/bin/bash -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/tests/ci/test_falcon_end_to_end_1_layer_t3000.py b/models/demos/t3000/falcon40b/tests/ci/test_falcon_end_to_end_1_layer_t3000.py index f256afb0b86..33e442dcfc2 100644 --- a/models/demos/t3000/falcon40b/tests/ci/test_falcon_end_to_end_1_layer_t3000.py +++ b/models/demos/t3000/falcon40b/tests/ci/test_falcon_end_to_end_1_layer_t3000.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/tests/ci/test_falcon_end_to_end_60_layer_t3000_prefill_10_loops.py b/models/demos/t3000/falcon40b/tests/ci/test_falcon_end_to_end_60_layer_t3000_prefill_10_loops.py index bd090b0fa54..74ef996d6e3 100644 --- a/models/demos/t3000/falcon40b/tests/ci/test_falcon_end_to_end_60_layer_t3000_prefill_10_loops.py +++ b/models/demos/t3000/falcon40b/tests/ci/test_falcon_end_to_end_60_layer_t3000_prefill_10_loops.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/tests/test_falcon_attention.py b/models/demos/t3000/falcon40b/tests/test_falcon_attention.py index a3bb1c8c386..08e80987117 100644 --- a/models/demos/t3000/falcon40b/tests/test_falcon_attention.py +++ b/models/demos/t3000/falcon40b/tests/test_falcon_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/tests/test_falcon_causallm.py b/models/demos/t3000/falcon40b/tests/test_falcon_causallm.py index a853b74a827..6cf26d41f71 100644 --- a/models/demos/t3000/falcon40b/tests/test_falcon_causallm.py +++ b/models/demos/t3000/falcon40b/tests/test_falcon_causallm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/tests/test_falcon_decoder.py b/models/demos/t3000/falcon40b/tests/test_falcon_decoder.py index ef66249a132..44f8a4205dc 100644 --- a/models/demos/t3000/falcon40b/tests/test_falcon_decoder.py +++ b/models/demos/t3000/falcon40b/tests/test_falcon_decoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/tests/test_falcon_end_to_end.py b/models/demos/t3000/falcon40b/tests/test_falcon_end_to_end.py index c686d2dda7e..456fd63dc45 100644 --- a/models/demos/t3000/falcon40b/tests/test_falcon_end_to_end.py +++ b/models/demos/t3000/falcon40b/tests/test_falcon_end_to_end.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/tests/test_falcon_mlp.py b/models/demos/t3000/falcon40b/tests/test_falcon_mlp.py index 1dd2eacd664..91406e50cbf 100644 --- a/models/demos/t3000/falcon40b/tests/test_falcon_mlp.py +++ b/models/demos/t3000/falcon40b/tests/test_falcon_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/tests/test_falcon_model.py b/models/demos/t3000/falcon40b/tests/test_falcon_model.py index 5bebb599db6..eee1914f1ba 100644 --- a/models/demos/t3000/falcon40b/tests/test_falcon_model.py +++ b/models/demos/t3000/falcon40b/tests/test_falcon_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/tests/test_falcon_model_single_chip.py b/models/demos/t3000/falcon40b/tests/test_falcon_model_single_chip.py index f67cc81b3ae..fda82f7c12d 100644 --- a/models/demos/t3000/falcon40b/tests/test_falcon_model_single_chip.py +++ b/models/demos/t3000/falcon40b/tests/test_falcon_model_single_chip.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/tests/test_falcon_prefill_determinism.py b/models/demos/t3000/falcon40b/tests/test_falcon_prefill_determinism.py index 993437e0c65..6e7af8443e7 100644 --- a/models/demos/t3000/falcon40b/tests/test_falcon_prefill_determinism.py +++ b/models/demos/t3000/falcon40b/tests/test_falcon_prefill_determinism.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/tests/test_perf_falcon.py b/models/demos/t3000/falcon40b/tests/test_perf_falcon.py index 36762830e91..c5fddf40d82 100644 --- a/models/demos/t3000/falcon40b/tests/test_perf_falcon.py +++ b/models/demos/t3000/falcon40b/tests/test_perf_falcon.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/tests/test_perplexity_falcon.py b/models/demos/t3000/falcon40b/tests/test_perplexity_falcon.py index 248f446f925..b348f52f46a 100644 --- a/models/demos/t3000/falcon40b/tests/test_perplexity_falcon.py +++ b/models/demos/t3000/falcon40b/tests/test_perplexity_falcon.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/tests/unit_tests/distributed_layernorm/distributed_layernorm_pytorch_references.py b/models/demos/t3000/falcon40b/tests/unit_tests/distributed_layernorm/distributed_layernorm_pytorch_references.py index 4e53d98b2ed..52ba45dad36 100644 --- a/models/demos/t3000/falcon40b/tests/unit_tests/distributed_layernorm/distributed_layernorm_pytorch_references.py +++ b/models/demos/t3000/falcon40b/tests/unit_tests/distributed_layernorm/distributed_layernorm_pytorch_references.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/tests/unit_tests/distributed_layernorm/test_distributed_layernorm.py b/models/demos/t3000/falcon40b/tests/unit_tests/distributed_layernorm/test_distributed_layernorm.py index 7485e661059..b5d729f1b28 100644 --- a/models/demos/t3000/falcon40b/tests/unit_tests/distributed_layernorm/test_distributed_layernorm.py +++ b/models/demos/t3000/falcon40b/tests/unit_tests/distributed_layernorm/test_distributed_layernorm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/tests/unit_tests/distributed_layernorm/test_distributed_layernorm_dlnp1.py b/models/demos/t3000/falcon40b/tests/unit_tests/distributed_layernorm/test_distributed_layernorm_dlnp1.py index 1ebee51500d..7c3c013ee9b 100644 --- a/models/demos/t3000/falcon40b/tests/unit_tests/distributed_layernorm/test_distributed_layernorm_dlnp1.py +++ b/models/demos/t3000/falcon40b/tests/unit_tests/distributed_layernorm/test_distributed_layernorm_dlnp1.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/tests/unit_tests/layernorm/test_falcon_layernorm.py b/models/demos/t3000/falcon40b/tests/unit_tests/layernorm/test_falcon_layernorm.py index 4dbe9394312..2dff4ce6d25 100644 --- a/models/demos/t3000/falcon40b/tests/unit_tests/layernorm/test_falcon_layernorm.py +++ b/models/demos/t3000/falcon40b/tests/unit_tests/layernorm/test_falcon_layernorm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/tests/unit_tests/layernorm/test_fused_falcon_layernorm.py b/models/demos/t3000/falcon40b/tests/unit_tests/layernorm/test_fused_falcon_layernorm.py index da0d675460e..41ab959d569 100644 --- a/models/demos/t3000/falcon40b/tests/unit_tests/layernorm/test_fused_falcon_layernorm.py +++ b/models/demos/t3000/falcon40b/tests/unit_tests/layernorm/test_fused_falcon_layernorm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/tt/falcon_attention.py b/models/demos/t3000/falcon40b/tt/falcon_attention.py index cd621b82fdb..7d70214319a 100644 --- a/models/demos/t3000/falcon40b/tt/falcon_attention.py +++ b/models/demos/t3000/falcon40b/tt/falcon_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/tt/falcon_causallm.py b/models/demos/t3000/falcon40b/tt/falcon_causallm.py index 66c1c317b56..dbacb9fa699 100644 --- a/models/demos/t3000/falcon40b/tt/falcon_causallm.py +++ b/models/demos/t3000/falcon40b/tt/falcon_causallm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/tt/falcon_common.py b/models/demos/t3000/falcon40b/tt/falcon_common.py index d8e384faabc..1b44cdfae64 100644 --- a/models/demos/t3000/falcon40b/tt/falcon_common.py +++ b/models/demos/t3000/falcon40b/tt/falcon_common.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/tt/falcon_decoder.py b/models/demos/t3000/falcon40b/tt/falcon_decoder.py index d78b69c4aed..991a0f60a5c 100644 --- a/models/demos/t3000/falcon40b/tt/falcon_decoder.py +++ b/models/demos/t3000/falcon40b/tt/falcon_decoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/tt/falcon_embeddings.py b/models/demos/t3000/falcon40b/tt/falcon_embeddings.py index 8135a41b1a5..cf9cffc064a 100644 --- a/models/demos/t3000/falcon40b/tt/falcon_embeddings.py +++ b/models/demos/t3000/falcon40b/tt/falcon_embeddings.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/tt/falcon_mlp.py b/models/demos/t3000/falcon40b/tt/falcon_mlp.py index 5101b309d4d..20abf9a2703 100644 --- a/models/demos/t3000/falcon40b/tt/falcon_mlp.py +++ b/models/demos/t3000/falcon40b/tt/falcon_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/tt/falcon_model.py b/models/demos/t3000/falcon40b/tt/falcon_model.py index 1c2f7b12574..5ecef986b3b 100644 --- a/models/demos/t3000/falcon40b/tt/falcon_model.py +++ b/models/demos/t3000/falcon40b/tt/falcon_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/tt/model_config.py b/models/demos/t3000/falcon40b/tt/model_config.py index d5dc595a049..d9197e7d261 100644 --- a/models/demos/t3000/falcon40b/tt/model_config.py +++ b/models/demos/t3000/falcon40b/tt/model_config.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon40b/tt/model_utils.py b/models/demos/t3000/falcon40b/tt/model_utils.py index 7908d9537a5..a95125968bc 100644 --- a/models/demos/t3000/falcon40b/tt/model_utils.py +++ b/models/demos/t3000/falcon40b/tt/model_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/falcon7b/demo_t3000.py b/models/demos/t3000/falcon7b/demo_t3000.py index 6939896841e..2ee69c25aab 100644 --- a/models/demos/t3000/falcon7b/demo_t3000.py +++ b/models/demos/t3000/falcon7b/demo_t3000.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/demo/demo.py b/models/demos/t3000/llama2_70b/demo/demo.py index 567fa6df4e1..8db0a57e059 100644 --- a/models/demos/t3000/llama2_70b/demo/demo.py +++ b/models/demos/t3000/llama2_70b/demo/demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/demo/demo_continuous_batching.py b/models/demos/t3000/llama2_70b/demo/demo_continuous_batching.py index 419ea2f0b96..daba13a9a3b 100644 --- a/models/demos/t3000/llama2_70b/demo/demo_continuous_batching.py +++ b/models/demos/t3000/llama2_70b/demo/demo_continuous_batching.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/demo/demo_continuous_batching_paged_attention.py b/models/demos/t3000/llama2_70b/demo/demo_continuous_batching_paged_attention.py index 02a6684d838..58f631eeeae 100644 --- a/models/demos/t3000/llama2_70b/demo/demo_continuous_batching_paged_attention.py +++ b/models/demos/t3000/llama2_70b/demo/demo_continuous_batching_paged_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/demo/eval.py b/models/demos/t3000/llama2_70b/demo/eval.py index f8b2c534b1b..1c67485272a 100644 --- a/models/demos/t3000/llama2_70b/demo/eval.py +++ b/models/demos/t3000/llama2_70b/demo/eval.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/demo/eval_t3000.py b/models/demos/t3000/llama2_70b/demo/eval_t3000.py index d7419c62ebd..96b59bb823b 100644 --- a/models/demos/t3000/llama2_70b/demo/eval_t3000.py +++ b/models/demos/t3000/llama2_70b/demo/eval_t3000.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/scripts/metal_perf_util.py b/models/demos/t3000/llama2_70b/scripts/metal_perf_util.py index 37d1fd94471..b1d859783e0 100644 --- a/models/demos/t3000/llama2_70b/scripts/metal_perf_util.py +++ b/models/demos/t3000/llama2_70b/scripts/metal_perf_util.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/scripts/model_config_n150.py b/models/demos/t3000/llama2_70b/scripts/model_config_n150.py index 1271bc50d56..d6c867d01eb 100644 --- a/models/demos/t3000/llama2_70b/scripts/model_config_n150.py +++ b/models/demos/t3000/llama2_70b/scripts/model_config_n150.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/scripts/repack_weights.py b/models/demos/t3000/llama2_70b/scripts/repack_weights.py index 40f7b221bb0..9ac6c7c67f2 100644 --- a/models/demos/t3000/llama2_70b/scripts/repack_weights.py +++ b/models/demos/t3000/llama2_70b/scripts/repack_weights.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/tests/perf/ivan_ff.py b/models/demos/t3000/llama2_70b/tests/perf/ivan_ff.py index e34e686f1cf..f43d775d134 100644 --- a/models/demos/t3000/llama2_70b/tests/perf/ivan_ff.py +++ b/models/demos/t3000/llama2_70b/tests/perf/ivan_ff.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import math diff --git a/models/demos/t3000/llama2_70b/tests/perf/test_bmm.py b/models/demos/t3000/llama2_70b/tests/perf/test_bmm.py index c9ac16ac7d6..09720a6dbd1 100644 --- a/models/demos/t3000/llama2_70b/tests/perf/test_bmm.py +++ b/models/demos/t3000/llama2_70b/tests/perf/test_bmm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import math diff --git a/models/demos/t3000/llama2_70b/tests/perf/test_ff1.py b/models/demos/t3000/llama2_70b/tests/perf/test_ff1.py index 773f3a84848..f51d84a399d 100644 --- a/models/demos/t3000/llama2_70b/tests/perf/test_ff1.py +++ b/models/demos/t3000/llama2_70b/tests/perf/test_ff1.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import math diff --git a/models/demos/t3000/llama2_70b/tests/perf/test_llama_matmul_perf.py b/models/demos/t3000/llama2_70b/tests/perf/test_llama_matmul_perf.py index 533a887f5c5..5d755560202 100644 --- a/models/demos/t3000/llama2_70b/tests/perf/test_llama_matmul_perf.py +++ b/models/demos/t3000/llama2_70b/tests/perf/test_llama_matmul_perf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import math diff --git a/models/demos/t3000/llama2_70b/tests/test_llama_attention.py b/models/demos/t3000/llama2_70b/tests/test_llama_attention.py index 884f1ea4bb1..e6231257c9b 100644 --- a/models/demos/t3000/llama2_70b/tests/test_llama_attention.py +++ b/models/demos/t3000/llama2_70b/tests/test_llama_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/tests/test_llama_attention_t3000.py b/models/demos/t3000/llama2_70b/tests/test_llama_attention_t3000.py index d1ca5e7d051..91f2ffc187c 100644 --- a/models/demos/t3000/llama2_70b/tests/test_llama_attention_t3000.py +++ b/models/demos/t3000/llama2_70b/tests/test_llama_attention_t3000.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/tests/test_llama_decoder.py b/models/demos/t3000/llama2_70b/tests/test_llama_decoder.py index f57969b7c7f..675906d9064 100644 --- a/models/demos/t3000/llama2_70b/tests/test_llama_decoder.py +++ b/models/demos/t3000/llama2_70b/tests/test_llama_decoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/tests/test_llama_decoder_t3000.py b/models/demos/t3000/llama2_70b/tests/test_llama_decoder_t3000.py index 3879b7f4672..6c9b6331d5a 100644 --- a/models/demos/t3000/llama2_70b/tests/test_llama_decoder_t3000.py +++ b/models/demos/t3000/llama2_70b/tests/test_llama_decoder_t3000.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/tests/test_llama_generation.py b/models/demos/t3000/llama2_70b/tests/test_llama_generation.py index f5af555dc39..cb7f38c3a82 100644 --- a/models/demos/t3000/llama2_70b/tests/test_llama_generation.py +++ b/models/demos/t3000/llama2_70b/tests/test_llama_generation.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import pytest diff --git a/models/demos/t3000/llama2_70b/tests/test_llama_mlp.py b/models/demos/t3000/llama2_70b/tests/test_llama_mlp.py index fcb0956fb4a..6f96a29fb58 100644 --- a/models/demos/t3000/llama2_70b/tests/test_llama_mlp.py +++ b/models/demos/t3000/llama2_70b/tests/test_llama_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/tests/test_llama_mlp_t3000.py b/models/demos/t3000/llama2_70b/tests/test_llama_mlp_t3000.py index da247c6e21d..f8589a45821 100644 --- a/models/demos/t3000/llama2_70b/tests/test_llama_mlp_t3000.py +++ b/models/demos/t3000/llama2_70b/tests/test_llama_mlp_t3000.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/tests/test_llama_model.py b/models/demos/t3000/llama2_70b/tests/test_llama_model.py index 14c4a78db8a..a9f6d8fc6f6 100644 --- a/models/demos/t3000/llama2_70b/tests/test_llama_model.py +++ b/models/demos/t3000/llama2_70b/tests/test_llama_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/tests/test_llama_model_t3000.py b/models/demos/t3000/llama2_70b/tests/test_llama_model_t3000.py index 6e2b753af73..5b2b4bad5b2 100644 --- a/models/demos/t3000/llama2_70b/tests/test_llama_model_t3000.py +++ b/models/demos/t3000/llama2_70b/tests/test_llama_model_t3000.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/tests/test_llama_perf.py b/models/demos/t3000/llama2_70b/tests/test_llama_perf.py index 29ca2e75ff8..ea6c50dad1c 100644 --- a/models/demos/t3000/llama2_70b/tests/test_llama_perf.py +++ b/models/demos/t3000/llama2_70b/tests/test_llama_perf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/tests/test_llama_perf_decode.py b/models/demos/t3000/llama2_70b/tests/test_llama_perf_decode.py index fd885c6f0e0..0cc575fc589 100644 --- a/models/demos/t3000/llama2_70b/tests/test_llama_perf_decode.py +++ b/models/demos/t3000/llama2_70b/tests/test_llama_perf_decode.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/tests/test_llama_stress_test.py b/models/demos/t3000/llama2_70b/tests/test_llama_stress_test.py index bbfd1e68bd6..66fb2bb1f0a 100644 --- a/models/demos/t3000/llama2_70b/tests/test_llama_stress_test.py +++ b/models/demos/t3000/llama2_70b/tests/test_llama_stress_test.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/tests/unit_tests/test_attn_sdpa.py b/models/demos/t3000/llama2_70b/tests/unit_tests/test_attn_sdpa.py index 450bfb2eb39..6aa9a841104 100644 --- a/models/demos/t3000/llama2_70b/tests/unit_tests/test_attn_sdpa.py +++ b/models/demos/t3000/llama2_70b/tests/unit_tests/test_attn_sdpa.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/tests/unit_tests/test_kv_update.py b/models/demos/t3000/llama2_70b/tests/unit_tests/test_kv_update.py index ecb634976b5..ed482d5a662 100644 --- a/models/demos/t3000/llama2_70b/tests/unit_tests/test_kv_update.py +++ b/models/demos/t3000/llama2_70b/tests/unit_tests/test_kv_update.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/tests/unit_tests/test_nlp_concat_head.py b/models/demos/t3000/llama2_70b/tests/unit_tests/test_nlp_concat_head.py index 2fbc0851a99..1556204a00c 100644 --- a/models/demos/t3000/llama2_70b/tests/unit_tests/test_nlp_concat_head.py +++ b/models/demos/t3000/llama2_70b/tests/unit_tests/test_nlp_concat_head.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/tests/unit_tests/test_nlp_create_head.py b/models/demos/t3000/llama2_70b/tests/unit_tests/test_nlp_create_head.py index 9b5df8ff4dd..a04064221a9 100644 --- a/models/demos/t3000/llama2_70b/tests/unit_tests/test_nlp_create_head.py +++ b/models/demos/t3000/llama2_70b/tests/unit_tests/test_nlp_create_head.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/tests/unit_tests/test_qkv_matmul.py b/models/demos/t3000/llama2_70b/tests/unit_tests/test_qkv_matmul.py index 05c42b5d123..ffdf28c08e5 100644 --- a/models/demos/t3000/llama2_70b/tests/unit_tests/test_qkv_matmul.py +++ b/models/demos/t3000/llama2_70b/tests/unit_tests/test_qkv_matmul.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/tests/unit_tests/test_reshape_rotary.py b/models/demos/t3000/llama2_70b/tests/unit_tests/test_reshape_rotary.py index 108fdfb0879..677c96cf533 100644 --- a/models/demos/t3000/llama2_70b/tests/unit_tests/test_reshape_rotary.py +++ b/models/demos/t3000/llama2_70b/tests/unit_tests/test_reshape_rotary.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/tests/unit_tests/test_reshape_rotary_v2.py b/models/demos/t3000/llama2_70b/tests/unit_tests/test_reshape_rotary_v2.py index 0a376e483f5..53ca2f2e784 100644 --- a/models/demos/t3000/llama2_70b/tests/unit_tests/test_reshape_rotary_v2.py +++ b/models/demos/t3000/llama2_70b/tests/unit_tests/test_reshape_rotary_v2.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/tests/unit_tests/test_rmsnorm.py b/models/demos/t3000/llama2_70b/tests/unit_tests/test_rmsnorm.py index fd263e75ae8..18f4b44f27e 100644 --- a/models/demos/t3000/llama2_70b/tests/unit_tests/test_rmsnorm.py +++ b/models/demos/t3000/llama2_70b/tests/unit_tests/test_rmsnorm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/tests/unit_tests/test_rotary_embedding_llama.py b/models/demos/t3000/llama2_70b/tests/unit_tests/test_rotary_embedding_llama.py index e88b7bd3c68..4245368333b 100644 --- a/models/demos/t3000/llama2_70b/tests/unit_tests/test_rotary_embedding_llama.py +++ b/models/demos/t3000/llama2_70b/tests/unit_tests/test_rotary_embedding_llama.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/tests/unit_tests/test_rotary_matmul.py b/models/demos/t3000/llama2_70b/tests/unit_tests/test_rotary_matmul.py index 332ed3f4fc7..312cef5b2fb 100644 --- a/models/demos/t3000/llama2_70b/tests/unit_tests/test_rotary_matmul.py +++ b/models/demos/t3000/llama2_70b/tests/unit_tests/test_rotary_matmul.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/tt/llama_attention_optimized.py b/models/demos/t3000/llama2_70b/tt/llama_attention_optimized.py index 5fce23560c1..4d20602f8f2 100644 --- a/models/demos/t3000/llama2_70b/tt/llama_attention_optimized.py +++ b/models/demos/t3000/llama2_70b/tt/llama_attention_optimized.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/tt/llama_common.py b/models/demos/t3000/llama2_70b/tt/llama_common.py index 63c8aad8233..b1eaeb57e8a 100644 --- a/models/demos/t3000/llama2_70b/tt/llama_common.py +++ b/models/demos/t3000/llama2_70b/tt/llama_common.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/tt/llama_decoder_optimized.py b/models/demos/t3000/llama2_70b/tt/llama_decoder_optimized.py index 84c6fdb06fb..53c67b33f95 100644 --- a/models/demos/t3000/llama2_70b/tt/llama_decoder_optimized.py +++ b/models/demos/t3000/llama2_70b/tt/llama_decoder_optimized.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/tt/llama_embedding.py b/models/demos/t3000/llama2_70b/tt/llama_embedding.py index 177cfa7e293..28b8328eec5 100644 --- a/models/demos/t3000/llama2_70b/tt/llama_embedding.py +++ b/models/demos/t3000/llama2_70b/tt/llama_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/tt/llama_generation.py b/models/demos/t3000/llama2_70b/tt/llama_generation.py index b4a038fc9c6..afade408f98 100644 --- a/models/demos/t3000/llama2_70b/tt/llama_generation.py +++ b/models/demos/t3000/llama2_70b/tt/llama_generation.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/tt/llama_mlp_optimized.py b/models/demos/t3000/llama2_70b/tt/llama_mlp_optimized.py index a185fc605f0..4b54618803a 100644 --- a/models/demos/t3000/llama2_70b/tt/llama_mlp_optimized.py +++ b/models/demos/t3000/llama2_70b/tt/llama_mlp_optimized.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/tt/llama_model_optimized.py b/models/demos/t3000/llama2_70b/tt/llama_model_optimized.py index e81f3fc881d..d5662360e41 100644 --- a/models/demos/t3000/llama2_70b/tt/llama_model_optimized.py +++ b/models/demos/t3000/llama2_70b/tt/llama_model_optimized.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama2_70b/tt/model_config.py b/models/demos/t3000/llama2_70b/tt/model_config.py index 65396108b43..3497471ff82 100644 --- a/models/demos/t3000/llama2_70b/tt/model_config.py +++ b/models/demos/t3000/llama2_70b/tt/model_config.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/llama3_70b/demo/demo.py b/models/demos/t3000/llama3_70b/demo/demo.py index 55e740bbfec..7b57a9da35e 100644 --- a/models/demos/t3000/llama3_70b/demo/demo.py +++ b/models/demos/t3000/llama3_70b/demo/demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/mixtral8x7b/demo/demo.py b/models/demos/t3000/mixtral8x7b/demo/demo.py index be02adcf491..412207513d6 100644 --- a/models/demos/t3000/mixtral8x7b/demo/demo.py +++ b/models/demos/t3000/mixtral8x7b/demo/demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/demos/t3000/mixtral8x7b/demo/demo_with_prefill.py b/models/demos/t3000/mixtral8x7b/demo/demo_with_prefill.py index 69d10470565..969d6da7e55 100644 --- a/models/demos/t3000/mixtral8x7b/demo/demo_with_prefill.py +++ b/models/demos/t3000/mixtral8x7b/demo/demo_with_prefill.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/demos/t3000/mixtral8x7b/reference/demo_ref.py b/models/demos/t3000/mixtral8x7b/reference/demo_ref.py index 2f18ea96269..92f26f03b49 100644 --- a/models/demos/t3000/mixtral8x7b/reference/demo_ref.py +++ b/models/demos/t3000/mixtral8x7b/reference/demo_ref.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/t3000/mixtral8x7b/reference/model.py b/models/demos/t3000/mixtral8x7b/reference/model.py index 44ea29a0a9f..95897150737 100644 --- a/models/demos/t3000/mixtral8x7b/reference/model.py +++ b/models/demos/t3000/mixtral8x7b/reference/model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/mixtral8x7b/reference/moe.py b/models/demos/t3000/mixtral8x7b/reference/moe.py index 5794150a425..514693b1525 100644 --- a/models/demos/t3000/mixtral8x7b/reference/moe.py +++ b/models/demos/t3000/mixtral8x7b/reference/moe.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/mixtral8x7b/reference/run_ref.py b/models/demos/t3000/mixtral8x7b/reference/run_ref.py index 771b4741859..b9ce082f94e 100644 --- a/models/demos/t3000/mixtral8x7b/reference/run_ref.py +++ b/models/demos/t3000/mixtral8x7b/reference/run_ref.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/t3000/mixtral8x7b/reference/tokenizer.py b/models/demos/t3000/mixtral8x7b/reference/tokenizer.py index c2149f0c154..5d76515ea04 100644 --- a/models/demos/t3000/mixtral8x7b/reference/tokenizer.py +++ b/models/demos/t3000/mixtral8x7b/reference/tokenizer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/mixtral8x7b/scripts/op_perf_results.py b/models/demos/t3000/mixtral8x7b/scripts/op_perf_results.py index 22c504a0a29..a27eb2d856f 100644 --- a/models/demos/t3000/mixtral8x7b/scripts/op_perf_results.py +++ b/models/demos/t3000/mixtral8x7b/scripts/op_perf_results.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 from collections import defaultdict diff --git a/models/demos/t3000/mixtral8x7b/scripts/repack_weights.py b/models/demos/t3000/mixtral8x7b/scripts/repack_weights.py index e92c9b74570..14cc9ee550a 100644 --- a/models/demos/t3000/mixtral8x7b/scripts/repack_weights.py +++ b/models/demos/t3000/mixtral8x7b/scripts/repack_weights.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/mixtral8x7b/tests/test_dummy_weights.py b/models/demos/t3000/mixtral8x7b/tests/test_dummy_weights.py index e44f21ff0ca..bd22d53df2e 100644 --- a/models/demos/t3000/mixtral8x7b/tests/test_dummy_weights.py +++ b/models/demos/t3000/mixtral8x7b/tests/test_dummy_weights.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_attention.py b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_attention.py index 957be57c7de..c9973decb7b 100644 --- a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_attention.py +++ b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_attention_prefill.py b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_attention_prefill.py index d4e50a5f5cb..a5ebb82f916 100644 --- a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_attention_prefill.py +++ b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_attention_prefill.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_decoder.py b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_decoder.py index 36b035b536e..d9fb9ef8b55 100644 --- a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_decoder.py +++ b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_decoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_decoder_prefill.py b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_decoder_prefill.py index dc4b84ba4ef..f12467723ad 100644 --- a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_decoder_prefill.py +++ b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_decoder_prefill.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_embedding.py b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_embedding.py index b1041bf1ea9..ec1e5cf8a48 100644 --- a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_embedding.py +++ b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_mlp.py b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_mlp.py index 932a60af16f..0e59d6d2404 100644 --- a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_mlp.py +++ b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_mlp_prefill.py b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_mlp_prefill.py index 7e952a57d98..288bf5f8280 100644 --- a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_mlp_prefill.py +++ b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_mlp_prefill.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_model.py b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_model.py index afb36a0a7f6..251c3832662 100644 --- a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_model.py +++ b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_model_prefill.py b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_model_prefill.py index 876392eecc8..767b98851b8 100644 --- a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_model_prefill.py +++ b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_model_prefill.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_moe.py b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_moe.py index 10a1e2e0bc9..0620daaf19b 100644 --- a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_moe.py +++ b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_moe.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_moe_prefill.py b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_moe_prefill.py index 5e8df333fd7..be090f4f8d5 100644 --- a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_moe_prefill.py +++ b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_moe_prefill.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_perf.py b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_perf.py index a109eeef9d0..f9613f55133 100644 --- a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_perf.py +++ b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_perf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_perplexity.py b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_perplexity.py index 1418f44c19d..680a5106888 100644 --- a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_perplexity.py +++ b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_perplexity.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_rms_norm.py b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_rms_norm.py index df46b58b1d0..e283f9352a6 100644 --- a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_rms_norm.py +++ b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_rms_norm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_topk.py b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_topk.py index 6c3621d361d..81473b1ad0a 100644 --- a/models/demos/t3000/mixtral8x7b/tests/test_mixtral_topk.py +++ b/models/demos/t3000/mixtral8x7b/tests/test_mixtral_topk.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/demos/t3000/mixtral8x7b/tt/mixtral_attention.py b/models/demos/t3000/mixtral8x7b/tt/mixtral_attention.py index 1ce344a3493..de860225647 100644 --- a/models/demos/t3000/mixtral8x7b/tt/mixtral_attention.py +++ b/models/demos/t3000/mixtral8x7b/tt/mixtral_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/mixtral8x7b/tt/mixtral_common.py b/models/demos/t3000/mixtral8x7b/tt/mixtral_common.py index 8a061d72b2e..884b88128e0 100644 --- a/models/demos/t3000/mixtral8x7b/tt/mixtral_common.py +++ b/models/demos/t3000/mixtral8x7b/tt/mixtral_common.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/mixtral8x7b/tt/mixtral_decoder.py b/models/demos/t3000/mixtral8x7b/tt/mixtral_decoder.py index 56709bc3f87..a6596e22012 100644 --- a/models/demos/t3000/mixtral8x7b/tt/mixtral_decoder.py +++ b/models/demos/t3000/mixtral8x7b/tt/mixtral_decoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import ttnn diff --git a/models/demos/t3000/mixtral8x7b/tt/mixtral_embedding.py b/models/demos/t3000/mixtral8x7b/tt/mixtral_embedding.py index fbb317b51d5..3c71fac15fb 100644 --- a/models/demos/t3000/mixtral8x7b/tt/mixtral_embedding.py +++ b/models/demos/t3000/mixtral8x7b/tt/mixtral_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/mixtral8x7b/tt/mixtral_mlp.py b/models/demos/t3000/mixtral8x7b/tt/mixtral_mlp.py index c1272b8e62a..7f91c0dea28 100644 --- a/models/demos/t3000/mixtral8x7b/tt/mixtral_mlp.py +++ b/models/demos/t3000/mixtral8x7b/tt/mixtral_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/mixtral8x7b/tt/mixtral_model.py b/models/demos/t3000/mixtral8x7b/tt/mixtral_model.py index 093b3c8f7b4..24238ed9b21 100644 --- a/models/demos/t3000/mixtral8x7b/tt/mixtral_model.py +++ b/models/demos/t3000/mixtral8x7b/tt/mixtral_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/mixtral8x7b/tt/mixtral_moe.py b/models/demos/t3000/mixtral8x7b/tt/mixtral_moe.py index c71feb93bf5..efc3da81896 100644 --- a/models/demos/t3000/mixtral8x7b/tt/mixtral_moe.py +++ b/models/demos/t3000/mixtral8x7b/tt/mixtral_moe.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/t3000/mixtral8x7b/tt/model_config.py b/models/demos/t3000/mixtral8x7b/tt/model_config.py index bf596d4584e..fc1148b74e0 100644 --- a/models/demos/t3000/mixtral8x7b/tt/model_config.py +++ b/models/demos/t3000/mixtral8x7b/tt/model_config.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/tg/falcon7b/demo_tg.py b/models/demos/tg/falcon7b/demo_tg.py index e72f78279d5..9010d495cfe 100644 --- a/models/demos/tg/falcon7b/demo_tg.py +++ b/models/demos/tg/falcon7b/demo_tg.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/tg/llama3_70b/demo/demo.py b/models/demos/tg/llama3_70b/demo/demo.py index 087e4111ed0..9b93aad3285 100644 --- a/models/demos/tg/llama3_70b/demo/demo.py +++ b/models/demos/tg/llama3_70b/demo/demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/tg/llama3_70b/tests/test_llama_attention_galaxy.py b/models/demos/tg/llama3_70b/tests/test_llama_attention_galaxy.py index a511102a38e..a1878cba8ff 100644 --- a/models/demos/tg/llama3_70b/tests/test_llama_attention_galaxy.py +++ b/models/demos/tg/llama3_70b/tests/test_llama_attention_galaxy.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/tg/llama3_70b/tests/test_llama_decoder_galaxy.py b/models/demos/tg/llama3_70b/tests/test_llama_decoder_galaxy.py index 2ce1bc3703b..078000e6b6c 100644 --- a/models/demos/tg/llama3_70b/tests/test_llama_decoder_galaxy.py +++ b/models/demos/tg/llama3_70b/tests/test_llama_decoder_galaxy.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/tg/llama3_70b/tests/test_llama_demo_nightly.py b/models/demos/tg/llama3_70b/tests/test_llama_demo_nightly.py index 54c986c6c1b..ba4fe38d5e1 100644 --- a/models/demos/tg/llama3_70b/tests/test_llama_demo_nightly.py +++ b/models/demos/tg/llama3_70b/tests/test_llama_demo_nightly.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/tg/llama3_70b/tests/test_llama_mlp_galaxy.py b/models/demos/tg/llama3_70b/tests/test_llama_mlp_galaxy.py index 8e2b4de49b8..0fef147ea73 100644 --- a/models/demos/tg/llama3_70b/tests/test_llama_mlp_galaxy.py +++ b/models/demos/tg/llama3_70b/tests/test_llama_mlp_galaxy.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/tg/llama3_70b/tests/test_llama_model_galaxy.py b/models/demos/tg/llama3_70b/tests/test_llama_model_galaxy.py index be05ae91057..2ad3d77169c 100644 --- a/models/demos/tg/llama3_70b/tests/test_llama_model_galaxy.py +++ b/models/demos/tg/llama3_70b/tests/test_llama_model_galaxy.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/tg/llama3_70b/tests/test_llama_model_galaxy_ci.py b/models/demos/tg/llama3_70b/tests/test_llama_model_galaxy_ci.py index 4b04f6bf1a3..1f1008c5419 100644 --- a/models/demos/tg/llama3_70b/tests/test_llama_model_galaxy_ci.py +++ b/models/demos/tg/llama3_70b/tests/test_llama_model_galaxy_ci.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/tg/llama3_70b/tests/test_llama_perf.py b/models/demos/tg/llama3_70b/tests/test_llama_perf.py index 3190abc90d3..677f5d40e57 100644 --- a/models/demos/tg/llama3_70b/tests/test_llama_perf.py +++ b/models/demos/tg/llama3_70b/tests/test_llama_perf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/tg/llama3_70b/tt/llama_attention_galaxy.py b/models/demos/tg/llama3_70b/tt/llama_attention_galaxy.py index 80c0af53fe1..050d655d6ec 100644 --- a/models/demos/tg/llama3_70b/tt/llama_attention_galaxy.py +++ b/models/demos/tg/llama3_70b/tt/llama_attention_galaxy.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/tg/llama3_70b/tt/llama_common.py b/models/demos/tg/llama3_70b/tt/llama_common.py index 9824afbc44c..0a48edcbebe 100644 --- a/models/demos/tg/llama3_70b/tt/llama_common.py +++ b/models/demos/tg/llama3_70b/tt/llama_common.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/tg/llama3_70b/tt/llama_decoder_galaxy.py b/models/demos/tg/llama3_70b/tt/llama_decoder_galaxy.py index 5c6e1c64ef2..1bbcd6614a0 100644 --- a/models/demos/tg/llama3_70b/tt/llama_decoder_galaxy.py +++ b/models/demos/tg/llama3_70b/tt/llama_decoder_galaxy.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/tg/llama3_70b/tt/llama_embedding_galaxy.py b/models/demos/tg/llama3_70b/tt/llama_embedding_galaxy.py index d76abe350f2..06319a773d1 100644 --- a/models/demos/tg/llama3_70b/tt/llama_embedding_galaxy.py +++ b/models/demos/tg/llama3_70b/tt/llama_embedding_galaxy.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/tg/llama3_70b/tt/llama_generation_galaxy.py b/models/demos/tg/llama3_70b/tt/llama_generation_galaxy.py index ffd80c157b5..1eea48df4b9 100644 --- a/models/demos/tg/llama3_70b/tt/llama_generation_galaxy.py +++ b/models/demos/tg/llama3_70b/tt/llama_generation_galaxy.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/tg/llama3_70b/tt/llama_mlp_galaxy.py b/models/demos/tg/llama3_70b/tt/llama_mlp_galaxy.py index c876713ce9f..d4d366ae9f8 100644 --- a/models/demos/tg/llama3_70b/tt/llama_mlp_galaxy.py +++ b/models/demos/tg/llama3_70b/tt/llama_mlp_galaxy.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/tg/llama3_70b/tt/llama_model_galaxy.py b/models/demos/tg/llama3_70b/tt/llama_model_galaxy.py index 244a660c065..fefd34f1280 100644 --- a/models/demos/tg/llama3_70b/tt/llama_model_galaxy.py +++ b/models/demos/tg/llama3_70b/tt/llama_model_galaxy.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_falcon7b/demo/demo.py b/models/demos/ttnn_falcon7b/demo/demo.py index fd20daa0b99..1488d85397d 100644 --- a/models/demos/ttnn_falcon7b/demo/demo.py +++ b/models/demos/ttnn_falcon7b/demo/demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_falcon7b/tests/multi_chip/test_falcon_attention.py b/models/demos/ttnn_falcon7b/tests/multi_chip/test_falcon_attention.py index 98322a8f0c6..8c8d63c508b 100644 --- a/models/demos/ttnn_falcon7b/tests/multi_chip/test_falcon_attention.py +++ b/models/demos/ttnn_falcon7b/tests/multi_chip/test_falcon_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_falcon7b/tests/multi_chip/test_falcon_causallm.py b/models/demos/ttnn_falcon7b/tests/multi_chip/test_falcon_causallm.py index 1de4f9a058c..28e0db2d0ad 100644 --- a/models/demos/ttnn_falcon7b/tests/multi_chip/test_falcon_causallm.py +++ b/models/demos/ttnn_falcon7b/tests/multi_chip/test_falcon_causallm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_falcon7b/tests/multi_chip/test_falcon_decoder.py b/models/demos/ttnn_falcon7b/tests/multi_chip/test_falcon_decoder.py index 40676143a5b..a6c9d619550 100644 --- a/models/demos/ttnn_falcon7b/tests/multi_chip/test_falcon_decoder.py +++ b/models/demos/ttnn_falcon7b/tests/multi_chip/test_falcon_decoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_falcon7b/tests/multi_chip/test_falcon_mlp.py b/models/demos/ttnn_falcon7b/tests/multi_chip/test_falcon_mlp.py index c118f9a9b15..bb05248e3e8 100644 --- a/models/demos/ttnn_falcon7b/tests/multi_chip/test_falcon_mlp.py +++ b/models/demos/ttnn_falcon7b/tests/multi_chip/test_falcon_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_falcon7b/tests/multi_chip/test_falcon_model.py b/models/demos/ttnn_falcon7b/tests/multi_chip/test_falcon_model.py index 31c4d04816a..83ffcd5747a 100644 --- a/models/demos/ttnn_falcon7b/tests/multi_chip/test_falcon_model.py +++ b/models/demos/ttnn_falcon7b/tests/multi_chip/test_falcon_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_falcon7b/tests/test_demo.py b/models/demos/ttnn_falcon7b/tests/test_demo.py index 55f33640557..1127a6c1477 100644 --- a/models/demos/ttnn_falcon7b/tests/test_demo.py +++ b/models/demos/ttnn_falcon7b/tests/test_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_falcon7b/tests/test_falcon_attention.py b/models/demos/ttnn_falcon7b/tests/test_falcon_attention.py index 89512cca80f..05f2e4b009a 100644 --- a/models/demos/ttnn_falcon7b/tests/test_falcon_attention.py +++ b/models/demos/ttnn_falcon7b/tests/test_falcon_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_falcon7b/tests/test_falcon_causallm.py b/models/demos/ttnn_falcon7b/tests/test_falcon_causallm.py index 820632a58b8..00c4bfabea9 100644 --- a/models/demos/ttnn_falcon7b/tests/test_falcon_causallm.py +++ b/models/demos/ttnn_falcon7b/tests/test_falcon_causallm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_falcon7b/tests/test_falcon_decoder.py b/models/demos/ttnn_falcon7b/tests/test_falcon_decoder.py index 243a2a64a79..e0a1428ee72 100644 --- a/models/demos/ttnn_falcon7b/tests/test_falcon_decoder.py +++ b/models/demos/ttnn_falcon7b/tests/test_falcon_decoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_falcon7b/tests/test_falcon_mlp.py b/models/demos/ttnn_falcon7b/tests/test_falcon_mlp.py index 7ff91a2b76d..9ec0df63d7e 100644 --- a/models/demos/ttnn_falcon7b/tests/test_falcon_mlp.py +++ b/models/demos/ttnn_falcon7b/tests/test_falcon_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_falcon7b/tests/test_falcon_model.py b/models/demos/ttnn_falcon7b/tests/test_falcon_model.py index dc75cec28f4..0bf1ecf01c9 100644 --- a/models/demos/ttnn_falcon7b/tests/test_falcon_model.py +++ b/models/demos/ttnn_falcon7b/tests/test_falcon_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_falcon7b/tests/test_falcon_rotary_embedding.py b/models/demos/ttnn_falcon7b/tests/test_falcon_rotary_embedding.py index 29a50fd1bf8..646f67b8b27 100644 --- a/models/demos/ttnn_falcon7b/tests/test_falcon_rotary_embedding.py +++ b/models/demos/ttnn_falcon7b/tests/test_falcon_rotary_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_falcon7b/tests/test_metal_falcon.py b/models/demos/ttnn_falcon7b/tests/test_metal_falcon.py index 86762b9a101..d7f17f9d572 100644 --- a/models/demos/ttnn_falcon7b/tests/test_metal_falcon.py +++ b/models/demos/ttnn_falcon7b/tests/test_metal_falcon.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_falcon7b/tests/test_perf_device_falcon.py b/models/demos/ttnn_falcon7b/tests/test_perf_device_falcon.py index f15f5278f5b..d6c245d7824 100644 --- a/models/demos/ttnn_falcon7b/tests/test_perf_device_falcon.py +++ b/models/demos/ttnn_falcon7b/tests/test_perf_device_falcon.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_falcon7b/tests/test_perf_falcon.py b/models/demos/ttnn_falcon7b/tests/test_perf_falcon.py index 98830cd1ecb..30e8f3150b9 100644 --- a/models/demos/ttnn_falcon7b/tests/test_perf_falcon.py +++ b/models/demos/ttnn_falcon7b/tests/test_perf_falcon.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_falcon7b/tt/__init__.py b/models/demos/ttnn_falcon7b/tt/__init__.py index 6de96e0ce85..040fb115be9 100644 --- a/models/demos/ttnn_falcon7b/tt/__init__.py +++ b/models/demos/ttnn_falcon7b/tt/__init__.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_falcon7b/tt/common.py b/models/demos/ttnn_falcon7b/tt/common.py index d09b8042309..e92dc997257 100644 --- a/models/demos/ttnn_falcon7b/tt/common.py +++ b/models/demos/ttnn_falcon7b/tt/common.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_falcon7b/tt/falcon_attention.py b/models/demos/ttnn_falcon7b/tt/falcon_attention.py index 287d22fd3ac..5c291ba1ea4 100644 --- a/models/demos/ttnn_falcon7b/tt/falcon_attention.py +++ b/models/demos/ttnn_falcon7b/tt/falcon_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_falcon7b/tt/falcon_causallm.py b/models/demos/ttnn_falcon7b/tt/falcon_causallm.py index 7e35ae595a9..f7e0d75590d 100644 --- a/models/demos/ttnn_falcon7b/tt/falcon_causallm.py +++ b/models/demos/ttnn_falcon7b/tt/falcon_causallm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_falcon7b/tt/falcon_decoder.py b/models/demos/ttnn_falcon7b/tt/falcon_decoder.py index 30f374a68dc..2b559cec3db 100644 --- a/models/demos/ttnn_falcon7b/tt/falcon_decoder.py +++ b/models/demos/ttnn_falcon7b/tt/falcon_decoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_falcon7b/tt/falcon_mlp.py b/models/demos/ttnn_falcon7b/tt/falcon_mlp.py index 2d4b9bd88bc..a5f4995bc5e 100644 --- a/models/demos/ttnn_falcon7b/tt/falcon_mlp.py +++ b/models/demos/ttnn_falcon7b/tt/falcon_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_falcon7b/tt/falcon_model.py b/models/demos/ttnn_falcon7b/tt/falcon_model.py index f27f1122947..861c84df363 100644 --- a/models/demos/ttnn_falcon7b/tt/falcon_model.py +++ b/models/demos/ttnn_falcon7b/tt/falcon_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_falcon7b/tt/falcon_rotary_embedding.py b/models/demos/ttnn_falcon7b/tt/falcon_rotary_embedding.py index 7bce03e722b..909c9d6b231 100644 --- a/models/demos/ttnn_falcon7b/tt/falcon_rotary_embedding.py +++ b/models/demos/ttnn_falcon7b/tt/falcon_rotary_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_falcon7b/tt/model_config.py b/models/demos/ttnn_falcon7b/tt/model_config.py index 76ddb1e12bd..2dfb595d4b8 100644 --- a/models/demos/ttnn_falcon7b/tt/model_config.py +++ b/models/demos/ttnn_falcon7b/tt/model_config.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_resnet/tests/demo_utils.py b/models/demos/ttnn_resnet/tests/demo_utils.py index ca3e971e1d8..fd3b313dd24 100644 --- a/models/demos/ttnn_resnet/tests/demo_utils.py +++ b/models/demos/ttnn_resnet/tests/demo_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_resnet/tt/ttnn_functional_resnet50_large_new_conv_api.py b/models/demos/ttnn_resnet/tt/ttnn_functional_resnet50_large_new_conv_api.py index cfe555d0367..7580a654246 100644 --- a/models/demos/ttnn_resnet/tt/ttnn_functional_resnet50_large_new_conv_api.py +++ b/models/demos/ttnn_resnet/tt/ttnn_functional_resnet50_large_new_conv_api.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_resnet/tt/ttnn_functional_resnet50_model_utils.py b/models/demos/ttnn_resnet/tt/ttnn_functional_resnet50_model_utils.py index eff32fdee1c..19535a680d0 100644 --- a/models/demos/ttnn_resnet/tt/ttnn_functional_resnet50_model_utils.py +++ b/models/demos/ttnn_resnet/tt/ttnn_functional_resnet50_model_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_resnet/tt/ttnn_functional_resnet50_xlarge_new_conv_api.py b/models/demos/ttnn_resnet/tt/ttnn_functional_resnet50_xlarge_new_conv_api.py index 5c0750003c1..94bb5077b1c 100644 --- a/models/demos/ttnn_resnet/tt/ttnn_functional_resnet50_xlarge_new_conv_api.py +++ b/models/demos/ttnn_resnet/tt/ttnn_functional_resnet50_xlarge_new_conv_api.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_resnet/tt/ttnn_functional_resnet50_xlarge_new_conv_api_24.py b/models/demos/ttnn_resnet/tt/ttnn_functional_resnet50_xlarge_new_conv_api_24.py index f2e266e1d8b..a3ac41c7000 100644 --- a/models/demos/ttnn_resnet/tt/ttnn_functional_resnet50_xlarge_new_conv_api_24.py +++ b/models/demos/ttnn_resnet/tt/ttnn_functional_resnet50_xlarge_new_conv_api_24.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/ttnn_resnet/tt/ttnn_functional_resnet50_xxlarge_new_conv_api.py b/models/demos/ttnn_resnet/tt/ttnn_functional_resnet50_xxlarge_new_conv_api.py index 45d93ebf685..69909e72044 100644 --- a/models/demos/ttnn_resnet/tt/ttnn_functional_resnet50_xxlarge_new_conv_api.py +++ b/models/demos/ttnn_resnet/tt/ttnn_functional_resnet50_xxlarge_new_conv_api.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/utils/llm_demo_utils.py b/models/demos/utils/llm_demo_utils.py index 451436a510e..893f679e16a 100644 --- a/models/demos/utils/llm_demo_utils.py +++ b/models/demos/utils/llm_demo_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/vgg/demo/demo.py b/models/demos/vgg/demo/demo.py index 0a212a3ab9c..0d836bb1f31 100644 --- a/models/demos/vgg/demo/demo.py +++ b/models/demos/vgg/demo/demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/vgg/demo_utils.py b/models/demos/vgg/demo_utils.py index 32296462f01..2343189b153 100644 --- a/models/demos/vgg/demo_utils.py +++ b/models/demos/vgg/demo_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/vgg/tests/test_perf_vgg.py b/models/demos/vgg/tests/test_perf_vgg.py index b6f2af0e230..2d8e28dfc2c 100644 --- a/models/demos/vgg/tests/test_perf_vgg.py +++ b/models/demos/vgg/tests/test_perf_vgg.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/vgg/tt/ttnn_vgg.py b/models/demos/vgg/tt/ttnn_vgg.py index 4cb986c2730..5217d660893 100644 --- a/models/demos/vgg/tt/ttnn_vgg.py +++ b/models/demos/vgg/tt/ttnn_vgg.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/bert_tiny/demo/demo.py b/models/demos/wormhole/bert_tiny/demo/demo.py index fe403df2338..550c1d95ec1 100644 --- a/models/demos/wormhole/bert_tiny/demo/demo.py +++ b/models/demos/wormhole/bert_tiny/demo/demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/bert_tiny/tests/test_performance.py b/models/demos/wormhole/bert_tiny/tests/test_performance.py index bfb7739c0e5..0e6e508dc02 100644 --- a/models/demos/wormhole/bert_tiny/tests/test_performance.py +++ b/models/demos/wormhole/bert_tiny/tests/test_performance.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/bert_tiny/tt/bert_tiny.py b/models/demos/wormhole/bert_tiny/tt/bert_tiny.py index 98c437c98e8..34b454145bc 100644 --- a/models/demos/wormhole/bert_tiny/tt/bert_tiny.py +++ b/models/demos/wormhole/bert_tiny/tt/bert_tiny.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/falcon7b/demo_wormhole.py b/models/demos/wormhole/falcon7b/demo_wormhole.py index d1650f38a39..a4a0515feda 100644 --- a/models/demos/wormhole/falcon7b/demo_wormhole.py +++ b/models/demos/wormhole/falcon7b/demo_wormhole.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mamba/benchmarks/lm_harness_eval.py b/models/demos/wormhole/mamba/benchmarks/lm_harness_eval.py index 20164fa58e1..93a0d69fc6c 100644 --- a/models/demos/wormhole/mamba/benchmarks/lm_harness_eval.py +++ b/models/demos/wormhole/mamba/benchmarks/lm_harness_eval.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mamba/benchmarks/loglikelihood.py b/models/demos/wormhole/mamba/benchmarks/loglikelihood.py index 83690bddbf2..3313aac96d3 100644 --- a/models/demos/wormhole/mamba/benchmarks/loglikelihood.py +++ b/models/demos/wormhole/mamba/benchmarks/loglikelihood.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mamba/demo/demo.py b/models/demos/wormhole/mamba/demo/demo.py index d5a4017a0b8..3b803bf7011 100644 --- a/models/demos/wormhole/mamba/demo/demo.py +++ b/models/demos/wormhole/mamba/demo/demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mamba/reference/args.py b/models/demos/wormhole/mamba/reference/args.py index 028f3f58c98..a528836a49b 100644 --- a/models/demos/wormhole/mamba/reference/args.py +++ b/models/demos/wormhole/mamba/reference/args.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mamba/reference/decode_model.py b/models/demos/wormhole/mamba/reference/decode_model.py index 041c5175c89..d55ef422642 100644 --- a/models/demos/wormhole/mamba/reference/decode_model.py +++ b/models/demos/wormhole/mamba/reference/decode_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mamba/reference/model.py b/models/demos/wormhole/mamba/reference/model.py index c5e53ab4294..63b4934dae7 100644 --- a/models/demos/wormhole/mamba/reference/model.py +++ b/models/demos/wormhole/mamba/reference/model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mamba/reference/prefill_decode_model.py b/models/demos/wormhole/mamba/reference/prefill_decode_model.py index a7165587873..fec39439ee0 100644 --- a/models/demos/wormhole/mamba/reference/prefill_decode_model.py +++ b/models/demos/wormhole/mamba/reference/prefill_decode_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mamba/tests/test_benchmarks.py b/models/demos/wormhole/mamba/tests/test_benchmarks.py index 65e9e45db5e..12669890711 100644 --- a/models/demos/wormhole/mamba/tests/test_benchmarks.py +++ b/models/demos/wormhole/mamba/tests/test_benchmarks.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mamba/tests/test_mamba_block.py b/models/demos/wormhole/mamba/tests/test_mamba_block.py index 83d6c747393..4c19e476278 100644 --- a/models/demos/wormhole/mamba/tests/test_mamba_block.py +++ b/models/demos/wormhole/mamba/tests/test_mamba_block.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mamba/tests/test_mamba_conv.py b/models/demos/wormhole/mamba/tests/test_mamba_conv.py index c7069fd2172..baf8ce0c256 100644 --- a/models/demos/wormhole/mamba/tests/test_mamba_conv.py +++ b/models/demos/wormhole/mamba/tests/test_mamba_conv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mamba/tests/test_mamba_demo.py b/models/demos/wormhole/mamba/tests/test_mamba_demo.py index 484ffaf9c53..f11738efc68 100644 --- a/models/demos/wormhole/mamba/tests/test_mamba_demo.py +++ b/models/demos/wormhole/mamba/tests/test_mamba_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mamba/tests/test_mamba_model.py b/models/demos/wormhole/mamba/tests/test_mamba_model.py index ee7d2dfd329..bf06e79dab2 100644 --- a/models/demos/wormhole/mamba/tests/test_mamba_model.py +++ b/models/demos/wormhole/mamba/tests/test_mamba_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mamba/tests/test_mamba_perf.py b/models/demos/wormhole/mamba/tests/test_mamba_perf.py index 1f9a2c2ab13..5e167fe4442 100644 --- a/models/demos/wormhole/mamba/tests/test_mamba_perf.py +++ b/models/demos/wormhole/mamba/tests/test_mamba_perf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mamba/tests/test_mamba_ssm.py b/models/demos/wormhole/mamba/tests/test_mamba_ssm.py index 0f592878021..784f1308f27 100644 --- a/models/demos/wormhole/mamba/tests/test_mamba_ssm.py +++ b/models/demos/wormhole/mamba/tests/test_mamba_ssm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mamba/tests/test_reference_model.py b/models/demos/wormhole/mamba/tests/test_reference_model.py index b4160db3300..6a4d609fd18 100644 --- a/models/demos/wormhole/mamba/tests/test_reference_model.py +++ b/models/demos/wormhole/mamba/tests/test_reference_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mamba/tests/test_residual_block.py b/models/demos/wormhole/mamba/tests/test_residual_block.py index 03a0a0df6b2..3850deafd43 100644 --- a/models/demos/wormhole/mamba/tests/test_residual_block.py +++ b/models/demos/wormhole/mamba/tests/test_residual_block.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mamba/tt/mamba_block.py b/models/demos/wormhole/mamba/tt/mamba_block.py index c895a15a17d..ff5e21ea50f 100644 --- a/models/demos/wormhole/mamba/tt/mamba_block.py +++ b/models/demos/wormhole/mamba/tt/mamba_block.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mamba/tt/mamba_conv.py b/models/demos/wormhole/mamba/tt/mamba_conv.py index a2700198f83..8f1dc9181bf 100644 --- a/models/demos/wormhole/mamba/tt/mamba_conv.py +++ b/models/demos/wormhole/mamba/tt/mamba_conv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mamba/tt/mamba_model.py b/models/demos/wormhole/mamba/tt/mamba_model.py index ad346491d2a..0fd737e39dd 100644 --- a/models/demos/wormhole/mamba/tt/mamba_model.py +++ b/models/demos/wormhole/mamba/tt/mamba_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mamba/tt/mamba_ssm.py b/models/demos/wormhole/mamba/tt/mamba_ssm.py index 17f9f1f9005..60686f47cc0 100644 --- a/models/demos/wormhole/mamba/tt/mamba_ssm.py +++ b/models/demos/wormhole/mamba/tt/mamba_ssm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mamba/tt/model_config.py b/models/demos/wormhole/mamba/tt/model_config.py index 8164635e819..1fa723af8b0 100644 --- a/models/demos/wormhole/mamba/tt/model_config.py +++ b/models/demos/wormhole/mamba/tt/model_config.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mamba/tt/residual_block.py b/models/demos/wormhole/mamba/tt/residual_block.py index 58716b95224..b65da3d3223 100644 --- a/models/demos/wormhole/mamba/tt/residual_block.py +++ b/models/demos/wormhole/mamba/tt/residual_block.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mistral7b/demo/demo.py b/models/demos/wormhole/mistral7b/demo/demo.py index 38adfe4a2b1..f02ae35ce2b 100644 --- a/models/demos/wormhole/mistral7b/demo/demo.py +++ b/models/demos/wormhole/mistral7b/demo/demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mistral7b/demo/demo_with_prefill.py b/models/demos/wormhole/mistral7b/demo/demo_with_prefill.py index dac05db95bf..267ed9b4e38 100644 --- a/models/demos/wormhole/mistral7b/demo/demo_with_prefill.py +++ b/models/demos/wormhole/mistral7b/demo/demo_with_prefill.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mistral7b/reference/model.py b/models/demos/wormhole/mistral7b/reference/model.py index 79b750bdd99..34ed89feb6e 100644 --- a/models/demos/wormhole/mistral7b/reference/model.py +++ b/models/demos/wormhole/mistral7b/reference/model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mistral7b/reference/tokenizer.py b/models/demos/wormhole/mistral7b/reference/tokenizer.py index 23dbcaab199..78da71a0a44 100644 --- a/models/demos/wormhole/mistral7b/reference/tokenizer.py +++ b/models/demos/wormhole/mistral7b/reference/tokenizer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mistral7b/scripts/get_mistral_weights.py b/models/demos/wormhole/mistral7b/scripts/get_mistral_weights.py index 1f23d232c85..2b1867130b6 100644 --- a/models/demos/wormhole/mistral7b/scripts/get_mistral_weights.py +++ b/models/demos/wormhole/mistral7b/scripts/get_mistral_weights.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import tarfile diff --git a/models/demos/wormhole/mistral7b/tests/test_mistral_attention.py b/models/demos/wormhole/mistral7b/tests/test_mistral_attention.py index 149f63e063e..6d6c1b7f4ac 100644 --- a/models/demos/wormhole/mistral7b/tests/test_mistral_attention.py +++ b/models/demos/wormhole/mistral7b/tests/test_mistral_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/wormhole/mistral7b/tests/test_mistral_attention_prefill.py b/models/demos/wormhole/mistral7b/tests/test_mistral_attention_prefill.py index b66bbf5d6b3..d7e992cf81b 100644 --- a/models/demos/wormhole/mistral7b/tests/test_mistral_attention_prefill.py +++ b/models/demos/wormhole/mistral7b/tests/test_mistral_attention_prefill.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/wormhole/mistral7b/tests/test_mistral_decoder.py b/models/demos/wormhole/mistral7b/tests/test_mistral_decoder.py index 13096a605a6..48c70f882bf 100644 --- a/models/demos/wormhole/mistral7b/tests/test_mistral_decoder.py +++ b/models/demos/wormhole/mistral7b/tests/test_mistral_decoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/wormhole/mistral7b/tests/test_mistral_decoder_prefill.py b/models/demos/wormhole/mistral7b/tests/test_mistral_decoder_prefill.py index 7a5d16983e5..ee0e644d718 100644 --- a/models/demos/wormhole/mistral7b/tests/test_mistral_decoder_prefill.py +++ b/models/demos/wormhole/mistral7b/tests/test_mistral_decoder_prefill.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/wormhole/mistral7b/tests/test_mistral_embedding.py b/models/demos/wormhole/mistral7b/tests/test_mistral_embedding.py index de247e41b33..563ea3e036a 100644 --- a/models/demos/wormhole/mistral7b/tests/test_mistral_embedding.py +++ b/models/demos/wormhole/mistral7b/tests/test_mistral_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/wormhole/mistral7b/tests/test_mistral_mlp.py b/models/demos/wormhole/mistral7b/tests/test_mistral_mlp.py index c1963b1522f..bdacc1369c5 100644 --- a/models/demos/wormhole/mistral7b/tests/test_mistral_mlp.py +++ b/models/demos/wormhole/mistral7b/tests/test_mistral_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mistral7b/tests/test_mistral_model.py b/models/demos/wormhole/mistral7b/tests/test_mistral_model.py index 523a4fd97ca..a3a897f33a0 100644 --- a/models/demos/wormhole/mistral7b/tests/test_mistral_model.py +++ b/models/demos/wormhole/mistral7b/tests/test_mistral_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/wormhole/mistral7b/tests/test_mistral_model_prefill.py b/models/demos/wormhole/mistral7b/tests/test_mistral_model_prefill.py index cce2c9891b6..4d6c75d7503 100644 --- a/models/demos/wormhole/mistral7b/tests/test_mistral_model_prefill.py +++ b/models/demos/wormhole/mistral7b/tests/test_mistral_model_prefill.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/wormhole/mistral7b/tests/test_mistral_perf.py b/models/demos/wormhole/mistral7b/tests/test_mistral_perf.py index 80badb9da7e..fd64d2dd352 100644 --- a/models/demos/wormhole/mistral7b/tests/test_mistral_perf.py +++ b/models/demos/wormhole/mistral7b/tests/test_mistral_perf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/demos/wormhole/mistral7b/tests/test_mistral_rms_norm.py b/models/demos/wormhole/mistral7b/tests/test_mistral_rms_norm.py index abe5bb77ef4..3174d9afe15 100644 --- a/models/demos/wormhole/mistral7b/tests/test_mistral_rms_norm.py +++ b/models/demos/wormhole/mistral7b/tests/test_mistral_rms_norm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/wormhole/mistral7b/tests/test_mistral_torch.py b/models/demos/wormhole/mistral7b/tests/test_mistral_torch.py index f6aa2a02b0b..55b308555b1 100644 --- a/models/demos/wormhole/mistral7b/tests/test_mistral_torch.py +++ b/models/demos/wormhole/mistral7b/tests/test_mistral_torch.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/wormhole/mistral7b/tt/generate.py b/models/demos/wormhole/mistral7b/tt/generate.py index 195921062cb..b2eedb8f3db 100644 --- a/models/demos/wormhole/mistral7b/tt/generate.py +++ b/models/demos/wormhole/mistral7b/tt/generate.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mistral7b/tt/mistral_attention.py b/models/demos/wormhole/mistral7b/tt/mistral_attention.py index 7fc4b72aa12..438b6386e21 100644 --- a/models/demos/wormhole/mistral7b/tt/mistral_attention.py +++ b/models/demos/wormhole/mistral7b/tt/mistral_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mistral7b/tt/mistral_common.py b/models/demos/wormhole/mistral7b/tt/mistral_common.py index 318f261270d..dfbcf559b0b 100644 --- a/models/demos/wormhole/mistral7b/tt/mistral_common.py +++ b/models/demos/wormhole/mistral7b/tt/mistral_common.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mistral7b/tt/mistral_decoder.py b/models/demos/wormhole/mistral7b/tt/mistral_decoder.py index 80825b72778..5d45f8c00ad 100644 --- a/models/demos/wormhole/mistral7b/tt/mistral_decoder.py +++ b/models/demos/wormhole/mistral7b/tt/mistral_decoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/demos/wormhole/mistral7b/tt/mistral_embedding.py b/models/demos/wormhole/mistral7b/tt/mistral_embedding.py index a00f7374a3c..68d8170dc67 100644 --- a/models/demos/wormhole/mistral7b/tt/mistral_embedding.py +++ b/models/demos/wormhole/mistral7b/tt/mistral_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mistral7b/tt/mistral_mlp.py b/models/demos/wormhole/mistral7b/tt/mistral_mlp.py index 6b67e3c9b5e..8ad4698c7be 100644 --- a/models/demos/wormhole/mistral7b/tt/mistral_mlp.py +++ b/models/demos/wormhole/mistral7b/tt/mistral_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mistral7b/tt/mistral_model.py b/models/demos/wormhole/mistral7b/tt/mistral_model.py index 5670bc71b82..4e2a3394b06 100644 --- a/models/demos/wormhole/mistral7b/tt/mistral_model.py +++ b/models/demos/wormhole/mistral7b/tt/mistral_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/mistral7b/tt/model_config.py b/models/demos/wormhole/mistral7b/tt/model_config.py index a919ce223f3..f856ca31639 100644 --- a/models/demos/wormhole/mistral7b/tt/model_config.py +++ b/models/demos/wormhole/mistral7b/tt/model_config.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/stable_diffusion/custom_preprocessing.py b/models/demos/wormhole/stable_diffusion/custom_preprocessing.py index c85a8f3a7f5..b9a931993a3 100644 --- a/models/demos/wormhole/stable_diffusion/custom_preprocessing.py +++ b/models/demos/wormhole/stable_diffusion/custom_preprocessing.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/stable_diffusion/demo/demo.py b/models/demos/wormhole/stable_diffusion/demo/demo.py index 53fca566f81..29a046b32d4 100644 --- a/models/demos/wormhole/stable_diffusion/demo/demo.py +++ b/models/demos/wormhole/stable_diffusion/demo/demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/stable_diffusion/demo/web_demo/flaskserver.py b/models/demos/wormhole/stable_diffusion/demo/web_demo/flaskserver.py index 963d16f7bab..834460e6227 100644 --- a/models/demos/wormhole/stable_diffusion/demo/web_demo/flaskserver.py +++ b/models/demos/wormhole/stable_diffusion/demo/web_demo/flaskserver.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/stable_diffusion/demo/web_demo/sdserver.py b/models/demos/wormhole/stable_diffusion/demo/web_demo/sdserver.py index cb7d5b3f577..feeb2b0cabd 100644 --- a/models/demos/wormhole/stable_diffusion/demo/web_demo/sdserver.py +++ b/models/demos/wormhole/stable_diffusion/demo/web_demo/sdserver.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/stable_diffusion/demo/web_demo/streamlit_app.py b/models/demos/wormhole/stable_diffusion/demo/web_demo/streamlit_app.py index a6a53606dbb..7794284e431 100644 --- a/models/demos/wormhole/stable_diffusion/demo/web_demo/streamlit_app.py +++ b/models/demos/wormhole/stable_diffusion/demo/web_demo/streamlit_app.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/stable_diffusion/demo/web_demo/web_demo.py b/models/demos/wormhole/stable_diffusion/demo/web_demo/web_demo.py index 2ec33d03bd3..80c78d4a67e 100644 --- a/models/demos/wormhole/stable_diffusion/demo/web_demo/web_demo.py +++ b/models/demos/wormhole/stable_diffusion/demo/web_demo/web_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/stable_diffusion/sd_helper_funcs.py b/models/demos/wormhole/stable_diffusion/sd_helper_funcs.py index bbb8f428624..08199909b51 100644 --- a/models/demos/wormhole/stable_diffusion/sd_helper_funcs.py +++ b/models/demos/wormhole/stable_diffusion/sd_helper_funcs.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/stable_diffusion/sd_pndm_scheduler.py b/models/demos/wormhole/stable_diffusion/sd_pndm_scheduler.py index 1d61333a288..e9e1be028fd 100644 --- a/models/demos/wormhole/stable_diffusion/sd_pndm_scheduler.py +++ b/models/demos/wormhole/stable_diffusion/sd_pndm_scheduler.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/stable_diffusion/test_multiple_iterations.py b/models/demos/wormhole/stable_diffusion/test_multiple_iterations.py index 8db6aee6f39..7baab9856c6 100644 --- a/models/demos/wormhole/stable_diffusion/test_multiple_iterations.py +++ b/models/demos/wormhole/stable_diffusion/test_multiple_iterations.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_basic_transformer_block.py b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_basic_transformer_block.py index d66bf63c026..5cb64936fcc 100644 --- a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_basic_transformer_block.py +++ b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_basic_transformer_block.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_cross_attention.py b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_cross_attention.py index 65e64c4e7f1..ed2c6b2c836 100644 --- a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_cross_attention.py +++ b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_cross_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_cross_attention_down_block_2d_new_conv.py b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_cross_attention_down_block_2d_new_conv.py index 54bf5be169d..9e2b6cface1 100644 --- a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_cross_attention_down_block_2d_new_conv.py +++ b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_cross_attention_down_block_2d_new_conv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_cross_attn_upblock_new_conv.py b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_cross_attn_upblock_new_conv.py index 276fb888c5b..f3708ae9e2f 100644 --- a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_cross_attn_upblock_new_conv.py +++ b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_cross_attn_upblock_new_conv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_downblock_2d.py b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_downblock_2d.py index 99eab0dd07e..05303d88090 100644 --- a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_downblock_2d.py +++ b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_downblock_2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_downblock_2d_new_conv.py b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_downblock_2d_new_conv.py index 8c434964537..55c42bc2fbc 100644 --- a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_downblock_2d_new_conv.py +++ b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_downblock_2d_new_conv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_downsample_2d_new_conv.py b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_downsample_2d_new_conv.py index 2ad02078d71..10d81b1a603 100644 --- a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_downsample_2d_new_conv.py +++ b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_downsample_2d_new_conv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_embeddings.py b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_embeddings.py index 912d8fae398..a19565acfe0 100644 --- a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_embeddings.py +++ b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_embeddings.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_feedforward.py b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_feedforward.py index 6a509618127..caf93918bdc 100644 --- a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_feedforward.py +++ b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_feedforward.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_geglu.py b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_geglu.py index 0594049e560..f877efcb539 100644 --- a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_geglu.py +++ b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_geglu.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_resnetblock2d_new_conv.py b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_resnetblock2d_new_conv.py index cdcea705626..42c4444bc47 100644 --- a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_resnetblock2d_new_conv.py +++ b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_resnetblock2d_new_conv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_transformer_2d_new_conv.py b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_transformer_2d_new_conv.py index 12e4d543207..bb184d8dc87 100644 --- a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_transformer_2d_new_conv.py +++ b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_transformer_2d_new_conv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_unet_2d_condition_model_new_conv.py b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_unet_2d_condition_model_new_conv.py index 9cbdfff2f48..8590de1c0dc 100644 --- a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_unet_2d_condition_model_new_conv.py +++ b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_unet_2d_condition_model_new_conv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_unet_mid_block_2d_cross_attn_new_conv.py b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_unet_mid_block_2d_cross_attn_new_conv.py index 86b60da8c82..96239b87ce8 100644 --- a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_unet_mid_block_2d_cross_attn_new_conv.py +++ b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_unet_mid_block_2d_cross_attn_new_conv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_upblock_2d.py b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_upblock_2d.py index 65e8129739f..45f68b801eb 100644 --- a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_upblock_2d.py +++ b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_upblock_2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_upblock_2d_new_conv.py b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_upblock_2d_new_conv.py index 589b7e5930d..3dc68135572 100644 --- a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_upblock_2d_new_conv.py +++ b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_upblock_2d_new_conv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_upsample_2d_new_conv.py b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_upsample_2d_new_conv.py index 622a63065db..90955d6bf77 100644 --- a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_upsample_2d_new_conv.py +++ b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_upsample_2d_new_conv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_upsample_nearest_2d.py b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_upsample_nearest_2d.py index c98121dcb29..b05e625b7f2 100644 --- a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_upsample_nearest_2d.py +++ b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_upsample_nearest_2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_utility_functions.py b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_utility_functions.py index a3a1bc7827e..d4ab00458a6 100644 --- a/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_utility_functions.py +++ b/models/demos/wormhole/stable_diffusion/tt/ttnn_functional_utility_functions.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/vit/demo/demo_vit_ttnn_imagenet_inference.py b/models/demos/wormhole/vit/demo/demo_vit_ttnn_imagenet_inference.py index 8052aacbfba..b0248ab34d0 100644 --- a/models/demos/wormhole/vit/demo/demo_vit_ttnn_imagenet_inference.py +++ b/models/demos/wormhole/vit/demo/demo_vit_ttnn_imagenet_inference.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/vit/demo/demo_vit_ttnn_inference_device_OPs.py b/models/demos/wormhole/vit/demo/demo_vit_ttnn_inference_device_OPs.py index 8ac041fa956..be6ad0ad062 100644 --- a/models/demos/wormhole/vit/demo/demo_vit_ttnn_inference_device_OPs.py +++ b/models/demos/wormhole/vit/demo/demo_vit_ttnn_inference_device_OPs.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/vit/demo/demo_vit_ttnn_inference_perf_e2e_2cq_trace.py b/models/demos/wormhole/vit/demo/demo_vit_ttnn_inference_perf_e2e_2cq_trace.py index ec9d398feb0..ffcc6209045 100644 --- a/models/demos/wormhole/vit/demo/demo_vit_ttnn_inference_perf_e2e_2cq_trace.py +++ b/models/demos/wormhole/vit/demo/demo_vit_ttnn_inference_perf_e2e_2cq_trace.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/wormhole/vit/demo/demo_vit_ttnn_inference_throughput.py b/models/demos/wormhole/vit/demo/demo_vit_ttnn_inference_throughput.py index 7dd83e69ca0..ec617007b4b 100644 --- a/models/demos/wormhole/vit/demo/demo_vit_ttnn_inference_throughput.py +++ b/models/demos/wormhole/vit/demo/demo_vit_ttnn_inference_throughput.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/yolov4/demo/demo.py b/models/demos/yolov4/demo/demo.py index 47ddc2b0abf..7a4f41cccf8 100644 --- a/models/demos/yolov4/demo/demo.py +++ b/models/demos/yolov4/demo/demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/yolov4/reference/downsample1.py b/models/demos/yolov4/reference/downsample1.py index 13ca5fcf4d1..3644ee2b569 100644 --- a/models/demos/yolov4/reference/downsample1.py +++ b/models/demos/yolov4/reference/downsample1.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/yolov4/reference/downsample2.py b/models/demos/yolov4/reference/downsample2.py index 83d7347199a..a295869a061 100644 --- a/models/demos/yolov4/reference/downsample2.py +++ b/models/demos/yolov4/reference/downsample2.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/yolov4/reference/downsample3.py b/models/demos/yolov4/reference/downsample3.py index b2c25852d78..07439adabb9 100644 --- a/models/demos/yolov4/reference/downsample3.py +++ b/models/demos/yolov4/reference/downsample3.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/yolov4/reference/downsample4.py b/models/demos/yolov4/reference/downsample4.py index 28c5ada5aab..ceb2fd4bcc7 100644 --- a/models/demos/yolov4/reference/downsample4.py +++ b/models/demos/yolov4/reference/downsample4.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/yolov4/reference/downsample5.py b/models/demos/yolov4/reference/downsample5.py index 984a441d36b..5cb953ce1ff 100644 --- a/models/demos/yolov4/reference/downsample5.py +++ b/models/demos/yolov4/reference/downsample5.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/yolov4/reference/head.py b/models/demos/yolov4/reference/head.py index 756daabfd7d..d671c3f6dcb 100644 --- a/models/demos/yolov4/reference/head.py +++ b/models/demos/yolov4/reference/head.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/yolov4/reference/neck.py b/models/demos/yolov4/reference/neck.py index 9a35a5f428f..596c878b200 100644 --- a/models/demos/yolov4/reference/neck.py +++ b/models/demos/yolov4/reference/neck.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/yolov4/reference/resblock.py b/models/demos/yolov4/reference/resblock.py index 883ee0b3137..748c64ee85a 100644 --- a/models/demos/yolov4/reference/resblock.py +++ b/models/demos/yolov4/reference/resblock.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/yolov4/reference/yolov4.py b/models/demos/yolov4/reference/yolov4.py index 00002ef760f..9b9f1525a54 100644 --- a/models/demos/yolov4/reference/yolov4.py +++ b/models/demos/yolov4/reference/yolov4.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/yolov4/reference/yolov4_summary.py b/models/demos/yolov4/reference/yolov4_summary.py index c872a56f088..d82c35aaf72 100644 --- a/models/demos/yolov4/reference/yolov4_summary.py +++ b/models/demos/yolov4/reference/yolov4_summary.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/yolov4/ttnn/common.py b/models/demos/yolov4/ttnn/common.py index d9e2a8a0bd6..016858a9fc0 100644 --- a/models/demos/yolov4/ttnn/common.py +++ b/models/demos/yolov4/ttnn/common.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/yolov4/ttnn/downsample1.py b/models/demos/yolov4/ttnn/downsample1.py index 8644a3915e8..26a1f1b5ff5 100644 --- a/models/demos/yolov4/ttnn/downsample1.py +++ b/models/demos/yolov4/ttnn/downsample1.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/yolov4/ttnn/downsample2.py b/models/demos/yolov4/ttnn/downsample2.py index d852c54b2f3..e359ec3e1e5 100644 --- a/models/demos/yolov4/ttnn/downsample2.py +++ b/models/demos/yolov4/ttnn/downsample2.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/yolov4/ttnn/downsample3.py b/models/demos/yolov4/ttnn/downsample3.py index 8bca41f2d74..b072060a6b4 100644 --- a/models/demos/yolov4/ttnn/downsample3.py +++ b/models/demos/yolov4/ttnn/downsample3.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/yolov4/ttnn/downsample4.py b/models/demos/yolov4/ttnn/downsample4.py index b47481b030c..582918cf90f 100644 --- a/models/demos/yolov4/ttnn/downsample4.py +++ b/models/demos/yolov4/ttnn/downsample4.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/yolov4/ttnn/downsample5.py b/models/demos/yolov4/ttnn/downsample5.py index e125a6249df..bdd16ccb8ca 100644 --- a/models/demos/yolov4/ttnn/downsample5.py +++ b/models/demos/yolov4/ttnn/downsample5.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/yolov4/ttnn/head.py b/models/demos/yolov4/ttnn/head.py index 7bb2036a383..cc47969679d 100644 --- a/models/demos/yolov4/ttnn/head.py +++ b/models/demos/yolov4/ttnn/head.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/yolov4/ttnn/neck.py b/models/demos/yolov4/ttnn/neck.py index 08f505d7a24..2c719b6f2ac 100644 --- a/models/demos/yolov4/ttnn/neck.py +++ b/models/demos/yolov4/ttnn/neck.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/yolov4/ttnn/yolov4.py b/models/demos/yolov4/ttnn/yolov4.py index 04dff78736e..d14e216f8ea 100644 --- a/models/demos/yolov4/ttnn/yolov4.py +++ b/models/demos/yolov4/ttnn/yolov4.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/demos/yolov4/web_demo/server/fast_api_yolov4.py b/models/demos/yolov4/web_demo/server/fast_api_yolov4.py index 19732cbc074..8b97678fc71 100755 --- a/models/demos/yolov4/web_demo/server/fast_api_yolov4.py +++ b/models/demos/yolov4/web_demo/server/fast_api_yolov4.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import json diff --git a/models/experimental/bert/fused_ops/add_and_norm.py b/models/experimental/bert/fused_ops/add_and_norm.py index f830086f84c..56e6bce0a68 100644 --- a/models/experimental/bert/fused_ops/add_and_norm.py +++ b/models/experimental/bert/fused_ops/add_and_norm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert/fused_ops/layernorm.py b/models/experimental/bert/fused_ops/layernorm.py index 767a5093c74..e0d601dc42e 100644 --- a/models/experimental/bert/fused_ops/layernorm.py +++ b/models/experimental/bert/fused_ops/layernorm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert/fused_ops/linear.py b/models/experimental/bert/fused_ops/linear.py index 4b3f37bd2d0..e639287aeed 100644 --- a/models/experimental/bert/fused_ops/linear.py +++ b/models/experimental/bert/fused_ops/linear.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert/tests/test_bert.py b/models/experimental/bert/tests/test_bert.py index 0713453963f..71415323038 100644 --- a/models/experimental/bert/tests/test_bert.py +++ b/models/experimental/bert/tests/test_bert.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert/tt/add_and_norm.py b/models/experimental/bert/tt/add_and_norm.py index ab01e604153..b04e9e4859f 100644 --- a/models/experimental/bert/tt/add_and_norm.py +++ b/models/experimental/bert/tt/add_and_norm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert/tt/bert_encoder.py b/models/experimental/bert/tt/bert_encoder.py index 60a8a664c40..d3cde3f4756 100644 --- a/models/experimental/bert/tt/bert_encoder.py +++ b/models/experimental/bert/tt/bert_encoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert/tt/embeddings.py b/models/experimental/bert/tt/embeddings.py index 250b60c6851..e769f881222 100644 --- a/models/experimental/bert/tt/embeddings.py +++ b/models/experimental/bert/tt/embeddings.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert/tt/ffn.py b/models/experimental/bert/tt/ffn.py index d41b80f2f9d..5dd1aeb6c08 100644 --- a/models/experimental/bert/tt/ffn.py +++ b/models/experimental/bert/tt/ffn.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert/tt/mha.py b/models/experimental/bert/tt/mha.py index 4ec4e43e445..655c0c0ec6f 100644 --- a/models/experimental/bert/tt/mha.py +++ b/models/experimental/bert/tt/mha.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_large_perf/fused_ops/add_and_norm.py b/models/experimental/bert_large_perf/fused_ops/add_and_norm.py index 008b41261c0..34775635d29 100644 --- a/models/experimental/bert_large_perf/fused_ops/add_and_norm.py +++ b/models/experimental/bert_large_perf/fused_ops/add_and_norm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_large_perf/fused_ops/layernorm.py b/models/experimental/bert_large_perf/fused_ops/layernorm.py index 9b6d702abe8..75fad06c2e2 100644 --- a/models/experimental/bert_large_perf/fused_ops/layernorm.py +++ b/models/experimental/bert_large_perf/fused_ops/layernorm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_large_perf/fused_ops/linear.py b/models/experimental/bert_large_perf/fused_ops/linear.py index 50a2f4a3794..e80d7b71218 100644 --- a/models/experimental/bert_large_perf/fused_ops/linear.py +++ b/models/experimental/bert_large_perf/fused_ops/linear.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_large_perf/tests/test_baseline_perf.py b/models/experimental/bert_large_perf/tests/test_baseline_perf.py index 22a842c4f50..742e8268598 100644 --- a/models/experimental/bert_large_perf/tests/test_baseline_perf.py +++ b/models/experimental/bert_large_perf/tests/test_baseline_perf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_large_perf/tests/test_bert_batch_dram.py b/models/experimental/bert_large_perf/tests/test_bert_batch_dram.py index 2184f5c85f0..ebfed77c7cf 100644 --- a/models/experimental/bert_large_perf/tests/test_bert_batch_dram.py +++ b/models/experimental/bert_large_perf/tests/test_bert_batch_dram.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_large_perf/tests/test_bert_const_prop.py b/models/experimental/bert_large_perf/tests/test_bert_const_prop.py index 0f566b17350..371a06287e4 100644 --- a/models/experimental/bert_large_perf/tests/test_bert_const_prop.py +++ b/models/experimental/bert_large_perf/tests/test_bert_const_prop.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_large_perf/tests/test_bert_loop_the_model.py b/models/experimental/bert_large_perf/tests/test_bert_loop_the_model.py index 1871ff9d88d..e81bd431c43 100644 --- a/models/experimental/bert_large_perf/tests/test_bert_loop_the_model.py +++ b/models/experimental/bert_large_perf/tests/test_bert_loop_the_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_large_perf/tests/test_bert_sample_qas.py b/models/experimental/bert_large_perf/tests/test_bert_sample_qas.py index 61ca913837a..bd9d6cbd031 100644 --- a/models/experimental/bert_large_perf/tests/test_bert_sample_qas.py +++ b/models/experimental/bert_large_perf/tests/test_bert_sample_qas.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_large_perf/tt/add_and_norm.py b/models/experimental/bert_large_perf/tt/add_and_norm.py index 04baaa79861..527ef983f6f 100644 --- a/models/experimental/bert_large_perf/tt/add_and_norm.py +++ b/models/experimental/bert_large_perf/tt/add_and_norm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_large_perf/tt/bert_encoder.py b/models/experimental/bert_large_perf/tt/bert_encoder.py index 1939379a3a8..473b67e5b59 100644 --- a/models/experimental/bert_large_perf/tt/bert_encoder.py +++ b/models/experimental/bert_large_perf/tt/bert_encoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_large_perf/tt/embeddings.py b/models/experimental/bert_large_perf/tt/embeddings.py index 250b60c6851..e769f881222 100644 --- a/models/experimental/bert_large_perf/tt/embeddings.py +++ b/models/experimental/bert_large_perf/tt/embeddings.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_large_perf/tt/ffn.py b/models/experimental/bert_large_perf/tt/ffn.py index 46bc3e3703e..e1e70112921 100644 --- a/models/experimental/bert_large_perf/tt/ffn.py +++ b/models/experimental/bert_large_perf/tt/ffn.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_large_perf/tt/mha.py b/models/experimental/bert_large_perf/tt/mha.py index 4fc0b6848c7..7e4cd65a89b 100644 --- a/models/experimental/bert_large_perf/tt/mha.py +++ b/models/experimental/bert_large_perf/tt/mha.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_large_performant/unit_tests/fused_ops/test_bert_large_fused_ln.py b/models/experimental/bert_large_performant/unit_tests/fused_ops/test_bert_large_fused_ln.py index f159033e22c..1a83b0e3c59 100644 --- a/models/experimental/bert_large_performant/unit_tests/fused_ops/test_bert_large_fused_ln.py +++ b/models/experimental/bert_large_performant/unit_tests/fused_ops/test_bert_large_fused_ln.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_large_performant/unit_tests/fused_ops/test_bert_large_fused_softmax.py b/models/experimental/bert_large_performant/unit_tests/fused_ops/test_bert_large_fused_softmax.py index eef5e2c7914..92a8a452a42 100644 --- a/models/experimental/bert_large_performant/unit_tests/fused_ops/test_bert_large_fused_softmax.py +++ b/models/experimental/bert_large_performant/unit_tests/fused_ops/test_bert_large_fused_softmax.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_large_performant/unit_tests/test_bert_large_concatenate_heads.py b/models/experimental/bert_large_performant/unit_tests/test_bert_large_concatenate_heads.py index b8fe7316c8f..27dc1205cac 100644 --- a/models/experimental/bert_large_performant/unit_tests/test_bert_large_concatenate_heads.py +++ b/models/experimental/bert_large_performant/unit_tests/test_bert_large_concatenate_heads.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_large_performant/unit_tests/test_bert_large_ff1_matmul.py b/models/experimental/bert_large_performant/unit_tests/test_bert_large_ff1_matmul.py index e6b55e7a426..0913efb99a1 100644 --- a/models/experimental/bert_large_performant/unit_tests/test_bert_large_ff1_matmul.py +++ b/models/experimental/bert_large_performant/unit_tests/test_bert_large_ff1_matmul.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_large_performant/unit_tests/test_bert_large_ff2_matmul.py b/models/experimental/bert_large_performant/unit_tests/test_bert_large_ff2_matmul.py index 3c98e664c98..1fe43b9e93d 100644 --- a/models/experimental/bert_large_performant/unit_tests/test_bert_large_ff2_matmul.py +++ b/models/experimental/bert_large_performant/unit_tests/test_bert_large_ff2_matmul.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_large_performant/unit_tests/test_bert_large_fused_qkv_matmul.py b/models/experimental/bert_large_performant/unit_tests/test_bert_large_fused_qkv_matmul.py index 427ca0c019b..df923aa198e 100644 --- a/models/experimental/bert_large_performant/unit_tests/test_bert_large_fused_qkv_matmul.py +++ b/models/experimental/bert_large_performant/unit_tests/test_bert_large_fused_qkv_matmul.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_large_performant/unit_tests/test_bert_large_matmuls_and_bmms_with_mixed_precision.py b/models/experimental/bert_large_performant/unit_tests/test_bert_large_matmuls_and_bmms_with_mixed_precision.py index 81d949f60df..6ed69cb51aa 100644 --- a/models/experimental/bert_large_performant/unit_tests/test_bert_large_matmuls_and_bmms_with_mixed_precision.py +++ b/models/experimental/bert_large_performant/unit_tests/test_bert_large_matmuls_and_bmms_with_mixed_precision.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_large_performant/unit_tests/test_bert_large_post_softmax_bmm.py b/models/experimental/bert_large_performant/unit_tests/test_bert_large_post_softmax_bmm.py index 7009169cd0a..d5fe4b88f1a 100644 --- a/models/experimental/bert_large_performant/unit_tests/test_bert_large_post_softmax_bmm.py +++ b/models/experimental/bert_large_performant/unit_tests/test_bert_large_post_softmax_bmm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_large_performant/unit_tests/test_bert_large_pre_softmax_bmm.py b/models/experimental/bert_large_performant/unit_tests/test_bert_large_pre_softmax_bmm.py index 8c655711354..850e9d27a4d 100644 --- a/models/experimental/bert_large_performant/unit_tests/test_bert_large_pre_softmax_bmm.py +++ b/models/experimental/bert_large_performant/unit_tests/test_bert_large_pre_softmax_bmm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_large_performant/unit_tests/test_bert_large_selfout_matmul.py b/models/experimental/bert_large_performant/unit_tests/test_bert_large_selfout_matmul.py index a6acdc530a0..3d09c4f298a 100644 --- a/models/experimental/bert_large_performant/unit_tests/test_bert_large_selfout_matmul.py +++ b/models/experimental/bert_large_performant/unit_tests/test_bert_large_selfout_matmul.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_large_performant/unit_tests/test_bert_large_split_and_transform_qkv_heads.py b/models/experimental/bert_large_performant/unit_tests/test_bert_large_split_and_transform_qkv_heads.py index 14db23f93ad..e9deb8c0431 100644 --- a/models/experimental/bert_large_performant/unit_tests/test_bert_large_split_and_transform_qkv_heads.py +++ b/models/experimental/bert_large_performant/unit_tests/test_bert_large_split_and_transform_qkv_heads.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_large_performant/unit_tests/test_bert_large_split_query_key_value_and_split_heads.py b/models/experimental/bert_large_performant/unit_tests/test_bert_large_split_query_key_value_and_split_heads.py index 8346ed7e805..b4cca9cf1fc 100644 --- a/models/experimental/bert_large_performant/unit_tests/test_bert_large_split_query_key_value_and_split_heads.py +++ b/models/experimental/bert_large_performant/unit_tests/test_bert_large_split_query_key_value_and_split_heads.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_large_performant/unit_tests/test_bert_large_split_query_key_value_and_split_heads_sharded.py b/models/experimental/bert_large_performant/unit_tests/test_bert_large_split_query_key_value_and_split_heads_sharded.py index 33476234b6a..174bbecce4b 100644 --- a/models/experimental/bert_large_performant/unit_tests/test_bert_large_split_query_key_value_and_split_heads_sharded.py +++ b/models/experimental/bert_large_performant/unit_tests/test_bert_large_split_query_key_value_and_split_heads_sharded.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_tiny/bert_tiny_helper_funcs.py b/models/experimental/bert_tiny/bert_tiny_helper_funcs.py index bf8fa5648e2..06590f605c8 100644 --- a/models/experimental/bert_tiny/bert_tiny_helper_funcs.py +++ b/models/experimental/bert_tiny/bert_tiny_helper_funcs.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import ttnn diff --git a/models/experimental/bert_tiny/tests/test_bert.py b/models/experimental/bert_tiny/tests/test_bert.py index adca04350a0..d0c23aaae1f 100644 --- a/models/experimental/bert_tiny/tests/test_bert.py +++ b/models/experimental/bert_tiny/tests/test_bert.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_tiny/tests/test_bert_attention.py b/models/experimental/bert_tiny/tests/test_bert_attention.py index 20168f8140b..7c103d849c4 100644 --- a/models/experimental/bert_tiny/tests/test_bert_attention.py +++ b/models/experimental/bert_tiny/tests/test_bert_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/experimental/bert_tiny/tests/test_bert_encoder.py b/models/experimental/bert_tiny/tests/test_bert_encoder.py index 4951c23fa42..9b245bacc28 100644 --- a/models/experimental/bert_tiny/tests/test_bert_encoder.py +++ b/models/experimental/bert_tiny/tests/test_bert_encoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/experimental/bert_tiny/tests/test_bert_intermediate.py b/models/experimental/bert_tiny/tests/test_bert_intermediate.py index 6450626759b..306eb3a6cd1 100644 --- a/models/experimental/bert_tiny/tests/test_bert_intermediate.py +++ b/models/experimental/bert_tiny/tests/test_bert_intermediate.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/experimental/bert_tiny/tests/test_bert_layer.py b/models/experimental/bert_tiny/tests/test_bert_layer.py index ea8770ed9ba..a90bda277dc 100644 --- a/models/experimental/bert_tiny/tests/test_bert_layer.py +++ b/models/experimental/bert_tiny/tests/test_bert_layer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/experimental/bert_tiny/tests/test_bert_output.py b/models/experimental/bert_tiny/tests/test_bert_output.py index 32c49f74295..d64c9bd5764 100644 --- a/models/experimental/bert_tiny/tests/test_bert_output.py +++ b/models/experimental/bert_tiny/tests/test_bert_output.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/experimental/bert_tiny/tests/test_bert_qa.py b/models/experimental/bert_tiny/tests/test_bert_qa.py index f178d7d6d78..dc0b05a4f86 100644 --- a/models/experimental/bert_tiny/tests/test_bert_qa.py +++ b/models/experimental/bert_tiny/tests/test_bert_qa.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_tiny/tests/test_bert_self_attention.py b/models/experimental/bert_tiny/tests/test_bert_self_attention.py index 64d2b409d14..5688616782f 100644 --- a/models/experimental/bert_tiny/tests/test_bert_self_attention.py +++ b/models/experimental/bert_tiny/tests/test_bert_self_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/experimental/bert_tiny/tt/bert.py b/models/experimental/bert_tiny/tt/bert.py index 41a6f721eff..d7713640bd0 100644 --- a/models/experimental/bert_tiny/tt/bert.py +++ b/models/experimental/bert_tiny/tt/bert.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_tiny/tt/bert_attention.py b/models/experimental/bert_tiny/tt/bert_attention.py index a81069f7f2f..202a1cb93ef 100644 --- a/models/experimental/bert_tiny/tt/bert_attention.py +++ b/models/experimental/bert_tiny/tt/bert_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_tiny/tt/bert_encoder.py b/models/experimental/bert_tiny/tt/bert_encoder.py index adb88e57a6a..0a59c0848da 100644 --- a/models/experimental/bert_tiny/tt/bert_encoder.py +++ b/models/experimental/bert_tiny/tt/bert_encoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_tiny/tt/bert_for_question_answering.py b/models/experimental/bert_tiny/tt/bert_for_question_answering.py index a12f5d545b4..09b12d5451e 100644 --- a/models/experimental/bert_tiny/tt/bert_for_question_answering.py +++ b/models/experimental/bert_tiny/tt/bert_for_question_answering.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_tiny/tt/bert_intermediate.py b/models/experimental/bert_tiny/tt/bert_intermediate.py index b74ddab7e8c..27f96860f2a 100644 --- a/models/experimental/bert_tiny/tt/bert_intermediate.py +++ b/models/experimental/bert_tiny/tt/bert_intermediate.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_tiny/tt/bert_layer.py b/models/experimental/bert_tiny/tt/bert_layer.py index c089939f593..73764cab4de 100644 --- a/models/experimental/bert_tiny/tt/bert_layer.py +++ b/models/experimental/bert_tiny/tt/bert_layer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_tiny/tt/bert_output.py b/models/experimental/bert_tiny/tt/bert_output.py index f3b6e5fb967..ddb85849a70 100644 --- a/models/experimental/bert_tiny/tt/bert_output.py +++ b/models/experimental/bert_tiny/tt/bert_output.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bert_tiny/tt/bert_self_attention.py b/models/experimental/bert_tiny/tt/bert_self_attention.py index d0dfa8e8688..b033eef0f5f 100644 --- a/models/experimental/bert_tiny/tt/bert_self_attention.py +++ b/models/experimental/bert_tiny/tt/bert_self_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/blazepose/demo/blazebase.py b/models/experimental/blazepose/demo/blazebase.py index 519c7061f94..36a822c8059 100644 --- a/models/experimental/blazepose/demo/blazebase.py +++ b/models/experimental/blazepose/demo/blazebase.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/blazepose/demo/blazepose.py b/models/experimental/blazepose/demo/blazepose.py index e26ffb08eb6..6da6c619fb7 100644 --- a/models/experimental/blazepose/demo/blazepose.py +++ b/models/experimental/blazepose/demo/blazepose.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/blazepose/demo/blazepose_demo.py b/models/experimental/blazepose/demo/blazepose_demo.py index c72abdce784..b0f9eb16aa4 100644 --- a/models/experimental/blazepose/demo/blazepose_demo.py +++ b/models/experimental/blazepose/demo/blazepose_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/blazepose/demo/blazepose_landmark.py b/models/experimental/blazepose/demo/blazepose_landmark.py index 39eafdf2668..f3b1e5cfc3b 100644 --- a/models/experimental/blazepose/demo/blazepose_landmark.py +++ b/models/experimental/blazepose/demo/blazepose_landmark.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/blazepose/visualization.py b/models/experimental/blazepose/visualization.py index 1e78e6b8396..fca44bc3354 100644 --- a/models/experimental/blazepose/visualization.py +++ b/models/experimental/blazepose/visualization.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom/bloom_utils.py b/models/experimental/bloom/bloom_utils.py index 834a5327ed8..16c64cf9bbb 100644 --- a/models/experimental/bloom/bloom_utils.py +++ b/models/experimental/bloom/bloom_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom/dataset_utils.py b/models/experimental/bloom/dataset_utils.py index 20796ccf245..be0977d1e06 100644 --- a/models/experimental/bloom/dataset_utils.py +++ b/models/experimental/bloom/dataset_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom/demo/gs_demo_for_causalLM.py b/models/experimental/bloom/demo/gs_demo_for_causalLM.py index 6c741cb1017..073f83cf877 100644 --- a/models/experimental/bloom/demo/gs_demo_for_causalLM.py +++ b/models/experimental/bloom/demo/gs_demo_for_causalLM.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom/demo/gs_demo_for_qa.py b/models/experimental/bloom/demo/gs_demo_for_qa.py index 694747204e8..6aebf0e7896 100644 --- a/models/experimental/bloom/demo/gs_demo_for_qa.py +++ b/models/experimental/bloom/demo/gs_demo_for_qa.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom/tests/test_baddbmm.py b/models/experimental/bloom/tests/test_baddbmm.py index 04a21000852..64368acf229 100644 --- a/models/experimental/bloom/tests/test_baddbmm.py +++ b/models/experimental/bloom/tests/test_baddbmm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom/tests/test_bloom_attention.py b/models/experimental/bloom/tests/test_bloom_attention.py index fa48c159706..bc1af7811d6 100644 --- a/models/experimental/bloom/tests/test_bloom_attention.py +++ b/models/experimental/bloom/tests/test_bloom_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom/tests/test_bloom_block.py b/models/experimental/bloom/tests/test_bloom_block.py index 2a9c99f730b..9a4c2b0a1bf 100644 --- a/models/experimental/bloom/tests/test_bloom_block.py +++ b/models/experimental/bloom/tests/test_bloom_block.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom/tests/test_bloom_causal_lm.py b/models/experimental/bloom/tests/test_bloom_causal_lm.py index 38124da28a4..7ad116428c3 100644 --- a/models/experimental/bloom/tests/test_bloom_causal_lm.py +++ b/models/experimental/bloom/tests/test_bloom_causal_lm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom/tests/test_bloom_gelu_forward.py b/models/experimental/bloom/tests/test_bloom_gelu_forward.py index e38ba9b4a5e..ae348d468e9 100644 --- a/models/experimental/bloom/tests/test_bloom_gelu_forward.py +++ b/models/experimental/bloom/tests/test_bloom_gelu_forward.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom/tests/test_bloom_generation.py b/models/experimental/bloom/tests/test_bloom_generation.py index 4bb7cfe7f0d..1d52d495798 100644 --- a/models/experimental/bloom/tests/test_bloom_generation.py +++ b/models/experimental/bloom/tests/test_bloom_generation.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom/tests/test_bloom_merge_heads.py b/models/experimental/bloom/tests/test_bloom_merge_heads.py index 2ea7244aa1d..b3fcba5e12d 100644 --- a/models/experimental/bloom/tests/test_bloom_merge_heads.py +++ b/models/experimental/bloom/tests/test_bloom_merge_heads.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom/tests/test_bloom_mlp.py b/models/experimental/bloom/tests/test_bloom_mlp.py index 3b287c9db85..fac54f662ce 100644 --- a/models/experimental/bloom/tests/test_bloom_mlp.py +++ b/models/experimental/bloom/tests/test_bloom_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom/tests/test_bloom_model.py b/models/experimental/bloom/tests/test_bloom_model.py index 9f5c361d9b1..3b65e54d637 100644 --- a/models/experimental/bloom/tests/test_bloom_model.py +++ b/models/experimental/bloom/tests/test_bloom_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom/tests/test_perf_bloom.py b/models/experimental/bloom/tests/test_perf_bloom.py index d74899ac172..e42b70196f0 100644 --- a/models/experimental/bloom/tests/test_perf_bloom.py +++ b/models/experimental/bloom/tests/test_perf_bloom.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom/tt/baddbmm.py b/models/experimental/bloom/tt/baddbmm.py index d05820ed117..cb34ab55c9d 100644 --- a/models/experimental/bloom/tt/baddbmm.py +++ b/models/experimental/bloom/tt/baddbmm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom/tt/bloom_attention.py b/models/experimental/bloom/tt/bloom_attention.py index a9083c79bf9..88c2b34cc83 100644 --- a/models/experimental/bloom/tt/bloom_attention.py +++ b/models/experimental/bloom/tt/bloom_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom/tt/bloom_block.py b/models/experimental/bloom/tt/bloom_block.py index 86779323973..754200b68ff 100644 --- a/models/experimental/bloom/tt/bloom_block.py +++ b/models/experimental/bloom/tt/bloom_block.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom/tt/bloom_causal_lm.py b/models/experimental/bloom/tt/bloom_causal_lm.py index ab7c10892c9..47c5c9472f8 100644 --- a/models/experimental/bloom/tt/bloom_causal_lm.py +++ b/models/experimental/bloom/tt/bloom_causal_lm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom/tt/bloom_gelu_forward.py b/models/experimental/bloom/tt/bloom_gelu_forward.py index 214a8af02a8..2d2d6c8c02e 100644 --- a/models/experimental/bloom/tt/bloom_gelu_forward.py +++ b/models/experimental/bloom/tt/bloom_gelu_forward.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom/tt/bloom_merge_heads.py b/models/experimental/bloom/tt/bloom_merge_heads.py index 7bb2fe62097..5fbe9477ce7 100644 --- a/models/experimental/bloom/tt/bloom_merge_heads.py +++ b/models/experimental/bloom/tt/bloom_merge_heads.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom/tt/bloom_mlp.py b/models/experimental/bloom/tt/bloom_mlp.py index 635ca6a94b0..eefbc14b3e1 100644 --- a/models/experimental/bloom/tt/bloom_mlp.py +++ b/models/experimental/bloom/tt/bloom_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom/tt/bloom_model.py b/models/experimental/bloom/tt/bloom_model.py index e5617e24583..ba2e03b82c1 100644 --- a/models/experimental/bloom/tt/bloom_model.py +++ b/models/experimental/bloom/tt/bloom_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom/tt/bloom_qa.py b/models/experimental/bloom/tt/bloom_qa.py index 81387e06b1e..a6893647c31 100644 --- a/models/experimental/bloom/tt/bloom_qa.py +++ b/models/experimental/bloom/tt/bloom_qa.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom_old/bloom_utils.py b/models/experimental/bloom_old/bloom_utils.py index bd0b1dad561..3684afd47d7 100644 --- a/models/experimental/bloom_old/bloom_utils.py +++ b/models/experimental/bloom_old/bloom_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom_old/tests/test_baddbmm.py b/models/experimental/bloom_old/tests/test_baddbmm.py index 49bb5573c6a..5bc7f41e66e 100644 --- a/models/experimental/bloom_old/tests/test_baddbmm.py +++ b/models/experimental/bloom_old/tests/test_baddbmm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom_old/tests/test_bloom_attention.py b/models/experimental/bloom_old/tests/test_bloom_attention.py index 69a4b88673f..36f58c05338 100644 --- a/models/experimental/bloom_old/tests/test_bloom_attention.py +++ b/models/experimental/bloom_old/tests/test_bloom_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom_old/tests/test_bloom_block.py b/models/experimental/bloom_old/tests/test_bloom_block.py index 8cbcbf17fc3..4328ffa9d61 100644 --- a/models/experimental/bloom_old/tests/test_bloom_block.py +++ b/models/experimental/bloom_old/tests/test_bloom_block.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom_old/tests/test_bloom_causal_lm.py b/models/experimental/bloom_old/tests/test_bloom_causal_lm.py index c2430ac9cbf..bf13621ab92 100644 --- a/models/experimental/bloom_old/tests/test_bloom_causal_lm.py +++ b/models/experimental/bloom_old/tests/test_bloom_causal_lm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom_old/tests/test_bloom_gelu_forward.py b/models/experimental/bloom_old/tests/test_bloom_gelu_forward.py index 78674d7d4a1..fbbaed36353 100644 --- a/models/experimental/bloom_old/tests/test_bloom_gelu_forward.py +++ b/models/experimental/bloom_old/tests/test_bloom_gelu_forward.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom_old/tests/test_bloom_merge_heads.py b/models/experimental/bloom_old/tests/test_bloom_merge_heads.py index 7960f1dab6e..ccd7c2dc90b 100644 --- a/models/experimental/bloom_old/tests/test_bloom_merge_heads.py +++ b/models/experimental/bloom_old/tests/test_bloom_merge_heads.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom_old/tests/test_bloom_mlp.py b/models/experimental/bloom_old/tests/test_bloom_mlp.py index 92b3a994913..b1aef360ee7 100644 --- a/models/experimental/bloom_old/tests/test_bloom_mlp.py +++ b/models/experimental/bloom_old/tests/test_bloom_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom_old/tests/test_bloom_model.py b/models/experimental/bloom_old/tests/test_bloom_model.py index 94a19828b39..c552c7d7753 100644 --- a/models/experimental/bloom_old/tests/test_bloom_model.py +++ b/models/experimental/bloom_old/tests/test_bloom_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom_old/tests/test_bloom_qa.py b/models/experimental/bloom_old/tests/test_bloom_qa.py index 13db5a51bf5..2032fb8eb9e 100644 --- a/models/experimental/bloom_old/tests/test_bloom_qa.py +++ b/models/experimental/bloom_old/tests/test_bloom_qa.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom_old/tt/baddbmm.py b/models/experimental/bloom_old/tt/baddbmm.py index 66b413643ac..d65be78df77 100644 --- a/models/experimental/bloom_old/tt/baddbmm.py +++ b/models/experimental/bloom_old/tt/baddbmm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom_old/tt/bloom_attention.py b/models/experimental/bloom_old/tt/bloom_attention.py index 6fab4c88bbc..bdd7b119701 100644 --- a/models/experimental/bloom_old/tt/bloom_attention.py +++ b/models/experimental/bloom_old/tt/bloom_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom_old/tt/bloom_attention_merge_heads.py b/models/experimental/bloom_old/tt/bloom_attention_merge_heads.py index e6e773dfe9b..d14fec372de 100644 --- a/models/experimental/bloom_old/tt/bloom_attention_merge_heads.py +++ b/models/experimental/bloom_old/tt/bloom_attention_merge_heads.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom_old/tt/bloom_block.py b/models/experimental/bloom_old/tt/bloom_block.py index 736d00d48c7..29afdf99660 100644 --- a/models/experimental/bloom_old/tt/bloom_block.py +++ b/models/experimental/bloom_old/tt/bloom_block.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom_old/tt/bloom_causal_lm.py b/models/experimental/bloom_old/tt/bloom_causal_lm.py index 08815095971..2bbc3473c72 100644 --- a/models/experimental/bloom_old/tt/bloom_causal_lm.py +++ b/models/experimental/bloom_old/tt/bloom_causal_lm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom_old/tt/bloom_gelu_forward.py b/models/experimental/bloom_old/tt/bloom_gelu_forward.py index 68130945696..a79d5cad91f 100644 --- a/models/experimental/bloom_old/tt/bloom_gelu_forward.py +++ b/models/experimental/bloom_old/tt/bloom_gelu_forward.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom_old/tt/bloom_mlp.py b/models/experimental/bloom_old/tt/bloom_mlp.py index 8c3907abdb3..ee88fafa0e7 100644 --- a/models/experimental/bloom_old/tt/bloom_mlp.py +++ b/models/experimental/bloom_old/tt/bloom_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom_old/tt/bloom_model.py b/models/experimental/bloom_old/tt/bloom_model.py index fc3e08eadd9..221bcab413a 100644 --- a/models/experimental/bloom_old/tt/bloom_model.py +++ b/models/experimental/bloom_old/tt/bloom_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/bloom_old/tt/bloom_qa.py b/models/experimental/bloom_old/tt/bloom_qa.py index 470c5746862..7a0afdca6e0 100644 --- a/models/experimental/bloom_old/tt/bloom_qa.py +++ b/models/experimental/bloom_old/tt/bloom_qa.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/convnet_mnist/convnet_mnist_utils.py b/models/experimental/convnet_mnist/convnet_mnist_utils.py index 786db7bc824..84e67581103 100644 --- a/models/experimental/convnet_mnist/convnet_mnist_utils.py +++ b/models/experimental/convnet_mnist/convnet_mnist_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/convnet_mnist/demo/gs_demo.py b/models/experimental/convnet_mnist/demo/gs_demo.py index 2709f6952a9..6f91975607c 100644 --- a/models/experimental/convnet_mnist/demo/gs_demo.py +++ b/models/experimental/convnet_mnist/demo/gs_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/convnet_mnist/reference/convnet.py b/models/experimental/convnet_mnist/reference/convnet.py index 088921d67cb..293b1abff11 100644 --- a/models/experimental/convnet_mnist/reference/convnet.py +++ b/models/experimental/convnet_mnist/reference/convnet.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/convnet_mnist/tests/perf_convnet_mnist.py b/models/experimental/convnet_mnist/tests/perf_convnet_mnist.py index 9de239d1c1c..21eaf5aab65 100644 --- a/models/experimental/convnet_mnist/tests/perf_convnet_mnist.py +++ b/models/experimental/convnet_mnist/tests/perf_convnet_mnist.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/convnet_mnist/tests/test_convnet_mnist.py b/models/experimental/convnet_mnist/tests/test_convnet_mnist.py index fecfe0b13b0..6bdc138ead2 100644 --- a/models/experimental/convnet_mnist/tests/test_convnet_mnist.py +++ b/models/experimental/convnet_mnist/tests/test_convnet_mnist.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/convnet_mnist/tt/convnet_mnist.py b/models/experimental/convnet_mnist/tt/convnet_mnist.py index 196cf78162a..a6807972668 100644 --- a/models/experimental/convnet_mnist/tt/convnet_mnist.py +++ b/models/experimental/convnet_mnist/tt/convnet_mnist.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/deit_utils.py b/models/experimental/deit/deit_utils.py index 8f1ddb603ee..04e1b0775db 100644 --- a/models/experimental/deit/deit_utils.py +++ b/models/experimental/deit/deit_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/demo/cpu_demo_with_teacher.py b/models/experimental/deit/demo/cpu_demo_with_teacher.py index c001766e39a..6d8447f7ed4 100644 --- a/models/experimental/deit/demo/cpu_demo_with_teacher.py +++ b/models/experimental/deit/demo/cpu_demo_with_teacher.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/demo/cpu_demo_without_teacher.py b/models/experimental/deit/demo/cpu_demo_without_teacher.py index 46453a983ab..7535ef9a70f 100644 --- a/models/experimental/deit/demo/cpu_demo_without_teacher.py +++ b/models/experimental/deit/demo/cpu_demo_without_teacher.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/demo/gs_demo_with_teacher.py b/models/experimental/deit/demo/gs_demo_with_teacher.py index 5a26888e6f7..0d1614b7786 100644 --- a/models/experimental/deit/demo/gs_demo_with_teacher.py +++ b/models/experimental/deit/demo/gs_demo_with_teacher.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/demo/gs_demo_without_teacher.py b/models/experimental/deit/demo/gs_demo_without_teacher.py index 0dee28d51e0..d147353a71f 100644 --- a/models/experimental/deit/demo/gs_demo_without_teacher.py +++ b/models/experimental/deit/demo/gs_demo_without_teacher.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tests/demo_utils.py b/models/experimental/deit/tests/demo_utils.py index 1432a9d0b63..9143f455830 100644 --- a/models/experimental/deit/tests/demo_utils.py +++ b/models/experimental/deit/tests/demo_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tests/test_deit_attention.py b/models/experimental/deit/tests/test_deit_attention.py index 7046925fdd4..f87f77a160f 100644 --- a/models/experimental/deit/tests/test_deit_attention.py +++ b/models/experimental/deit/tests/test_deit_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tests/test_deit_embeddings.py b/models/experimental/deit/tests/test_deit_embeddings.py index bd700deebba..0e19d804fff 100644 --- a/models/experimental/deit/tests/test_deit_embeddings.py +++ b/models/experimental/deit/tests/test_deit_embeddings.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tests/test_deit_encoder.py b/models/experimental/deit/tests/test_deit_encoder.py index a0f83aecbb2..dec90190567 100644 --- a/models/experimental/deit/tests/test_deit_encoder.py +++ b/models/experimental/deit/tests/test_deit_encoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tests/test_deit_for_image_classification.py b/models/experimental/deit/tests/test_deit_for_image_classification.py index 9177a319cc4..b0ae3ea02fe 100644 --- a/models/experimental/deit/tests/test_deit_for_image_classification.py +++ b/models/experimental/deit/tests/test_deit_for_image_classification.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tests/test_deit_for_image_classification_with_teacher.py b/models/experimental/deit/tests/test_deit_for_image_classification_with_teacher.py index f23fa26ad16..35202680160 100644 --- a/models/experimental/deit/tests/test_deit_for_image_classification_with_teacher.py +++ b/models/experimental/deit/tests/test_deit_for_image_classification_with_teacher.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tests/test_deit_intermediate.py b/models/experimental/deit/tests/test_deit_intermediate.py index 3a7831d21cc..d48ee146dbb 100644 --- a/models/experimental/deit/tests/test_deit_intermediate.py +++ b/models/experimental/deit/tests/test_deit_intermediate.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tests/test_deit_layer.py b/models/experimental/deit/tests/test_deit_layer.py index c5557b3d919..3882035817f 100644 --- a/models/experimental/deit/tests/test_deit_layer.py +++ b/models/experimental/deit/tests/test_deit_layer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tests/test_deit_model.py b/models/experimental/deit/tests/test_deit_model.py index 292129ce966..ee8ce2285a8 100644 --- a/models/experimental/deit/tests/test_deit_model.py +++ b/models/experimental/deit/tests/test_deit_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tests/test_deit_output.py b/models/experimental/deit/tests/test_deit_output.py index d44fe554bb6..fa289f3ec60 100644 --- a/models/experimental/deit/tests/test_deit_output.py +++ b/models/experimental/deit/tests/test_deit_output.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tests/test_deit_patch_embeddings.py b/models/experimental/deit/tests/test_deit_patch_embeddings.py index 162240213c0..ae078ed742d 100644 --- a/models/experimental/deit/tests/test_deit_patch_embeddings.py +++ b/models/experimental/deit/tests/test_deit_patch_embeddings.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tests/test_deit_self_attention.py b/models/experimental/deit/tests/test_deit_self_attention.py index 10db37c4141..ad95154825e 100644 --- a/models/experimental/deit/tests/test_deit_self_attention.py +++ b/models/experimental/deit/tests/test_deit_self_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tests/test_deit_self_output.py b/models/experimental/deit/tests/test_deit_self_output.py index 16ef192762f..936fb79815d 100644 --- a/models/experimental/deit/tests/test_deit_self_output.py +++ b/models/experimental/deit/tests/test_deit_self_output.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tests/test_perf_accuracy_deit.py b/models/experimental/deit/tests/test_perf_accuracy_deit.py index 2551ee0a566..36a6881f073 100644 --- a/models/experimental/deit/tests/test_perf_accuracy_deit.py +++ b/models/experimental/deit/tests/test_perf_accuracy_deit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tests/test_perf_deit.py b/models/experimental/deit/tests/test_perf_deit.py index 98e05baa076..fd1198c3388 100644 --- a/models/experimental/deit/tests/test_perf_deit.py +++ b/models/experimental/deit/tests/test_perf_deit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tt/activations.py b/models/experimental/deit/tt/activations.py index 4b8ccd64ba3..b8264c3d166 100644 --- a/models/experimental/deit/tt/activations.py +++ b/models/experimental/deit/tt/activations.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tt/deit_attention.py b/models/experimental/deit/tt/deit_attention.py index c0e7b214ae6..759dbbdfd8b 100644 --- a/models/experimental/deit/tt/deit_attention.py +++ b/models/experimental/deit/tt/deit_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tt/deit_config.py b/models/experimental/deit/tt/deit_config.py index cc30899fda0..ca2deb19fba 100644 --- a/models/experimental/deit/tt/deit_config.py +++ b/models/experimental/deit/tt/deit_config.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tt/deit_embeddings.py b/models/experimental/deit/tt/deit_embeddings.py index 5163292f045..79c79715957 100644 --- a/models/experimental/deit/tt/deit_embeddings.py +++ b/models/experimental/deit/tt/deit_embeddings.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tt/deit_encoder.py b/models/experimental/deit/tt/deit_encoder.py index 854c21130e9..977cd6e9865 100644 --- a/models/experimental/deit/tt/deit_encoder.py +++ b/models/experimental/deit/tt/deit_encoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tt/deit_for_image_classification.py b/models/experimental/deit/tt/deit_for_image_classification.py index dd9032e486a..c7d29165711 100644 --- a/models/experimental/deit/tt/deit_for_image_classification.py +++ b/models/experimental/deit/tt/deit_for_image_classification.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tt/deit_for_image_classification_with_teacher.py b/models/experimental/deit/tt/deit_for_image_classification_with_teacher.py index 6e7aeac9e9d..2fabb7d7077 100644 --- a/models/experimental/deit/tt/deit_for_image_classification_with_teacher.py +++ b/models/experimental/deit/tt/deit_for_image_classification_with_teacher.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tt/deit_intermediate.py b/models/experimental/deit/tt/deit_intermediate.py index 5e2d6eff6c9..6786a8a0156 100644 --- a/models/experimental/deit/tt/deit_intermediate.py +++ b/models/experimental/deit/tt/deit_intermediate.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tt/deit_layer.py b/models/experimental/deit/tt/deit_layer.py index 28aad9f83ab..015f316ce65 100644 --- a/models/experimental/deit/tt/deit_layer.py +++ b/models/experimental/deit/tt/deit_layer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tt/deit_model.py b/models/experimental/deit/tt/deit_model.py index 0ce06a3766b..21a69e153cd 100644 --- a/models/experimental/deit/tt/deit_model.py +++ b/models/experimental/deit/tt/deit_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tt/deit_output.py b/models/experimental/deit/tt/deit_output.py index 55949bd9265..13a28a3ade6 100644 --- a/models/experimental/deit/tt/deit_output.py +++ b/models/experimental/deit/tt/deit_output.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tt/deit_patch_embeddings.py b/models/experimental/deit/tt/deit_patch_embeddings.py index 7c7ecfb51c5..fc8bd9d20fd 100644 --- a/models/experimental/deit/tt/deit_patch_embeddings.py +++ b/models/experimental/deit/tt/deit_patch_embeddings.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tt/deit_pooler.py b/models/experimental/deit/tt/deit_pooler.py index 72232e1a4b0..ed14fe354e0 100644 --- a/models/experimental/deit/tt/deit_pooler.py +++ b/models/experimental/deit/tt/deit_pooler.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tt/deit_self_attention.py b/models/experimental/deit/tt/deit_self_attention.py index 748de9685db..463e1cdcd54 100644 --- a/models/experimental/deit/tt/deit_self_attention.py +++ b/models/experimental/deit/tt/deit_self_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/deit/tt/deit_self_output.py b/models/experimental/deit/tt/deit_self_output.py index 665b2ff670c..ef223879ffa 100644 --- a/models/experimental/deit/tt/deit_self_output.py +++ b/models/experimental/deit/tt/deit_self_output.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/distilbert/demo/cpu_demo.py b/models/experimental/distilbert/demo/cpu_demo.py index c9e88a09be6..e39987fc134 100644 --- a/models/experimental/distilbert/demo/cpu_demo.py +++ b/models/experimental/distilbert/demo/cpu_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/distilbert/demo/gs_demo.py b/models/experimental/distilbert/demo/gs_demo.py index e0847057c6a..aa4a9db3119 100644 --- a/models/experimental/distilbert/demo/gs_demo.py +++ b/models/experimental/distilbert/demo/gs_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/distilbert/tests/test_perf_accuracy_distilbert.py b/models/experimental/distilbert/tests/test_perf_accuracy_distilbert.py index 9c85ba0ba21..e44dd2fa969 100644 --- a/models/experimental/distilbert/tests/test_perf_accuracy_distilbert.py +++ b/models/experimental/distilbert/tests/test_perf_accuracy_distilbert.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/distilbert/tt/distilbert.py b/models/experimental/distilbert/tt/distilbert.py index 41f0ab190a1..083dc6437d4 100644 --- a/models/experimental/distilbert/tt/distilbert.py +++ b/models/experimental/distilbert/tt/distilbert.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/distilbert/tt/distilbert_embedding.py b/models/experimental/distilbert/tt/distilbert_embedding.py index 2324393373f..32abf79b9a4 100644 --- a/models/experimental/distilbert/tt/distilbert_embedding.py +++ b/models/experimental/distilbert/tt/distilbert_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/distilbert/tt/distilbert_ffn.py b/models/experimental/distilbert/tt/distilbert_ffn.py index 0a1ed7dbf60..46aaa9fed6e 100644 --- a/models/experimental/distilbert/tt/distilbert_ffn.py +++ b/models/experimental/distilbert/tt/distilbert_ffn.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/distilbert/tt/distilbert_for_question_answering.py b/models/experimental/distilbert/tt/distilbert_for_question_answering.py index f3d8a2a4823..9bd43d34cf8 100644 --- a/models/experimental/distilbert/tt/distilbert_for_question_answering.py +++ b/models/experimental/distilbert/tt/distilbert_for_question_answering.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/distilbert/tt/distilbert_model.py b/models/experimental/distilbert/tt/distilbert_model.py index f3f1529ee28..82e9463b818 100644 --- a/models/experimental/distilbert/tt/distilbert_model.py +++ b/models/experimental/distilbert/tt/distilbert_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/distilbert/tt/distilbert_multihead_self_attention.py b/models/experimental/distilbert/tt/distilbert_multihead_self_attention.py index 6d945789a6f..8299a6875f0 100644 --- a/models/experimental/distilbert/tt/distilbert_multihead_self_attention.py +++ b/models/experimental/distilbert/tt/distilbert_multihead_self_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/distilbert/tt/distilbert_transformer.py b/models/experimental/distilbert/tt/distilbert_transformer.py index 0efa5e4e9cb..baa393baa70 100644 --- a/models/experimental/distilbert/tt/distilbert_transformer.py +++ b/models/experimental/distilbert/tt/distilbert_transformer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/distilbert/tt/distilbert_transformer_block.py b/models/experimental/distilbert/tt/distilbert_transformer_block.py index 4e8f9c3d736..38599c0f881 100644 --- a/models/experimental/distilbert/tt/distilbert_transformer_block.py +++ b/models/experimental/distilbert/tt/distilbert_transformer_block.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/efficientnet/demo/cpu_demo.py b/models/experimental/efficientnet/demo/cpu_demo.py index d1586c0de90..147876270b7 100644 --- a/models/experimental/efficientnet/demo/cpu_demo.py +++ b/models/experimental/efficientnet/demo/cpu_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/efficientnet/demo/cpu_demo_lite0.py b/models/experimental/efficientnet/demo/cpu_demo_lite0.py index a0ef247cee3..de131a10aea 100644 --- a/models/experimental/efficientnet/demo/cpu_demo_lite0.py +++ b/models/experimental/efficientnet/demo/cpu_demo_lite0.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/efficientnet/demo/demo_utils.py b/models/experimental/efficientnet/demo/demo_utils.py index a87d02abe1a..d3448d9cc7c 100644 --- a/models/experimental/efficientnet/demo/demo_utils.py +++ b/models/experimental/efficientnet/demo/demo_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/efficientnet/demo/gs_demo_b0.py b/models/experimental/efficientnet/demo/gs_demo_b0.py index 477db263fa3..54ff3b0ec3c 100644 --- a/models/experimental/efficientnet/demo/gs_demo_b0.py +++ b/models/experimental/efficientnet/demo/gs_demo_b0.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/efficientnet/demo/gs_demo_b2.py b/models/experimental/efficientnet/demo/gs_demo_b2.py index 4a54cf184d8..b7ae463438b 100644 --- a/models/experimental/efficientnet/demo/gs_demo_b2.py +++ b/models/experimental/efficientnet/demo/gs_demo_b2.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/efficientnet/demo/gs_demo_lite0.py b/models/experimental/efficientnet/demo/gs_demo_lite0.py index 29feb6ed254..1b538c107bf 100644 --- a/models/experimental/efficientnet/demo/gs_demo_lite0.py +++ b/models/experimental/efficientnet/demo/gs_demo_lite0.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/efficientnet/demo/gs_demo_v2_l.py b/models/experimental/efficientnet/demo/gs_demo_v2_l.py index 01798ebb6b4..4829599f0fc 100644 --- a/models/experimental/efficientnet/demo/gs_demo_v2_l.py +++ b/models/experimental/efficientnet/demo/gs_demo_v2_l.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/efficientnet/demo/gs_demo_v2_s.py b/models/experimental/efficientnet/demo/gs_demo_v2_s.py index 952cc944871..e0395103f07 100644 --- a/models/experimental/efficientnet/demo/gs_demo_v2_s.py +++ b/models/experimental/efficientnet/demo/gs_demo_v2_s.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/efficientnet/reference/efficientnet_lite.py b/models/experimental/efficientnet/reference/efficientnet_lite.py index bf9f381d514..146098aad3e 100644 --- a/models/experimental/efficientnet/reference/efficientnet_lite.py +++ b/models/experimental/efficientnet/reference/efficientnet_lite.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/efficientnet/tests/perf_efficientnet.py b/models/experimental/efficientnet/tests/perf_efficientnet.py index 94fd55286f0..bb272d52964 100644 --- a/models/experimental/efficientnet/tests/perf_efficientnet.py +++ b/models/experimental/efficientnet/tests/perf_efficientnet.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/efficientnet/tests/test_efficientnet_conv.py b/models/experimental/efficientnet/tests/test_efficientnet_conv.py index 5a007be4f41..77106a191a2 100644 --- a/models/experimental/efficientnet/tests/test_efficientnet_conv.py +++ b/models/experimental/efficientnet/tests/test_efficientnet_conv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/efficientnet/tests/test_efficientnet_fused_mbconv.py b/models/experimental/efficientnet/tests/test_efficientnet_fused_mbconv.py index a3c78bbdb26..b60aa8746ba 100644 --- a/models/experimental/efficientnet/tests/test_efficientnet_fused_mbconv.py +++ b/models/experimental/efficientnet/tests/test_efficientnet_fused_mbconv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/efficientnet/tests/test_efficientnet_mbconv.py b/models/experimental/efficientnet/tests/test_efficientnet_mbconv.py index a117f427b12..2352c49451a 100644 --- a/models/experimental/efficientnet/tests/test_efficientnet_mbconv.py +++ b/models/experimental/efficientnet/tests/test_efficientnet_mbconv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/efficientnet/tests/test_efficientnet_model.py b/models/experimental/efficientnet/tests/test_efficientnet_model.py index 57d5354fc2e..71d93219793 100644 --- a/models/experimental/efficientnet/tests/test_efficientnet_model.py +++ b/models/experimental/efficientnet/tests/test_efficientnet_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/efficientnet/tests/test_efficientnet_squeeze_excitation.py b/models/experimental/efficientnet/tests/test_efficientnet_squeeze_excitation.py index 1fc09e0589b..7e7d21f2ab0 100644 --- a/models/experimental/efficientnet/tests/test_efficientnet_squeeze_excitation.py +++ b/models/experimental/efficientnet/tests/test_efficientnet_squeeze_excitation.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/efficientnet/tests/test_perf_accuracy.py b/models/experimental/efficientnet/tests/test_perf_accuracy.py index bb1f87dddc2..cf62acdf055 100644 --- a/models/experimental/efficientnet/tests/test_perf_accuracy.py +++ b/models/experimental/efficientnet/tests/test_perf_accuracy.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/efficientnet/tt/efficientnet_conv.py b/models/experimental/efficientnet/tt/efficientnet_conv.py index 40837a97abe..d975cf2f124 100644 --- a/models/experimental/efficientnet/tt/efficientnet_conv.py +++ b/models/experimental/efficientnet/tt/efficientnet_conv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/efficientnet/tt/efficientnet_fused_mbconv.py b/models/experimental/efficientnet/tt/efficientnet_fused_mbconv.py index 4fc315f8a09..7684719b254 100644 --- a/models/experimental/efficientnet/tt/efficientnet_fused_mbconv.py +++ b/models/experimental/efficientnet/tt/efficientnet_fused_mbconv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/efficientnet/tt/efficientnet_mbconv.py b/models/experimental/efficientnet/tt/efficientnet_mbconv.py index 98f27c5aea7..9b754f7d281 100644 --- a/models/experimental/efficientnet/tt/efficientnet_mbconv.py +++ b/models/experimental/efficientnet/tt/efficientnet_mbconv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/efficientnet/tt/efficientnet_model.py b/models/experimental/efficientnet/tt/efficientnet_model.py index 2d1c2456b4f..e08dd41e5e2 100644 --- a/models/experimental/efficientnet/tt/efficientnet_model.py +++ b/models/experimental/efficientnet/tt/efficientnet_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/efficientnet/tt/efficientnet_squeeze_excitation.py b/models/experimental/efficientnet/tt/efficientnet_squeeze_excitation.py index 461e78c101a..7c8b5e0c024 100644 --- a/models/experimental/efficientnet/tt/efficientnet_squeeze_excitation.py +++ b/models/experimental/efficientnet/tt/efficientnet_squeeze_excitation.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/falcon_40b/tests/test_reproduce_nd_matmul.py b/models/experimental/falcon_40b/tests/test_reproduce_nd_matmul.py index 0212b97b413..94caf3b9cf8 100644 --- a/models/experimental/falcon_40b/tests/test_reproduce_nd_matmul.py +++ b/models/experimental/falcon_40b/tests/test_reproduce_nd_matmul.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/functional_common/attention_mask_functions.py b/models/experimental/functional_common/attention_mask_functions.py index 23ebf953153..aada613adef 100644 --- a/models/experimental/functional_common/attention_mask_functions.py +++ b/models/experimental/functional_common/attention_mask_functions.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/functional_roberta/demo/demo.py b/models/experimental/functional_roberta/demo/demo.py index 0e83e11064b..9ebb015e734 100644 --- a/models/experimental/functional_roberta/demo/demo.py +++ b/models/experimental/functional_roberta/demo/demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/functional_unet/tt/unet_shallow_torch.py b/models/experimental/functional_unet/tt/unet_shallow_torch.py index 4e9f2c6253c..96225c5b8f8 100644 --- a/models/experimental/functional_unet/tt/unet_shallow_torch.py +++ b/models/experimental/functional_unet/tt/unet_shallow_torch.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/functional_unet/tt/unet_shallow_ttnn.py b/models/experimental/functional_unet/tt/unet_shallow_ttnn.py index 215399ea23b..cacfeb5d22c 100644 --- a/models/experimental/functional_unet/tt/unet_shallow_ttnn.py +++ b/models/experimental/functional_unet/tt/unet_shallow_ttnn.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/functional_vit/reference/torch_functional_vit.py b/models/experimental/functional_vit/reference/torch_functional_vit.py index 7ae5b2f30a6..94ef0405c4a 100644 --- a/models/experimental/functional_vit/reference/torch_functional_vit.py +++ b/models/experimental/functional_vit/reference/torch_functional_vit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/functional_vit/tt/ttnn_functional_vit.py b/models/experimental/functional_vit/tt/ttnn_functional_vit.py index 7db920ce715..b65dde99efd 100644 --- a/models/experimental/functional_vit/tt/ttnn_functional_vit.py +++ b/models/experimental/functional_vit/tt/ttnn_functional_vit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/functional_vit/tt/ttnn_functional_vit_highres.py b/models/experimental/functional_vit/tt/ttnn_functional_vit_highres.py index a42880b8832..c5f1c0b3b6a 100644 --- a/models/experimental/functional_vit/tt/ttnn_functional_vit_highres.py +++ b/models/experimental/functional_vit/tt/ttnn_functional_vit_highres.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/functional_vit/tt/ttnn_optimized_interleaved_vit.py b/models/experimental/functional_vit/tt/ttnn_optimized_interleaved_vit.py index 19c81742573..b6ec1126417 100644 --- a/models/experimental/functional_vit/tt/ttnn_optimized_interleaved_vit.py +++ b/models/experimental/functional_vit/tt/ttnn_optimized_interleaved_vit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/functional_vit/tt/ttnn_optimized_sharded_vit.py b/models/experimental/functional_vit/tt/ttnn_optimized_sharded_vit.py index 17238a9c604..4e749b04c4c 100644 --- a/models/experimental/functional_vit/tt/ttnn_optimized_sharded_vit.py +++ b/models/experimental/functional_vit/tt/ttnn_optimized_sharded_vit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/functional_vit/tt/ttnn_optimized_sharded_vit_backup.py b/models/experimental/functional_vit/tt/ttnn_optimized_sharded_vit_backup.py index 65e62497d42..534b1a8bcb9 100644 --- a/models/experimental/functional_vit/tt/ttnn_optimized_sharded_vit_backup.py +++ b/models/experimental/functional_vit/tt/ttnn_optimized_sharded_vit_backup.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/functional_vit/tt/ttnn_optimized_sharded_vit_wh.py b/models/experimental/functional_vit/tt/ttnn_optimized_sharded_vit_wh.py index 3f94c5585bd..ec8bdb874d6 100644 --- a/models/experimental/functional_vit/tt/ttnn_optimized_sharded_vit_wh.py +++ b/models/experimental/functional_vit/tt/ttnn_optimized_sharded_vit_wh.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/functional_vit/tt/ttnn_optimized_vit_highres.py b/models/experimental/functional_vit/tt/ttnn_optimized_vit_highres.py index b14a9131728..84757f70f87 100644 --- a/models/experimental/functional_vit/tt/ttnn_optimized_vit_highres.py +++ b/models/experimental/functional_vit/tt/ttnn_optimized_vit_highres.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/functional_whisper/demo/demo.py b/models/experimental/functional_whisper/demo/demo.py index ad0910f35d8..f2d0263f978 100644 --- a/models/experimental/functional_whisper/demo/demo.py +++ b/models/experimental/functional_whisper/demo/demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/functional_whisper/reference/torch_baseline_whisper.py b/models/experimental/functional_whisper/reference/torch_baseline_whisper.py index e64bc19eda3..30e083413da 100644 --- a/models/experimental/functional_whisper/reference/torch_baseline_whisper.py +++ b/models/experimental/functional_whisper/reference/torch_baseline_whisper.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/functional_whisper/reference/torch_functional_whisper.py b/models/experimental/functional_whisper/reference/torch_functional_whisper.py index bb97bc164f1..43c261f4c0d 100644 --- a/models/experimental/functional_whisper/reference/torch_functional_whisper.py +++ b/models/experimental/functional_whisper/reference/torch_functional_whisper.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/functional_whisper/tt/ttnn_functional_whisper.py b/models/experimental/functional_whisper/tt/ttnn_functional_whisper.py index 30b5fa712cf..f9ec760b230 100644 --- a/models/experimental/functional_whisper/tt/ttnn_functional_whisper.py +++ b/models/experimental/functional_whisper/tt/ttnn_functional_whisper.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/functional_whisper/tt/ttnn_optimized_functional_whisper.py b/models/experimental/functional_whisper/tt/ttnn_optimized_functional_whisper.py index 56b8c0054f6..b234d4bd180 100644 --- a/models/experimental/functional_whisper/tt/ttnn_optimized_functional_whisper.py +++ b/models/experimental/functional_whisper/tt/ttnn_optimized_functional_whisper.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/functional_yolov4/reference/resblock.py b/models/experimental/functional_yolov4/reference/resblock.py index 934347260de..0721560c158 100644 --- a/models/experimental/functional_yolov4/reference/resblock.py +++ b/models/experimental/functional_yolov4/reference/resblock.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/functional_yolov4/tt/ttnn_resblock.py b/models/experimental/functional_yolov4/tt/ttnn_resblock.py index 1ff61facfb0..fab3df50038 100644 --- a/models/experimental/functional_yolov4/tt/ttnn_resblock.py +++ b/models/experimental/functional_yolov4/tt/ttnn_resblock.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/grok/demo/demo.py b/models/experimental/grok/demo/demo.py index 1a8a477506d..94e61f183c1 100644 --- a/models/experimental/grok/demo/demo.py +++ b/models/experimental/grok/demo/demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/experimental/grok/reference/demo_ref.py b/models/experimental/grok/reference/demo_ref.py index b958ecaf1df..e4a03c3d783 100644 --- a/models/experimental/grok/reference/demo_ref.py +++ b/models/experimental/grok/reference/demo_ref.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/experimental/grok/reference/run_ref.py b/models/experimental/grok/reference/run_ref.py index ad6ed25a388..086a94e9367 100644 --- a/models/experimental/grok/reference/run_ref.py +++ b/models/experimental/grok/reference/run_ref.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/experimental/grok/reference/tokenizer.py b/models/experimental/grok/reference/tokenizer.py index c2149f0c154..5d76515ea04 100644 --- a/models/experimental/grok/reference/tokenizer.py +++ b/models/experimental/grok/reference/tokenizer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/grok/scripts/op_perf_results.py b/models/experimental/grok/scripts/op_perf_results.py index 4a83cd76cd0..af6cf7f03c3 100644 --- a/models/experimental/grok/scripts/op_perf_results.py +++ b/models/experimental/grok/scripts/op_perf_results.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 from collections import defaultdict diff --git a/models/experimental/grok/tests/test_dummy_weights.py b/models/experimental/grok/tests/test_dummy_weights.py index 1081138cae0..05e472b347f 100644 --- a/models/experimental/grok/tests/test_dummy_weights.py +++ b/models/experimental/grok/tests/test_dummy_weights.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/experimental/grok/tests/test_grok_attention.py b/models/experimental/grok/tests/test_grok_attention.py index 28a09d42583..380e53b4ae1 100644 --- a/models/experimental/grok/tests/test_grok_attention.py +++ b/models/experimental/grok/tests/test_grok_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/experimental/grok/tests/test_grok_decoder.py b/models/experimental/grok/tests/test_grok_decoder.py index aa3b1c6ce00..ba1ba5bae4f 100644 --- a/models/experimental/grok/tests/test_grok_decoder.py +++ b/models/experimental/grok/tests/test_grok_decoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/experimental/grok/tests/test_grok_embedding.py b/models/experimental/grok/tests/test_grok_embedding.py index 24ce2117f1d..194a463ae9f 100644 --- a/models/experimental/grok/tests/test_grok_embedding.py +++ b/models/experimental/grok/tests/test_grok_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/experimental/grok/tests/test_grok_mlp.py b/models/experimental/grok/tests/test_grok_mlp.py index d5a154ce8fe..17ec3abda59 100644 --- a/models/experimental/grok/tests/test_grok_mlp.py +++ b/models/experimental/grok/tests/test_grok_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/experimental/grok/tests/test_grok_model.py b/models/experimental/grok/tests/test_grok_model.py index a16d60e6f86..a67cc8525bd 100644 --- a/models/experimental/grok/tests/test_grok_model.py +++ b/models/experimental/grok/tests/test_grok_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/experimental/grok/tests/test_grok_moe.py b/models/experimental/grok/tests/test_grok_moe.py index ee6c77e6553..1e1806e4d94 100644 --- a/models/experimental/grok/tests/test_grok_moe.py +++ b/models/experimental/grok/tests/test_grok_moe.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/experimental/grok/tests/test_grok_perf.py b/models/experimental/grok/tests/test_grok_perf.py index 90df781dcad..8ccf965c7d6 100644 --- a/models/experimental/grok/tests/test_grok_perf.py +++ b/models/experimental/grok/tests/test_grok_perf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/experimental/grok/tests/test_grok_rms_norm.py b/models/experimental/grok/tests/test_grok_rms_norm.py index 5f220b9eb2b..5efe898eff8 100644 --- a/models/experimental/grok/tests/test_grok_rms_norm.py +++ b/models/experimental/grok/tests/test_grok_rms_norm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/models/experimental/grok/tt/grok_attention.py b/models/experimental/grok/tt/grok_attention.py index 794c6daa784..66e2fa74650 100644 --- a/models/experimental/grok/tt/grok_attention.py +++ b/models/experimental/grok/tt/grok_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/grok/tt/grok_common.py b/models/experimental/grok/tt/grok_common.py index 08181844cfa..df59a96570c 100644 --- a/models/experimental/grok/tt/grok_common.py +++ b/models/experimental/grok/tt/grok_common.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/grok/tt/grok_decoder.py b/models/experimental/grok/tt/grok_decoder.py index cc249b30a71..5708503cfb2 100644 --- a/models/experimental/grok/tt/grok_decoder.py +++ b/models/experimental/grok/tt/grok_decoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import ttnn diff --git a/models/experimental/grok/tt/grok_embedding.py b/models/experimental/grok/tt/grok_embedding.py index c512c21978d..09b2ef4025f 100644 --- a/models/experimental/grok/tt/grok_embedding.py +++ b/models/experimental/grok/tt/grok_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/grok/tt/grok_mlp.py b/models/experimental/grok/tt/grok_mlp.py index db3cea55d8a..98c9d27de35 100644 --- a/models/experimental/grok/tt/grok_mlp.py +++ b/models/experimental/grok/tt/grok_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/grok/tt/grok_model.py b/models/experimental/grok/tt/grok_model.py index 98e7c18b0b5..54528231c76 100644 --- a/models/experimental/grok/tt/grok_model.py +++ b/models/experimental/grok/tt/grok_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/grok/tt/grok_moe.py b/models/experimental/grok/tt/grok_moe.py index 82526c3292a..e2c238612f8 100644 --- a/models/experimental/grok/tt/grok_moe.py +++ b/models/experimental/grok/tt/grok_moe.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/grok/tt/grok_rms_norm.py b/models/experimental/grok/tt/grok_rms_norm.py index b337ab81381..68d8eb4387c 100644 --- a/models/experimental/grok/tt/grok_rms_norm.py +++ b/models/experimental/grok/tt/grok_rms_norm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/experimental/grok/tt/model_config.py b/models/experimental/grok/tt/model_config.py index bc6e5737ccb..a8058927043 100644 --- a/models/experimental/grok/tt/model_config.py +++ b/models/experimental/grok/tt/model_config.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/hrnet/demo/cpu_demo.py b/models/experimental/hrnet/demo/cpu_demo.py index 186be098165..9b26de8602f 100644 --- a/models/experimental/hrnet/demo/cpu_demo.py +++ b/models/experimental/hrnet/demo/cpu_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/hrnet/demo/gs_demo.py b/models/experimental/hrnet/demo/gs_demo.py index 59acd87a6fe..e4f9945a26e 100644 --- a/models/experimental/hrnet/demo/gs_demo.py +++ b/models/experimental/hrnet/demo/gs_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/hrnet/hrnet_utils.py b/models/experimental/hrnet/hrnet_utils.py index 86c42cc1f98..9abc14b19cd 100644 --- a/models/experimental/hrnet/hrnet_utils.py +++ b/models/experimental/hrnet/hrnet_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/hrnet/reference/hrnet.py b/models/experimental/hrnet/reference/hrnet.py index 7b8e9b21021..172ac114dc3 100644 --- a/models/experimental/hrnet/reference/hrnet.py +++ b/models/experimental/hrnet/reference/hrnet.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/hrnet/tests/perf_hrnet.py b/models/experimental/hrnet/tests/perf_hrnet.py index bb74fe29efe..cf16ccee45e 100644 --- a/models/experimental/hrnet/tests/perf_hrnet.py +++ b/models/experimental/hrnet/tests/perf_hrnet.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/hrnet/tests/test_torch_hrnet.py b/models/experimental/hrnet/tests/test_torch_hrnet.py index 238f6c4b3b1..cb68ab89031 100644 --- a/models/experimental/hrnet/tests/test_torch_hrnet.py +++ b/models/experimental/hrnet/tests/test_torch_hrnet.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/hrnet/tests/test_tt_basic_block.py b/models/experimental/hrnet/tests/test_tt_basic_block.py index 847cd7f0f44..3ec9ce7efc1 100644 --- a/models/experimental/hrnet/tests/test_tt_basic_block.py +++ b/models/experimental/hrnet/tests/test_tt_basic_block.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/hrnet/tests/test_tt_bottleneck.py b/models/experimental/hrnet/tests/test_tt_bottleneck.py index 5f54227464c..4f86e1eb33b 100644 --- a/models/experimental/hrnet/tests/test_tt_bottleneck.py +++ b/models/experimental/hrnet/tests/test_tt_bottleneck.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/hrnet/tests/test_tt_high_resolution_module.py b/models/experimental/hrnet/tests/test_tt_high_resolution_module.py index c27fa54dee0..9c8c5e786c4 100644 --- a/models/experimental/hrnet/tests/test_tt_high_resolution_module.py +++ b/models/experimental/hrnet/tests/test_tt_high_resolution_module.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/hrnet/tests/test_tt_hrnet_model.py b/models/experimental/hrnet/tests/test_tt_hrnet_model.py index 576d8bfa0d5..c6d10026a2d 100644 --- a/models/experimental/hrnet/tests/test_tt_hrnet_model.py +++ b/models/experimental/hrnet/tests/test_tt_hrnet_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/hrnet/tt/basicblock.py b/models/experimental/hrnet/tt/basicblock.py index 76e2ad9e226..3b9c6b60468 100644 --- a/models/experimental/hrnet/tt/basicblock.py +++ b/models/experimental/hrnet/tt/basicblock.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/hrnet/tt/bottleneck.py b/models/experimental/hrnet/tt/bottleneck.py index f20427ab9f3..24d97660342 100644 --- a/models/experimental/hrnet/tt/bottleneck.py +++ b/models/experimental/hrnet/tt/bottleneck.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/hrnet/tt/high_resolution_module.py b/models/experimental/hrnet/tt/high_resolution_module.py index cbd809caac4..c933ff528b5 100644 --- a/models/experimental/hrnet/tt/high_resolution_module.py +++ b/models/experimental/hrnet/tt/high_resolution_module.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/hrnet/tt/hrnet_model.py b/models/experimental/hrnet/tt/hrnet_model.py index f5af91e3dd2..80e88232cb2 100644 --- a/models/experimental/hrnet/tt/hrnet_model.py +++ b/models/experimental/hrnet/tt/hrnet_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/inceptionV4/reference/_utils.py b/models/experimental/inceptionV4/reference/_utils.py index f7c22ed3d43..48a763fa526 100644 --- a/models/experimental/inceptionV4/reference/_utils.py +++ b/models/experimental/inceptionV4/reference/_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/inceptionV4/reference/basicconv.py b/models/experimental/inceptionV4/reference/basicconv.py index d24cbbc465b..31c18833295 100644 --- a/models/experimental/inceptionV4/reference/basicconv.py +++ b/models/experimental/inceptionV4/reference/basicconv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/inceptionV4/reference/inception.py b/models/experimental/inceptionV4/reference/inception.py index 6576648e3f8..e72796045f5 100644 --- a/models/experimental/inceptionV4/reference/inception.py +++ b/models/experimental/inceptionV4/reference/inception.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/inceptionV4/tests/test_inceptionv4.py b/models/experimental/inceptionV4/tests/test_inceptionv4.py index 1f6879962c1..d5f4639af9b 100644 --- a/models/experimental/inceptionV4/tests/test_inceptionv4.py +++ b/models/experimental/inceptionV4/tests/test_inceptionv4.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/lenet/demo/cpu_demo.py b/models/experimental/lenet/demo/cpu_demo.py index cc65255f435..0972acb1d8c 100644 --- a/models/experimental/lenet/demo/cpu_demo.py +++ b/models/experimental/lenet/demo/cpu_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/lenet/demo/gs_demo.py b/models/experimental/lenet/demo/gs_demo.py index 08d51ddc8ff..e6cb2e9364a 100644 --- a/models/experimental/lenet/demo/gs_demo.py +++ b/models/experimental/lenet/demo/gs_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/lenet/lenet_utils.py b/models/experimental/lenet/lenet_utils.py index 063b82a0f3d..da2320c61ae 100644 --- a/models/experimental/lenet/lenet_utils.py +++ b/models/experimental/lenet/lenet_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/lenet/reference/lenet.py b/models/experimental/lenet/reference/lenet.py index fa425201f6c..ae112f0075b 100644 --- a/models/experimental/lenet/reference/lenet.py +++ b/models/experimental/lenet/reference/lenet.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/lenet/tests/test_lenet.py b/models/experimental/lenet/tests/test_lenet.py index 96ec9af8751..f0364d10a30 100644 --- a/models/experimental/lenet/tests/test_lenet.py +++ b/models/experimental/lenet/tests/test_lenet.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/lenet/tests/test_lenet_perf.py b/models/experimental/lenet/tests/test_lenet_perf.py index 9767df8c81e..20d312044a4 100644 --- a/models/experimental/lenet/tests/test_lenet_perf.py +++ b/models/experimental/lenet/tests/test_lenet_perf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/lenet/tests/test_perf_accuracy_lenet.py b/models/experimental/lenet/tests/test_perf_accuracy_lenet.py index 83840e7098d..cf13bbdfe19 100644 --- a/models/experimental/lenet/tests/test_perf_accuracy_lenet.py +++ b/models/experimental/lenet/tests/test_perf_accuracy_lenet.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/lenet/tt/lenet.py b/models/experimental/lenet/tt/lenet.py index 4b4c7aaedb4..22455770628 100644 --- a/models/experimental/lenet/tt/lenet.py +++ b/models/experimental/lenet/tt/lenet.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/llama/demo/cpu_llama_demo.py b/models/experimental/llama/demo/cpu_llama_demo.py index caf0698a5df..ff72e4bbe9c 100644 --- a/models/experimental/llama/demo/cpu_llama_demo.py +++ b/models/experimental/llama/demo/cpu_llama_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/llama/demo/gs_llama_demo.py b/models/experimental/llama/demo/gs_llama_demo.py index b495fac91f9..be7bfdd253c 100644 --- a/models/experimental/llama/demo/gs_llama_demo.py +++ b/models/experimental/llama/demo/gs_llama_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/llama/llama_utils.py b/models/experimental/llama/llama_utils.py index 950999a356f..985bc9aa139 100644 --- a/models/experimental/llama/llama_utils.py +++ b/models/experimental/llama/llama_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/llama/tests/test_llama_attention.py b/models/experimental/llama/tests/test_llama_attention.py index c80b01a0dbf..fb3c7c3d569 100644 --- a/models/experimental/llama/tests/test_llama_attention.py +++ b/models/experimental/llama/tests/test_llama_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/llama/tests/test_llama_decoder.py b/models/experimental/llama/tests/test_llama_decoder.py index 608e5886150..d165ec97d9f 100644 --- a/models/experimental/llama/tests/test_llama_decoder.py +++ b/models/experimental/llama/tests/test_llama_decoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/llama/tests/test_llama_first_half.py b/models/experimental/llama/tests/test_llama_first_half.py index 1646dbd13cb..3d148d310c1 100644 --- a/models/experimental/llama/tests/test_llama_first_half.py +++ b/models/experimental/llama/tests/test_llama_first_half.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/llama/tests/test_llama_layer_norm.py b/models/experimental/llama/tests/test_llama_layer_norm.py index 32f127217e8..ef46261d8cb 100644 --- a/models/experimental/llama/tests/test_llama_layer_norm.py +++ b/models/experimental/llama/tests/test_llama_layer_norm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/llama/tests/test_llama_mlp.py b/models/experimental/llama/tests/test_llama_mlp.py index 2c0772e0b7e..8f884799223 100644 --- a/models/experimental/llama/tests/test_llama_mlp.py +++ b/models/experimental/llama/tests/test_llama_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/llama/tests/test_llama_second_half.py b/models/experimental/llama/tests/test_llama_second_half.py index eab22cde500..11e2814cec2 100644 --- a/models/experimental/llama/tests/test_llama_second_half.py +++ b/models/experimental/llama/tests/test_llama_second_half.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/llama/tests/test_llama_stacked_decoders.py b/models/experimental/llama/tests/test_llama_stacked_decoders.py index 7dedf21ec18..5b5d8071076 100644 --- a/models/experimental/llama/tests/test_llama_stacked_decoders.py +++ b/models/experimental/llama/tests/test_llama_stacked_decoders.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/llama/tests/test_llama_stacked_decoders_split.py b/models/experimental/llama/tests/test_llama_stacked_decoders_split.py index 1877f251563..5e594e79485 100644 --- a/models/experimental/llama/tests/test_llama_stacked_decoders_split.py +++ b/models/experimental/llama/tests/test_llama_stacked_decoders_split.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/llama/tt/llama.py b/models/experimental/llama/tt/llama.py index 8e216a7b112..7f0aa7fa85c 100644 --- a/models/experimental/llama/tt/llama.py +++ b/models/experimental/llama/tt/llama.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/llama/tt/llama_attention.py b/models/experimental/llama/tt/llama_attention.py index 0a8251e05cb..7809f464a6c 100644 --- a/models/experimental/llama/tt/llama_attention.py +++ b/models/experimental/llama/tt/llama_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/llama/tt/llama_decoder.py b/models/experimental/llama/tt/llama_decoder.py index c0601fe2544..e7e54c69e31 100644 --- a/models/experimental/llama/tt/llama_decoder.py +++ b/models/experimental/llama/tt/llama_decoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/llama/tt/llama_embeddings.py b/models/experimental/llama/tt/llama_embeddings.py index 9aefe66c378..09e217122fd 100644 --- a/models/experimental/llama/tt/llama_embeddings.py +++ b/models/experimental/llama/tt/llama_embeddings.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/llama/tt/llama_first_half.py b/models/experimental/llama/tt/llama_first_half.py index 924baa95142..33bc25b8972 100644 --- a/models/experimental/llama/tt/llama_first_half.py +++ b/models/experimental/llama/tt/llama_first_half.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/llama/tt/llama_layer_norm.py b/models/experimental/llama/tt/llama_layer_norm.py index a1fd0370253..c20bd406fb2 100644 --- a/models/experimental/llama/tt/llama_layer_norm.py +++ b/models/experimental/llama/tt/llama_layer_norm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/llama/tt/llama_mlp.py b/models/experimental/llama/tt/llama_mlp.py index 316490a919c..cb8079e337a 100644 --- a/models/experimental/llama/tt/llama_mlp.py +++ b/models/experimental/llama/tt/llama_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/llama/tt/llama_second_half.py b/models/experimental/llama/tt/llama_second_half.py index d12468e7473..8382d1f5d68 100644 --- a/models/experimental/llama/tt/llama_second_half.py +++ b/models/experimental/llama/tt/llama_second_half.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/llama/tt/llama_stacked_decoders.py b/models/experimental/llama/tt/llama_stacked_decoders.py index db4cb8aa936..662083a5c0a 100644 --- a/models/experimental/llama/tt/llama_stacked_decoders.py +++ b/models/experimental/llama/tt/llama_stacked_decoders.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/llama2/demo/cpu_llama2_demo.py b/models/experimental/llama2/demo/cpu_llama2_demo.py index 4057a7d6c89..821e651471f 100644 --- a/models/experimental/llama2/demo/cpu_llama2_demo.py +++ b/models/experimental/llama2/demo/cpu_llama2_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/llama2/llama2_utils.py b/models/experimental/llama2/llama2_utils.py index b0936476faa..e78a06359bb 100644 --- a/models/experimental/llama2/llama2_utils.py +++ b/models/experimental/llama2/llama2_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/mamba/tests/test_demo.py b/models/experimental/mamba/tests/test_demo.py index 0cecf471d2d..5d11b6f35dc 100644 --- a/models/experimental/mamba/tests/test_demo.py +++ b/models/experimental/mamba/tests/test_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/mamba/tests/test_full_model.py b/models/experimental/mamba/tests/test_full_model.py index d22023643a3..7ffe0b2c48f 100644 --- a/models/experimental/mamba/tests/test_full_model.py +++ b/models/experimental/mamba/tests/test_full_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/mnist/demo/gs_demo.py b/models/experimental/mnist/demo/gs_demo.py index 47b06390ddf..9d099a55034 100644 --- a/models/experimental/mnist/demo/gs_demo.py +++ b/models/experimental/mnist/demo/gs_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/mnist/reference/mnist.py b/models/experimental/mnist/reference/mnist.py index 46a1213de96..62c0879042a 100644 --- a/models/experimental/mnist/reference/mnist.py +++ b/models/experimental/mnist/reference/mnist.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/mnist/tests/perf_mnist.py b/models/experimental/mnist/tests/perf_mnist.py index cb7ab61970e..b7f5bb02bff 100644 --- a/models/experimental/mnist/tests/perf_mnist.py +++ b/models/experimental/mnist/tests/perf_mnist.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/mnist/tests/test_mnist.py b/models/experimental/mnist/tests/test_mnist.py index 5105868b84e..8001de2d5c2 100644 --- a/models/experimental/mnist/tests/test_mnist.py +++ b/models/experimental/mnist/tests/test_mnist.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/mnist/tests/test_perf_accuracy_mnist.py b/models/experimental/mnist/tests/test_perf_accuracy_mnist.py index fa331384634..1ef7579194e 100644 --- a/models/experimental/mnist/tests/test_perf_accuracy_mnist.py +++ b/models/experimental/mnist/tests/test_perf_accuracy_mnist.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/mnist/tt/mnist_model.py b/models/experimental/mnist/tt/mnist_model.py index 81ddd1291f0..1ebba5b252a 100644 --- a/models/experimental/mnist/tt/mnist_model.py +++ b/models/experimental/mnist/tt/mnist_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/mobilenet/reference/mobilenetv2.py b/models/experimental/mobilenet/reference/mobilenetv2.py index 49e8e509742..f8e9962133e 100644 --- a/models/experimental/mobilenet/reference/mobilenetv2.py +++ b/models/experimental/mobilenet/reference/mobilenetv2.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/mobilenet/tests/test_mobilenetv2.py b/models/experimental/mobilenet/tests/test_mobilenetv2.py index 48c1935eb87..b3eae631219 100644 --- a/models/experimental/mobilenet/tests/test_mobilenetv2.py +++ b/models/experimental/mobilenet/tests/test_mobilenetv2.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/nanogpt/demo/cpu_demo.py b/models/experimental/nanogpt/demo/cpu_demo.py index bd47f9b39bb..93846e56585 100644 --- a/models/experimental/nanogpt/demo/cpu_demo.py +++ b/models/experimental/nanogpt/demo/cpu_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/nanogpt/demo/dataset_utils.py b/models/experimental/nanogpt/demo/dataset_utils.py index e0e1afc77d0..1183c72ecd6 100644 --- a/models/experimental/nanogpt/demo/dataset_utils.py +++ b/models/experimental/nanogpt/demo/dataset_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/nanogpt/nanogpt_utils.py b/models/experimental/nanogpt/nanogpt_utils.py index ba104cc13e5..77aa4871602 100644 --- a/models/experimental/nanogpt/nanogpt_utils.py +++ b/models/experimental/nanogpt/nanogpt_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/nanogpt/reference/bench.py b/models/experimental/nanogpt/reference/bench.py index 8289352caab..4555ddaff02 100644 --- a/models/experimental/nanogpt/reference/bench.py +++ b/models/experimental/nanogpt/reference/bench.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/nanogpt/reference/config/eval_gpt2.py b/models/experimental/nanogpt/reference/config/eval_gpt2.py index 517a3a49318..9da3aff20e3 100644 --- a/models/experimental/nanogpt/reference/config/eval_gpt2.py +++ b/models/experimental/nanogpt/reference/config/eval_gpt2.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/nanogpt/reference/config/eval_gpt2_large.py b/models/experimental/nanogpt/reference/config/eval_gpt2_large.py index 0e4927d2233..5d76f591c91 100644 --- a/models/experimental/nanogpt/reference/config/eval_gpt2_large.py +++ b/models/experimental/nanogpt/reference/config/eval_gpt2_large.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/nanogpt/reference/config/eval_gpt2_medium.py b/models/experimental/nanogpt/reference/config/eval_gpt2_medium.py index fd3c7df4709..a20fe1dfe8c 100644 --- a/models/experimental/nanogpt/reference/config/eval_gpt2_medium.py +++ b/models/experimental/nanogpt/reference/config/eval_gpt2_medium.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/nanogpt/reference/config/eval_gpt2_xl.py b/models/experimental/nanogpt/reference/config/eval_gpt2_xl.py index d56cec6827b..89f20c0dfe2 100644 --- a/models/experimental/nanogpt/reference/config/eval_gpt2_xl.py +++ b/models/experimental/nanogpt/reference/config/eval_gpt2_xl.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/nanogpt/reference/config/finetune_shakespeare.py b/models/experimental/nanogpt/reference/config/finetune_shakespeare.py index 743e8ca785d..ce0155669a1 100644 --- a/models/experimental/nanogpt/reference/config/finetune_shakespeare.py +++ b/models/experimental/nanogpt/reference/config/finetune_shakespeare.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/nanogpt/reference/config/train_gpt2.py b/models/experimental/nanogpt/reference/config/train_gpt2.py index 2428c15cb7f..24d928d1007 100644 --- a/models/experimental/nanogpt/reference/config/train_gpt2.py +++ b/models/experimental/nanogpt/reference/config/train_gpt2.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/nanogpt/reference/config/train_shakespeare_char.py b/models/experimental/nanogpt/reference/config/train_shakespeare_char.py index 705172e2a2e..354969a5da2 100644 --- a/models/experimental/nanogpt/reference/config/train_shakespeare_char.py +++ b/models/experimental/nanogpt/reference/config/train_shakespeare_char.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/nanogpt/reference/configurator.py b/models/experimental/nanogpt/reference/configurator.py index 614d1eab9e4..9168a562f72 100644 --- a/models/experimental/nanogpt/reference/configurator.py +++ b/models/experimental/nanogpt/reference/configurator.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/nanogpt/reference/model.py b/models/experimental/nanogpt/reference/model.py index 529857d1cf4..66e342abef1 100644 --- a/models/experimental/nanogpt/reference/model.py +++ b/models/experimental/nanogpt/reference/model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/nanogpt/reference/sample.py b/models/experimental/nanogpt/reference/sample.py index c0c12525823..484197ca183 100644 --- a/models/experimental/nanogpt/reference/sample.py +++ b/models/experimental/nanogpt/reference/sample.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/nanogpt/tests/test_nanogpt_attention.py b/models/experimental/nanogpt/tests/test_nanogpt_attention.py index 78020d8f241..30e6fb24d22 100644 --- a/models/experimental/nanogpt/tests/test_nanogpt_attention.py +++ b/models/experimental/nanogpt/tests/test_nanogpt_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/nanogpt/tests/test_nanogpt_block.py b/models/experimental/nanogpt/tests/test_nanogpt_block.py index d46bb07d2c4..3d7997745d0 100644 --- a/models/experimental/nanogpt/tests/test_nanogpt_block.py +++ b/models/experimental/nanogpt/tests/test_nanogpt_block.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/nanogpt/tests/test_nanogpt_mlp.py b/models/experimental/nanogpt/tests/test_nanogpt_mlp.py index 4f195742be2..aeb48f9e69b 100644 --- a/models/experimental/nanogpt/tests/test_nanogpt_mlp.py +++ b/models/experimental/nanogpt/tests/test_nanogpt_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/nanogpt/tests/test_nanogpt_model.py b/models/experimental/nanogpt/tests/test_nanogpt_model.py index 1c5949a8b5d..4d8a03570d5 100644 --- a/models/experimental/nanogpt/tests/test_nanogpt_model.py +++ b/models/experimental/nanogpt/tests/test_nanogpt_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/nanogpt/tt/nanogpt.py b/models/experimental/nanogpt/tt/nanogpt.py index 7b2a0ca95af..bcf6cc0e40b 100644 --- a/models/experimental/nanogpt/tt/nanogpt.py +++ b/models/experimental/nanogpt/tt/nanogpt.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/nanogpt/tt/nanogpt_attention.py b/models/experimental/nanogpt/tt/nanogpt_attention.py index 9e7dbe702a8..1ef4f485ed4 100644 --- a/models/experimental/nanogpt/tt/nanogpt_attention.py +++ b/models/experimental/nanogpt/tt/nanogpt_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/nanogpt/tt/nanogpt_block.py b/models/experimental/nanogpt/tt/nanogpt_block.py index 5fa1e0c7385..8447dde108e 100644 --- a/models/experimental/nanogpt/tt/nanogpt_block.py +++ b/models/experimental/nanogpt/tt/nanogpt_block.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/nanogpt/tt/nanogpt_mlp.py b/models/experimental/nanogpt/tt/nanogpt_mlp.py index f26a6e3f82f..68c0e33ea52 100644 --- a/models/experimental/nanogpt/tt/nanogpt_mlp.py +++ b/models/experimental/nanogpt/tt/nanogpt_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/nanogpt/tt/nanogpt_model.py b/models/experimental/nanogpt/tt/nanogpt_model.py index f1bc7a9566b..f83795357a4 100644 --- a/models/experimental/nanogpt/tt/nanogpt_model.py +++ b/models/experimental/nanogpt/tt/nanogpt_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/retinanet/demo/cpu_demo.py b/models/experimental/retinanet/demo/cpu_demo.py index 19ec3121b4a..a9fd0fa2aaf 100644 --- a/models/experimental/retinanet/demo/cpu_demo.py +++ b/models/experimental/retinanet/demo/cpu_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/demo/roberta.py b/models/experimental/roberta/demo/roberta.py index 3bb2f7659e6..6070e22b1df 100644 --- a/models/experimental/roberta/demo/roberta.py +++ b/models/experimental/roberta/demo/roberta.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/roberta_common.py b/models/experimental/roberta/roberta_common.py index e6d2bdef5a0..e5165425f60 100644 --- a/models/experimental/roberta/roberta_common.py +++ b/models/experimental/roberta/roberta_common.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tests/test_perf_roberta.py b/models/experimental/roberta/tests/test_perf_roberta.py index b361f4f8649..1115735e23c 100644 --- a/models/experimental/roberta/tests/test_perf_roberta.py +++ b/models/experimental/roberta/tests/test_perf_roberta.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tests/test_roberta_attention.py b/models/experimental/roberta/tests/test_roberta_attention.py index 08711482daa..d270b3b12bb 100644 --- a/models/experimental/roberta/tests/test_roberta_attention.py +++ b/models/experimental/roberta/tests/test_roberta_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tests/test_roberta_classification_head.py b/models/experimental/roberta/tests/test_roberta_classification_head.py index 2d02371f2d2..c1131d57bdc 100644 --- a/models/experimental/roberta/tests/test_roberta_classification_head.py +++ b/models/experimental/roberta/tests/test_roberta_classification_head.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tests/test_roberta_encoder.py b/models/experimental/roberta/tests/test_roberta_encoder.py index 5093f480629..a01e677249b 100644 --- a/models/experimental/roberta/tests/test_roberta_encoder.py +++ b/models/experimental/roberta/tests/test_roberta_encoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tests/test_roberta_for_masked_lm.py b/models/experimental/roberta/tests/test_roberta_for_masked_lm.py index 47f5a15cfa8..3e2a803a9d3 100644 --- a/models/experimental/roberta/tests/test_roberta_for_masked_lm.py +++ b/models/experimental/roberta/tests/test_roberta_for_masked_lm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tests/test_roberta_for_multiple_choice.py b/models/experimental/roberta/tests/test_roberta_for_multiple_choice.py index 26e7e1f42c0..1bde183fbf0 100644 --- a/models/experimental/roberta/tests/test_roberta_for_multiple_choice.py +++ b/models/experimental/roberta/tests/test_roberta_for_multiple_choice.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tests/test_roberta_for_qa.py b/models/experimental/roberta/tests/test_roberta_for_qa.py index ac0b22643b3..2b1ed9f4055 100644 --- a/models/experimental/roberta/tests/test_roberta_for_qa.py +++ b/models/experimental/roberta/tests/test_roberta_for_qa.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tests/test_roberta_for_sequence_classification.py b/models/experimental/roberta/tests/test_roberta_for_sequence_classification.py index 045d1c35b0e..039178792cf 100644 --- a/models/experimental/roberta/tests/test_roberta_for_sequence_classification.py +++ b/models/experimental/roberta/tests/test_roberta_for_sequence_classification.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tests/test_roberta_for_token_classification.py b/models/experimental/roberta/tests/test_roberta_for_token_classification.py index e574305dd0e..60d73c64d46 100644 --- a/models/experimental/roberta/tests/test_roberta_for_token_classification.py +++ b/models/experimental/roberta/tests/test_roberta_for_token_classification.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tests/test_roberta_intermediate.py b/models/experimental/roberta/tests/test_roberta_intermediate.py index 0a422fd81ad..d2431f7b2af 100644 --- a/models/experimental/roberta/tests/test_roberta_intermediate.py +++ b/models/experimental/roberta/tests/test_roberta_intermediate.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tests/test_roberta_layer.py b/models/experimental/roberta/tests/test_roberta_layer.py index 3e34486d798..9ff1fa99b69 100644 --- a/models/experimental/roberta/tests/test_roberta_layer.py +++ b/models/experimental/roberta/tests/test_roberta_layer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tests/test_roberta_lm_head.py b/models/experimental/roberta/tests/test_roberta_lm_head.py index c101f219597..f8e7b8deb54 100644 --- a/models/experimental/roberta/tests/test_roberta_lm_head.py +++ b/models/experimental/roberta/tests/test_roberta_lm_head.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tests/test_roberta_model.py b/models/experimental/roberta/tests/test_roberta_model.py index e9a293e4cce..e556f8af3a4 100644 --- a/models/experimental/roberta/tests/test_roberta_model.py +++ b/models/experimental/roberta/tests/test_roberta_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tests/test_roberta_output.py b/models/experimental/roberta/tests/test_roberta_output.py index 205349ff80f..c2346311e77 100644 --- a/models/experimental/roberta/tests/test_roberta_output.py +++ b/models/experimental/roberta/tests/test_roberta_output.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tests/test_roberta_pooler.py b/models/experimental/roberta/tests/test_roberta_pooler.py index 935457aa95d..6528fb51316 100644 --- a/models/experimental/roberta/tests/test_roberta_pooler.py +++ b/models/experimental/roberta/tests/test_roberta_pooler.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tests/test_roberta_self_attention.py b/models/experimental/roberta/tests/test_roberta_self_attention.py index 7fb37d932cd..9a67ff333d0 100644 --- a/models/experimental/roberta/tests/test_roberta_self_attention.py +++ b/models/experimental/roberta/tests/test_roberta_self_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tests/test_roberta_self_output.py b/models/experimental/roberta/tests/test_roberta_self_output.py index 4f3fae55d49..88e4ca76008 100644 --- a/models/experimental/roberta/tests/test_roberta_self_output.py +++ b/models/experimental/roberta/tests/test_roberta_self_output.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tt/roberta_attention.py b/models/experimental/roberta/tt/roberta_attention.py index a5253405184..51102456fed 100644 --- a/models/experimental/roberta/tt/roberta_attention.py +++ b/models/experimental/roberta/tt/roberta_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tt/roberta_classification_head.py b/models/experimental/roberta/tt/roberta_classification_head.py index fc79feb5cae..c023e966ffb 100644 --- a/models/experimental/roberta/tt/roberta_classification_head.py +++ b/models/experimental/roberta/tt/roberta_classification_head.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tt/roberta_embeddings.py b/models/experimental/roberta/tt/roberta_embeddings.py index 9d70ab64983..114db968275 100644 --- a/models/experimental/roberta/tt/roberta_embeddings.py +++ b/models/experimental/roberta/tt/roberta_embeddings.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tt/roberta_encoder.py b/models/experimental/roberta/tt/roberta_encoder.py index 861a81e8330..d4da18eb5e6 100644 --- a/models/experimental/roberta/tt/roberta_encoder.py +++ b/models/experimental/roberta/tt/roberta_encoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tt/roberta_for_masked_lm.py b/models/experimental/roberta/tt/roberta_for_masked_lm.py index 6cb9bde12ec..54f18eb10e2 100644 --- a/models/experimental/roberta/tt/roberta_for_masked_lm.py +++ b/models/experimental/roberta/tt/roberta_for_masked_lm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tt/roberta_for_multiple_choice.py b/models/experimental/roberta/tt/roberta_for_multiple_choice.py index db14977aed6..bb65ad3333b 100644 --- a/models/experimental/roberta/tt/roberta_for_multiple_choice.py +++ b/models/experimental/roberta/tt/roberta_for_multiple_choice.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tt/roberta_for_question_answering.py b/models/experimental/roberta/tt/roberta_for_question_answering.py index 6f8e6f6bef3..6d117006cb0 100644 --- a/models/experimental/roberta/tt/roberta_for_question_answering.py +++ b/models/experimental/roberta/tt/roberta_for_question_answering.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tt/roberta_for_sequence_classification.py b/models/experimental/roberta/tt/roberta_for_sequence_classification.py index 460d4d85710..634e5c21ab4 100644 --- a/models/experimental/roberta/tt/roberta_for_sequence_classification.py +++ b/models/experimental/roberta/tt/roberta_for_sequence_classification.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tt/roberta_for_token_classification.py b/models/experimental/roberta/tt/roberta_for_token_classification.py index 3f2c114ebd3..5cfa237a779 100644 --- a/models/experimental/roberta/tt/roberta_for_token_classification.py +++ b/models/experimental/roberta/tt/roberta_for_token_classification.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tt/roberta_intermediate.py b/models/experimental/roberta/tt/roberta_intermediate.py index fc7bac67ed3..89251b21d6a 100644 --- a/models/experimental/roberta/tt/roberta_intermediate.py +++ b/models/experimental/roberta/tt/roberta_intermediate.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tt/roberta_layer.py b/models/experimental/roberta/tt/roberta_layer.py index ce2bedd4326..1fe484667d2 100644 --- a/models/experimental/roberta/tt/roberta_layer.py +++ b/models/experimental/roberta/tt/roberta_layer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tt/roberta_lm_head.py b/models/experimental/roberta/tt/roberta_lm_head.py index df7b3db6fbe..9bf8d1baf72 100644 --- a/models/experimental/roberta/tt/roberta_lm_head.py +++ b/models/experimental/roberta/tt/roberta_lm_head.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tt/roberta_model.py b/models/experimental/roberta/tt/roberta_model.py index 93b3882e550..08e77d23e79 100644 --- a/models/experimental/roberta/tt/roberta_model.py +++ b/models/experimental/roberta/tt/roberta_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tt/roberta_output.py b/models/experimental/roberta/tt/roberta_output.py index 093f74d3497..a95daf5690c 100644 --- a/models/experimental/roberta/tt/roberta_output.py +++ b/models/experimental/roberta/tt/roberta_output.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tt/roberta_pooler.py b/models/experimental/roberta/tt/roberta_pooler.py index c5a073cfd1a..3ec04209cd4 100644 --- a/models/experimental/roberta/tt/roberta_pooler.py +++ b/models/experimental/roberta/tt/roberta_pooler.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tt/roberta_self_attention.py b/models/experimental/roberta/tt/roberta_self_attention.py index ca8a275065e..7e336199ab2 100644 --- a/models/experimental/roberta/tt/roberta_self_attention.py +++ b/models/experimental/roberta/tt/roberta_self_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/roberta/tt/roberta_self_output.py b/models/experimental/roberta/tt/roberta_self_output.py index f2f06d98608..bf6aa2fe7d4 100644 --- a/models/experimental/roberta/tt/roberta_self_output.py +++ b/models/experimental/roberta/tt/roberta_self_output.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/squeezebert/demo/cpu_demo.py b/models/experimental/squeezebert/demo/cpu_demo.py index 65298572e02..7c18197df04 100644 --- a/models/experimental/squeezebert/demo/cpu_demo.py +++ b/models/experimental/squeezebert/demo/cpu_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/squeezebert/squeezebert_utils.py b/models/experimental/squeezebert/squeezebert_utils.py index 3ab7b31bef2..daf1268af2d 100644 --- a/models/experimental/squeezebert/squeezebert_utils.py +++ b/models/experimental/squeezebert/squeezebert_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/squeezenet/reference/squeezenet.py b/models/experimental/squeezenet/reference/squeezenet.py index b9c9015f74d..97b3c681260 100644 --- a/models/experimental/squeezenet/reference/squeezenet.py +++ b/models/experimental/squeezenet/reference/squeezenet.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/squeezenet/tests/test_squeezenet1.py b/models/experimental/squeezenet/tests/test_squeezenet1.py index 8fab4e1faeb..45ebfe5b228 100644 --- a/models/experimental/squeezenet/tests/test_squeezenet1.py +++ b/models/experimental/squeezenet/tests/test_squeezenet1.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/squeezenet/tests/test_squeezenet1_1.py b/models/experimental/squeezenet/tests/test_squeezenet1_1.py index c04302037f1..f89ba4770cb 100644 --- a/models/experimental/squeezenet/tests/test_squeezenet1_1.py +++ b/models/experimental/squeezenet/tests/test_squeezenet1_1.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/demo/cpu_demo.py b/models/experimental/ssd/demo/cpu_demo.py index 91ff3070376..f608acc2992 100644 --- a/models/experimental/ssd/demo/cpu_demo.py +++ b/models/experimental/ssd/demo/cpu_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/demo/gs_demo.py b/models/experimental/ssd/demo/gs_demo.py index 18f65c8dc9e..44eefad7010 100644 --- a/models/experimental/ssd/demo/gs_demo.py +++ b/models/experimental/ssd/demo/gs_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/reference/backbone.py b/models/experimental/ssd/reference/backbone.py index e633f62c630..29b757b48c6 100644 --- a/models/experimental/ssd/reference/backbone.py +++ b/models/experimental/ssd/reference/backbone.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/reference/ssd.py b/models/experimental/ssd/reference/ssd.py index bb10ffb7492..d682b00ed1c 100644 --- a/models/experimental/ssd/reference/ssd.py +++ b/models/experimental/ssd/reference/ssd.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/reference/ssd_head.py b/models/experimental/ssd/reference/ssd_head.py index f5d46423574..fb709056371 100644 --- a/models/experimental/ssd/reference/ssd_head.py +++ b/models/experimental/ssd/reference/ssd_head.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/reference/torch_utils.py b/models/experimental/ssd/reference/torch_utils.py index 9ede6dcfe3f..2e567bbfa06 100644 --- a/models/experimental/ssd/reference/torch_utils.py +++ b/models/experimental/ssd/reference/torch_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/reference/utils/metrics.py b/models/experimental/ssd/reference/utils/metrics.py index 75892a9a631..4e7fd4981b7 100644 --- a/models/experimental/ssd/reference/utils/metrics.py +++ b/models/experimental/ssd/reference/utils/metrics.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/ssd_utils.py b/models/experimental/ssd/ssd_utils.py index 5dd9d72c457..572f23d0340 100644 --- a/models/experimental/ssd/ssd_utils.py +++ b/models/experimental/ssd/ssd_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/tests/perf_ssd.py b/models/experimental/ssd/tests/perf_ssd.py index c5c0b76cdeb..f3ac66b20eb 100644 --- a/models/experimental/ssd/tests/perf_ssd.py +++ b/models/experimental/ssd/tests/perf_ssd.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/tests/test_perf_accuracy_ssd.py b/models/experimental/ssd/tests/test_perf_accuracy_ssd.py index 14f147b1652..2e702d08b86 100644 --- a/models/experimental/ssd/tests/test_perf_accuracy_ssd.py +++ b/models/experimental/ssd/tests/test_perf_accuracy_ssd.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/tests/test_ssd.py b/models/experimental/ssd/tests/test_ssd.py index bac8dc03b49..e7e1e05f69f 100644 --- a/models/experimental/ssd/tests/test_ssd.py +++ b/models/experimental/ssd/tests/test_ssd.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/tests/test_ssd_backbone.py b/models/experimental/ssd/tests/test_ssd_backbone.py index c3f1ca8cd28..654205340f5 100644 --- a/models/experimental/ssd/tests/test_ssd_backbone.py +++ b/models/experimental/ssd/tests/test_ssd_backbone.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/tests/test_ssd_classification_head.py b/models/experimental/ssd/tests/test_ssd_classification_head.py index 3fd1eee592f..c7df3c69d3a 100644 --- a/models/experimental/ssd/tests/test_ssd_classification_head.py +++ b/models/experimental/ssd/tests/test_ssd_classification_head.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/tests/test_ssd_convlayer.py b/models/experimental/ssd/tests/test_ssd_convlayer.py index 7452639662e..d2eb943ce04 100644 --- a/models/experimental/ssd/tests/test_ssd_convlayer.py +++ b/models/experimental/ssd/tests/test_ssd_convlayer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/tests/test_ssd_inverted_residual.py b/models/experimental/ssd/tests/test_ssd_inverted_residual.py index f2f0fb2750f..a0e81faff4d 100644 --- a/models/experimental/ssd/tests/test_ssd_inverted_residual.py +++ b/models/experimental/ssd/tests/test_ssd_inverted_residual.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/tests/test_ssd_inverted_squeeze.py b/models/experimental/ssd/tests/test_ssd_inverted_squeeze.py index ddd9279c1d9..4c44a28f029 100644 --- a/models/experimental/ssd/tests/test_ssd_inverted_squeeze.py +++ b/models/experimental/ssd/tests/test_ssd_inverted_squeeze.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/tests/test_ssd_mobilenetv3_features.py b/models/experimental/ssd/tests/test_ssd_mobilenetv3_features.py index 42594fa1796..41ad02b9bd6 100644 --- a/models/experimental/ssd/tests/test_ssd_mobilenetv3_features.py +++ b/models/experimental/ssd/tests/test_ssd_mobilenetv3_features.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/tests/test_ssd_regression_head.py b/models/experimental/ssd/tests/test_ssd_regression_head.py index dc2fe823030..64224cfc5f4 100644 --- a/models/experimental/ssd/tests/test_ssd_regression_head.py +++ b/models/experimental/ssd/tests/test_ssd_regression_head.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/tests/test_ssd_squeeze_excitation.py b/models/experimental/ssd/tests/test_ssd_squeeze_excitation.py index 6110270fa9f..f0d601793e5 100644 --- a/models/experimental/ssd/tests/test_ssd_squeeze_excitation.py +++ b/models/experimental/ssd/tests/test_ssd_squeeze_excitation.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/tests/test_ssd_stemlayer.py b/models/experimental/ssd/tests/test_ssd_stemlayer.py index dba2347e48c..cc08913c032 100644 --- a/models/experimental/ssd/tests/test_ssd_stemlayer.py +++ b/models/experimental/ssd/tests/test_ssd_stemlayer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/tests/test_torch_ssd.py b/models/experimental/ssd/tests/test_torch_ssd.py index 197582169f5..e70847acfa0 100644 --- a/models/experimental/ssd/tests/test_torch_ssd.py +++ b/models/experimental/ssd/tests/test_torch_ssd.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/tt/ssd.py b/models/experimental/ssd/tt/ssd.py index 6e6a594e55e..221338470da 100644 --- a/models/experimental/ssd/tt/ssd.py +++ b/models/experimental/ssd/tt/ssd.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/tt/ssd_backbone.py b/models/experimental/ssd/tt/ssd_backbone.py index fe5855e7108..0559dfad8ff 100644 --- a/models/experimental/ssd/tt/ssd_backbone.py +++ b/models/experimental/ssd/tt/ssd_backbone.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/tt/ssd_box_generator.py b/models/experimental/ssd/tt/ssd_box_generator.py index d90d929be0b..14146f15c7a 100644 --- a/models/experimental/ssd/tt/ssd_box_generator.py +++ b/models/experimental/ssd/tt/ssd_box_generator.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/tt/ssd_classification_head.py b/models/experimental/ssd/tt/ssd_classification_head.py index 88915125e9e..d1da3f4eba2 100644 --- a/models/experimental/ssd/tt/ssd_classification_head.py +++ b/models/experimental/ssd/tt/ssd_classification_head.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/tt/ssd_lite.py b/models/experimental/ssd/tt/ssd_lite.py index b580df89f6d..2a68ae45b0f 100644 --- a/models/experimental/ssd/tt/ssd_lite.py +++ b/models/experimental/ssd/tt/ssd_lite.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/tt/ssd_lite_head.py b/models/experimental/ssd/tt/ssd_lite_head.py index 6a5ab60fa27..d55ee7064d0 100644 --- a/models/experimental/ssd/tt/ssd_lite_head.py +++ b/models/experimental/ssd/tt/ssd_lite_head.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/tt/ssd_mobilenetv3_convlayer.py b/models/experimental/ssd/tt/ssd_mobilenetv3_convlayer.py index f9346712852..5f11d02faec 100644 --- a/models/experimental/ssd/tt/ssd_mobilenetv3_convlayer.py +++ b/models/experimental/ssd/tt/ssd_mobilenetv3_convlayer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/tt/ssd_mobilenetv3_extract.py b/models/experimental/ssd/tt/ssd_mobilenetv3_extract.py index c5bd5402cc0..239ffe4931a 100644 --- a/models/experimental/ssd/tt/ssd_mobilenetv3_extract.py +++ b/models/experimental/ssd/tt/ssd_mobilenetv3_extract.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/tt/ssd_mobilenetv3_features.py b/models/experimental/ssd/tt/ssd_mobilenetv3_features.py index fe7a26b1aaf..8c8758aa119 100644 --- a/models/experimental/ssd/tt/ssd_mobilenetv3_features.py +++ b/models/experimental/ssd/tt/ssd_mobilenetv3_features.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/tt/ssd_mobilenetv3_inverted_residual.py b/models/experimental/ssd/tt/ssd_mobilenetv3_inverted_residual.py index 883e4769f3d..30c959891ee 100644 --- a/models/experimental/ssd/tt/ssd_mobilenetv3_inverted_residual.py +++ b/models/experimental/ssd/tt/ssd_mobilenetv3_inverted_residual.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/tt/ssd_mobilenetv3_inverted_squeeze.py b/models/experimental/ssd/tt/ssd_mobilenetv3_inverted_squeeze.py index 0410c058412..255f8470fcc 100644 --- a/models/experimental/ssd/tt/ssd_mobilenetv3_inverted_squeeze.py +++ b/models/experimental/ssd/tt/ssd_mobilenetv3_inverted_squeeze.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/tt/ssd_mobilenetv3_squeeze_excitation.py b/models/experimental/ssd/tt/ssd_mobilenetv3_squeeze_excitation.py index 6871eba4541..a2bc8b61e18 100644 --- a/models/experimental/ssd/tt/ssd_mobilenetv3_squeeze_excitation.py +++ b/models/experimental/ssd/tt/ssd_mobilenetv3_squeeze_excitation.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/tt/ssd_mobilenetv3_stemlayer.py b/models/experimental/ssd/tt/ssd_mobilenetv3_stemlayer.py index fd9035328e2..2311f7750ae 100644 --- a/models/experimental/ssd/tt/ssd_mobilenetv3_stemlayer.py +++ b/models/experimental/ssd/tt/ssd_mobilenetv3_stemlayer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/ssd/tt/ssd_regression_head.py b/models/experimental/ssd/tt/ssd_regression_head.py index 1680c22472c..904a0383eb4 100644 --- a/models/experimental/ssd/tt/ssd_regression_head.py +++ b/models/experimental/ssd/tt/ssd_regression_head.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/demo/demo.py b/models/experimental/stable_diffusion/demo/demo.py index e210ef3264a..83259738250 100644 --- a/models/experimental/stable_diffusion/demo/demo.py +++ b/models/experimental/stable_diffusion/demo/demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/demo/unbatched_demo.py b/models/experimental/stable_diffusion/demo/unbatched_demo.py index e3494f8ed84..119cb9e2f59 100644 --- a/models/experimental/stable_diffusion/demo/unbatched_demo.py +++ b/models/experimental/stable_diffusion/demo/unbatched_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/sd_utils.py b/models/experimental/stable_diffusion/sd_utils.py index 2d784f58ef0..8ddadc1350d 100644 --- a/models/experimental/stable_diffusion/sd_utils.py +++ b/models/experimental/stable_diffusion/sd_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tests/perf_batched_stable_diffusion.py b/models/experimental/stable_diffusion/tests/perf_batched_stable_diffusion.py index c2ad02fd663..36a5867271b 100644 --- a/models/experimental/stable_diffusion/tests/perf_batched_stable_diffusion.py +++ b/models/experimental/stable_diffusion/tests/perf_batched_stable_diffusion.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tests/test_batched_stable_diffusion.py b/models/experimental/stable_diffusion/tests/test_batched_stable_diffusion.py index fcf9ac0fafc..9ddd7c1d630 100644 --- a/models/experimental/stable_diffusion/tests/test_batched_stable_diffusion.py +++ b/models/experimental/stable_diffusion/tests/test_batched_stable_diffusion.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tests/test_cross_attention.py b/models/experimental/stable_diffusion/tests/test_cross_attention.py index 6240942c7d9..29eb5ba03ad 100644 --- a/models/experimental/stable_diffusion/tests/test_cross_attention.py +++ b/models/experimental/stable_diffusion/tests/test_cross_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tests/test_cross_attn_down_block.py b/models/experimental/stable_diffusion/tests/test_cross_attn_down_block.py index a7886ddce50..9d3bacf727b 100644 --- a/models/experimental/stable_diffusion/tests/test_cross_attn_down_block.py +++ b/models/experimental/stable_diffusion/tests/test_cross_attn_down_block.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tests/test_cross_attn_up_block.py b/models/experimental/stable_diffusion/tests/test_cross_attn_up_block.py index 813ed9faa5f..794f375a4e1 100644 --- a/models/experimental/stable_diffusion/tests/test_cross_attn_up_block.py +++ b/models/experimental/stable_diffusion/tests/test_cross_attn_up_block.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tests/test_downblock_2d.py b/models/experimental/stable_diffusion/tests/test_downblock_2d.py index 5e1d4f57381..6860bbee1b2 100644 --- a/models/experimental/stable_diffusion/tests/test_downblock_2d.py +++ b/models/experimental/stable_diffusion/tests/test_downblock_2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tests/test_downsample_2d.py b/models/experimental/stable_diffusion/tests/test_downsample_2d.py index 8cb9c02426c..5583128a921 100644 --- a/models/experimental/stable_diffusion/tests/test_downsample_2d.py +++ b/models/experimental/stable_diffusion/tests/test_downsample_2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tests/test_embedding.py b/models/experimental/stable_diffusion/tests/test_embedding.py index 7f4e776600b..b9c49e8ff7c 100644 --- a/models/experimental/stable_diffusion/tests/test_embedding.py +++ b/models/experimental/stable_diffusion/tests/test_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tests/test_feedforward.py b/models/experimental/stable_diffusion/tests/test_feedforward.py index 7eebe1715cc..fc22216646c 100644 --- a/models/experimental/stable_diffusion/tests/test_feedforward.py +++ b/models/experimental/stable_diffusion/tests/test_feedforward.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tests/test_layernorm.py b/models/experimental/stable_diffusion/tests/test_layernorm.py index d27abd62394..9ac0d5c6c89 100644 --- a/models/experimental/stable_diffusion/tests/test_layernorm.py +++ b/models/experimental/stable_diffusion/tests/test_layernorm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tests/test_residual_block.py b/models/experimental/stable_diffusion/tests/test_residual_block.py index cb3f4f9e94e..b9b0c9fb0eb 100644 --- a/models/experimental/stable_diffusion/tests/test_residual_block.py +++ b/models/experimental/stable_diffusion/tests/test_residual_block.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tests/test_transformers.py b/models/experimental/stable_diffusion/tests/test_transformers.py index dd04744de41..460272aee8e 100644 --- a/models/experimental/stable_diffusion/tests/test_transformers.py +++ b/models/experimental/stable_diffusion/tests/test_transformers.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tests/test_unbatched_stable_diffusion.py b/models/experimental/stable_diffusion/tests/test_unbatched_stable_diffusion.py index 827b2d4ec00..c7331b5a078 100644 --- a/models/experimental/stable_diffusion/tests/test_unbatched_stable_diffusion.py +++ b/models/experimental/stable_diffusion/tests/test_unbatched_stable_diffusion.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tests/test_unet_mid_block.py b/models/experimental/stable_diffusion/tests/test_unet_mid_block.py index a90dece328a..b886f88b93d 100644 --- a/models/experimental/stable_diffusion/tests/test_unet_mid_block.py +++ b/models/experimental/stable_diffusion/tests/test_unet_mid_block.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tests/test_upblock_2d.py b/models/experimental/stable_diffusion/tests/test_upblock_2d.py index 0d2e1bd1d09..591b22e552a 100644 --- a/models/experimental/stable_diffusion/tests/test_upblock_2d.py +++ b/models/experimental/stable_diffusion/tests/test_upblock_2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tests/test_upsample_2d.py b/models/experimental/stable_diffusion/tests/test_upsample_2d.py index ae07e612fa8..43fc909507e 100644 --- a/models/experimental/stable_diffusion/tests/test_upsample_2d.py +++ b/models/experimental/stable_diffusion/tests/test_upsample_2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tests/test_upsample_nearest2d.py b/models/experimental/stable_diffusion/tests/test_upsample_nearest2d.py index 19ad7552e01..5ba1cb64bf6 100644 --- a/models/experimental/stable_diffusion/tests/test_upsample_nearest2d.py +++ b/models/experimental/stable_diffusion/tests/test_upsample_nearest2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tt/cross_attention.py b/models/experimental/stable_diffusion/tt/cross_attention.py index 36bf782e6d3..4009c5b693e 100644 --- a/models/experimental/stable_diffusion/tt/cross_attention.py +++ b/models/experimental/stable_diffusion/tt/cross_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tt/downblock_2d.py b/models/experimental/stable_diffusion/tt/downblock_2d.py index 2d5ba2a3153..cdb5d525e47 100644 --- a/models/experimental/stable_diffusion/tt/downblock_2d.py +++ b/models/experimental/stable_diffusion/tt/downblock_2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tt/downsample_2d.py b/models/experimental/stable_diffusion/tt/downsample_2d.py index 640732fda1d..721aa182675 100644 --- a/models/experimental/stable_diffusion/tt/downsample_2d.py +++ b/models/experimental/stable_diffusion/tt/downsample_2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tt/embeddings.py b/models/experimental/stable_diffusion/tt/embeddings.py index c7f21d07623..6fed30b65ee 100644 --- a/models/experimental/stable_diffusion/tt/embeddings.py +++ b/models/experimental/stable_diffusion/tt/embeddings.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tt/experimental_ops.py b/models/experimental/stable_diffusion/tt/experimental_ops.py index 175299b46fa..d4a31ccc88f 100644 --- a/models/experimental/stable_diffusion/tt/experimental_ops.py +++ b/models/experimental/stable_diffusion/tt/experimental_ops.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tt/feedforward.py b/models/experimental/stable_diffusion/tt/feedforward.py index 428d3fe6589..fb0eac7f794 100644 --- a/models/experimental/stable_diffusion/tt/feedforward.py +++ b/models/experimental/stable_diffusion/tt/feedforward.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tt/residual_block.py b/models/experimental/stable_diffusion/tt/residual_block.py index 1103edc00c3..5155cb92f18 100644 --- a/models/experimental/stable_diffusion/tt/residual_block.py +++ b/models/experimental/stable_diffusion/tt/residual_block.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tt/transformer_2d.py b/models/experimental/stable_diffusion/tt/transformer_2d.py index db71058a31a..33178868f68 100644 --- a/models/experimental/stable_diffusion/tt/transformer_2d.py +++ b/models/experimental/stable_diffusion/tt/transformer_2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tt/unet_2d_blocks.py b/models/experimental/stable_diffusion/tt/unet_2d_blocks.py index 27158782978..eaa0a86b2b4 100644 --- a/models/experimental/stable_diffusion/tt/unet_2d_blocks.py +++ b/models/experimental/stable_diffusion/tt/unet_2d_blocks.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tt/unet_2d_condition.py b/models/experimental/stable_diffusion/tt/unet_2d_condition.py index 589b8881ff1..618bdd752df 100644 --- a/models/experimental/stable_diffusion/tt/unet_2d_condition.py +++ b/models/experimental/stable_diffusion/tt/unet_2d_condition.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tt/upblock_2d.py b/models/experimental/stable_diffusion/tt/upblock_2d.py index 7190fdb9f88..3ca6201d1fc 100644 --- a/models/experimental/stable_diffusion/tt/upblock_2d.py +++ b/models/experimental/stable_diffusion/tt/upblock_2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tt/upsample_2d.py b/models/experimental/stable_diffusion/tt/upsample_2d.py index 49541ada404..7b4a7b6db83 100644 --- a/models/experimental/stable_diffusion/tt/upsample_2d.py +++ b/models/experimental/stable_diffusion/tt/upsample_2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/stable_diffusion/tt/upsample_nearest2d.py b/models/experimental/stable_diffusion/tt/upsample_nearest2d.py index c12a99cf78b..dcb8eddf394 100644 --- a/models/experimental/stable_diffusion/tt/upsample_nearest2d.py +++ b/models/experimental/stable_diffusion/tt/upsample_nearest2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/demo/cpu_demo.py b/models/experimental/swin/demo/cpu_demo.py index 13ef6d0fbec..6b9591d25c7 100644 --- a/models/experimental/swin/demo/cpu_demo.py +++ b/models/experimental/swin/demo/cpu_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/demo/gs_demo.py b/models/experimental/swin/demo/gs_demo.py index 3b4513f8686..262f2a3dd1e 100644 --- a/models/experimental/swin/demo/gs_demo.py +++ b/models/experimental/swin/demo/gs_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/reference/activations.py b/models/experimental/swin/reference/activations.py index c5b94205dc6..d45e4a989c5 100644 --- a/models/experimental/swin/reference/activations.py +++ b/models/experimental/swin/reference/activations.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/reference/backbone_utils.py b/models/experimental/swin/reference/backbone_utils.py index b0efff04676..b5208f377b4 100644 --- a/models/experimental/swin/reference/backbone_utils.py +++ b/models/experimental/swin/reference/backbone_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/reference/configuration_swin.py b/models/experimental/swin/reference/configuration_swin.py index 2baf17433ce..c104b17fe2f 100644 --- a/models/experimental/swin/reference/configuration_swin.py +++ b/models/experimental/swin/reference/configuration_swin.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/reference/pytorch_utils.py b/models/experimental/swin/reference/pytorch_utils.py index e625afc5690..ec59f523d7d 100644 --- a/models/experimental/swin/reference/pytorch_utils.py +++ b/models/experimental/swin/reference/pytorch_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/reference/swin.py b/models/experimental/swin/reference/swin.py index d594ce61a94..ce9e8a7d778 100644 --- a/models/experimental/swin/reference/swin.py +++ b/models/experimental/swin/reference/swin.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/swin_helper_funcs.py b/models/experimental/swin/swin_helper_funcs.py index 6811ef44261..1688e553219 100644 --- a/models/experimental/swin/swin_helper_funcs.py +++ b/models/experimental/swin/swin_helper_funcs.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/swin_utils.py b/models/experimental/swin/swin_utils.py index b784dc97227..bce7dfbab75 100644 --- a/models/experimental/swin/swin_utils.py +++ b/models/experimental/swin/swin_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/tests/test_perf_accuracy_swin.py b/models/experimental/swin/tests/test_perf_accuracy_swin.py index 8d3bb2fcaec..08be81705d2 100644 --- a/models/experimental/swin/tests/test_perf_accuracy_swin.py +++ b/models/experimental/swin/tests/test_perf_accuracy_swin.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/tests/test_torch_swin.py b/models/experimental/swin/tests/test_torch_swin.py index e287799c2d0..0f4fe4196ae 100644 --- a/models/experimental/swin/tests/test_torch_swin.py +++ b/models/experimental/swin/tests/test_torch_swin.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/tests/test_tt_swin_attention.py b/models/experimental/swin/tests/test_tt_swin_attention.py index f29829e356a..fc516e20cfc 100644 --- a/models/experimental/swin/tests/test_tt_swin_attention.py +++ b/models/experimental/swin/tests/test_tt_swin_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/tests/test_tt_swin_embeddings.py b/models/experimental/swin/tests/test_tt_swin_embeddings.py index 29155dfc32b..66497e08031 100644 --- a/models/experimental/swin/tests/test_tt_swin_embeddings.py +++ b/models/experimental/swin/tests/test_tt_swin_embeddings.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/tests/test_tt_swin_encoder.py b/models/experimental/swin/tests/test_tt_swin_encoder.py index e4e6bc543df..d12689cad88 100644 --- a/models/experimental/swin/tests/test_tt_swin_encoder.py +++ b/models/experimental/swin/tests/test_tt_swin_encoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/tests/test_tt_swin_for_image_classification.py b/models/experimental/swin/tests/test_tt_swin_for_image_classification.py index 5b5cbfad16c..07a14af2476 100644 --- a/models/experimental/swin/tests/test_tt_swin_for_image_classification.py +++ b/models/experimental/swin/tests/test_tt_swin_for_image_classification.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/tests/test_tt_swin_intermediate.py b/models/experimental/swin/tests/test_tt_swin_intermediate.py index d6236188032..c84f6284b76 100644 --- a/models/experimental/swin/tests/test_tt_swin_intermediate.py +++ b/models/experimental/swin/tests/test_tt_swin_intermediate.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/tests/test_tt_swin_layer.py b/models/experimental/swin/tests/test_tt_swin_layer.py index 2e36f5e4499..056417cbe9d 100644 --- a/models/experimental/swin/tests/test_tt_swin_layer.py +++ b/models/experimental/swin/tests/test_tt_swin_layer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/tests/test_tt_swin_model.py b/models/experimental/swin/tests/test_tt_swin_model.py index 7b64fdb7131..50716899664 100644 --- a/models/experimental/swin/tests/test_tt_swin_model.py +++ b/models/experimental/swin/tests/test_tt_swin_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/tests/test_tt_swin_output.py b/models/experimental/swin/tests/test_tt_swin_output.py index 48afbcba0d0..469d5458a96 100644 --- a/models/experimental/swin/tests/test_tt_swin_output.py +++ b/models/experimental/swin/tests/test_tt_swin_output.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/tests/test_tt_swin_patch_embedding.py b/models/experimental/swin/tests/test_tt_swin_patch_embedding.py index 07a40358fdb..0bcc06c9dcb 100644 --- a/models/experimental/swin/tests/test_tt_swin_patch_embedding.py +++ b/models/experimental/swin/tests/test_tt_swin_patch_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/tests/test_tt_swin_patch_merging.py b/models/experimental/swin/tests/test_tt_swin_patch_merging.py index 7e68a1d51ed..6590324ad24 100644 --- a/models/experimental/swin/tests/test_tt_swin_patch_merging.py +++ b/models/experimental/swin/tests/test_tt_swin_patch_merging.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/tests/test_tt_swin_self_attention.py b/models/experimental/swin/tests/test_tt_swin_self_attention.py index 5dfcd15ff5f..eb64ae97e33 100644 --- a/models/experimental/swin/tests/test_tt_swin_self_attention.py +++ b/models/experimental/swin/tests/test_tt_swin_self_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/tests/test_tt_swin_self_output.py b/models/experimental/swin/tests/test_tt_swin_self_output.py index d54bb89de79..427aa9f821f 100644 --- a/models/experimental/swin/tests/test_tt_swin_self_output.py +++ b/models/experimental/swin/tests/test_tt_swin_self_output.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/tests/test_tt_swin_stage.py b/models/experimental/swin/tests/test_tt_swin_stage.py index 5d45ed6c50b..c1a3dfc3e33 100644 --- a/models/experimental/swin/tests/test_tt_swin_stage.py +++ b/models/experimental/swin/tests/test_tt_swin_stage.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/tt/swin.py b/models/experimental/swin/tt/swin.py index e09d572dcb5..c532fae53c9 100644 --- a/models/experimental/swin/tt/swin.py +++ b/models/experimental/swin/tt/swin.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/tt/swin_attention.py b/models/experimental/swin/tt/swin_attention.py index 1e4b8384b44..dac2369dd0c 100644 --- a/models/experimental/swin/tt/swin_attention.py +++ b/models/experimental/swin/tt/swin_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/tt/swin_embeddings.py b/models/experimental/swin/tt/swin_embeddings.py index c4cdf7353b2..94c5b903ade 100644 --- a/models/experimental/swin/tt/swin_embeddings.py +++ b/models/experimental/swin/tt/swin_embeddings.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/tt/swin_encoder.py b/models/experimental/swin/tt/swin_encoder.py index c22f463bbb6..90e33129760 100644 --- a/models/experimental/swin/tt/swin_encoder.py +++ b/models/experimental/swin/tt/swin_encoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/tt/swin_for_image_classification.py b/models/experimental/swin/tt/swin_for_image_classification.py index f06bd2b059a..14e15d5635c 100644 --- a/models/experimental/swin/tt/swin_for_image_classification.py +++ b/models/experimental/swin/tt/swin_for_image_classification.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/tt/swin_intermediate.py b/models/experimental/swin/tt/swin_intermediate.py index 5c8fba75ca2..42f698dc256 100644 --- a/models/experimental/swin/tt/swin_intermediate.py +++ b/models/experimental/swin/tt/swin_intermediate.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/tt/swin_layer.py b/models/experimental/swin/tt/swin_layer.py index 687ecf17653..fbd760c1764 100644 --- a/models/experimental/swin/tt/swin_layer.py +++ b/models/experimental/swin/tt/swin_layer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/tt/swin_model.py b/models/experimental/swin/tt/swin_model.py index af8b479fe11..d6f7a045dc8 100644 --- a/models/experimental/swin/tt/swin_model.py +++ b/models/experimental/swin/tt/swin_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/tt/swin_output.py b/models/experimental/swin/tt/swin_output.py index 2f7ebbd3046..cb216c01ff5 100644 --- a/models/experimental/swin/tt/swin_output.py +++ b/models/experimental/swin/tt/swin_output.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/tt/swin_patch_embedding.py b/models/experimental/swin/tt/swin_patch_embedding.py index e6bdde1c984..b9c8d733381 100644 --- a/models/experimental/swin/tt/swin_patch_embedding.py +++ b/models/experimental/swin/tt/swin_patch_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/tt/swin_patch_merging.py b/models/experimental/swin/tt/swin_patch_merging.py index 3f334840dea..49298f79652 100644 --- a/models/experimental/swin/tt/swin_patch_merging.py +++ b/models/experimental/swin/tt/swin_patch_merging.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/tt/swin_self_attention.py b/models/experimental/swin/tt/swin_self_attention.py index 61cf5103d91..9d61bceaac7 100644 --- a/models/experimental/swin/tt/swin_self_attention.py +++ b/models/experimental/swin/tt/swin_self_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/tt/swin_self_output.py b/models/experimental/swin/tt/swin_self_output.py index 202368393be..78b95349106 100644 --- a/models/experimental/swin/tt/swin_self_output.py +++ b/models/experimental/swin/tt/swin_self_output.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/swin/tt/swin_stage.py b/models/experimental/swin/tt/swin_stage.py index e049a9ac10c..2f7c923cfdb 100644 --- a/models/experimental/swin/tt/swin_stage.py +++ b/models/experimental/swin/tt/swin_stage.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/synthetic_gradients/tests/test_batchnorm1d.py b/models/experimental/synthetic_gradients/tests/test_batchnorm1d.py index 0a2975d85e8..34906fed622 100644 --- a/models/experimental/synthetic_gradients/tests/test_batchnorm1d.py +++ b/models/experimental/synthetic_gradients/tests/test_batchnorm1d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/synthetic_gradients/tests/test_batchnorm1d_forward.py b/models/experimental/synthetic_gradients/tests/test_batchnorm1d_forward.py index 4df154f2246..56b1c0e9bc2 100644 --- a/models/experimental/synthetic_gradients/tests/test_batchnorm1d_forward.py +++ b/models/experimental/synthetic_gradients/tests/test_batchnorm1d_forward.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/synthetic_gradients/tests/test_block.py b/models/experimental/synthetic_gradients/tests/test_block.py index c694a6487d1..23f7485a56d 100644 --- a/models/experimental/synthetic_gradients/tests/test_block.py +++ b/models/experimental/synthetic_gradients/tests/test_block.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/synthetic_gradients/tests/test_full_inference.py b/models/experimental/synthetic_gradients/tests/test_full_inference.py index 1b04c531efa..771bdce444c 100644 --- a/models/experimental/synthetic_gradients/tests/test_full_inference.py +++ b/models/experimental/synthetic_gradients/tests/test_full_inference.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/synthetic_gradients/tests/test_linear.py b/models/experimental/synthetic_gradients/tests/test_linear.py index 5c9c72f5ae6..d76662537c8 100644 --- a/models/experimental/synthetic_gradients/tests/test_linear.py +++ b/models/experimental/synthetic_gradients/tests/test_linear.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/synthetic_gradients/tt/batch_norm.py b/models/experimental/synthetic_gradients/tt/batch_norm.py index 9d70b25d40c..526723ed11c 100644 --- a/models/experimental/synthetic_gradients/tt/batch_norm.py +++ b/models/experimental/synthetic_gradients/tt/batch_norm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/synthetic_gradients/tt/sg_mnist.py b/models/experimental/synthetic_gradients/tt/sg_mnist.py index 6b52c18fd55..8eb43a0ce57 100644 --- a/models/experimental/synthetic_gradients/tt/sg_mnist.py +++ b/models/experimental/synthetic_gradients/tt/sg_mnist.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/t5/demo/demo_utils.py b/models/experimental/t5/demo/demo_utils.py index 80a52379ff0..37b46901eee 100644 --- a/models/experimental/t5/demo/demo_utils.py +++ b/models/experimental/t5/demo/demo_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/t5/demo/gs_demo_flan_t5_small.py b/models/experimental/t5/demo/gs_demo_flan_t5_small.py index 918ab40ab2d..055e9150340 100644 --- a/models/experimental/t5/demo/gs_demo_flan_t5_small.py +++ b/models/experimental/t5/demo/gs_demo_flan_t5_small.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import pytest diff --git a/models/experimental/t5/demo/gs_demo_t5_base.py b/models/experimental/t5/demo/gs_demo_t5_base.py index 6610914fd90..71a6d61c5f7 100644 --- a/models/experimental/t5/demo/gs_demo_t5_base.py +++ b/models/experimental/t5/demo/gs_demo_t5_base.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import pytest diff --git a/models/experimental/t5/demo/gs_demo_t5_small.py b/models/experimental/t5/demo/gs_demo_t5_small.py index 7be7af77d25..120babcc188 100644 --- a/models/experimental/t5/demo/gs_demo_t5_small.py +++ b/models/experimental/t5/demo/gs_demo_t5_small.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/t5/t5_utils.py b/models/experimental/t5/t5_utils.py index 514ded32774..a22e8ef4abc 100644 --- a/models/experimental/t5/t5_utils.py +++ b/models/experimental/t5/t5_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/models/experimental/t5/tests/test_perf_t5.py b/models/experimental/t5/tests/test_perf_t5.py index 59d18d3a27d..68b2ae03bd9 100644 --- a/models/experimental/t5/tests/test_perf_t5.py +++ b/models/experimental/t5/tests/test_perf_t5.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/t5/tests/test_t5_attention.py b/models/experimental/t5/tests/test_t5_attention.py index 9ca5fdefa50..81202b1498b 100644 --- a/models/experimental/t5/tests/test_t5_attention.py +++ b/models/experimental/t5/tests/test_t5_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/t5/tests/test_t5_block.py b/models/experimental/t5/tests/test_t5_block.py index a0d23dd6f70..9ebe733aa8a 100644 --- a/models/experimental/t5/tests/test_t5_block.py +++ b/models/experimental/t5/tests/test_t5_block.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/t5/tests/test_t5_cpu_benchmarking.py b/models/experimental/t5/tests/test_t5_cpu_benchmarking.py index 398728754f3..b68d9dcebb4 100644 --- a/models/experimental/t5/tests/test_t5_cpu_benchmarking.py +++ b/models/experimental/t5/tests/test_t5_cpu_benchmarking.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/t5/tests/test_t5_dense_act_dense.py b/models/experimental/t5/tests/test_t5_dense_act_dense.py index 4d15d5f0bb6..41ab10298c4 100644 --- a/models/experimental/t5/tests/test_t5_dense_act_dense.py +++ b/models/experimental/t5/tests/test_t5_dense_act_dense.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/t5/tests/test_t5_dense_gated_act_dense.py b/models/experimental/t5/tests/test_t5_dense_gated_act_dense.py index aa0bfb58225..5371316e7ef 100644 --- a/models/experimental/t5/tests/test_t5_dense_gated_act_dense.py +++ b/models/experimental/t5/tests/test_t5_dense_gated_act_dense.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/t5/tests/test_t5_for_conditional_generation.py b/models/experimental/t5/tests/test_t5_for_conditional_generation.py index a9aa480e232..6832c4eb2b1 100644 --- a/models/experimental/t5/tests/test_t5_for_conditional_generation.py +++ b/models/experimental/t5/tests/test_t5_for_conditional_generation.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/t5/tests/test_t5_layer_cross_attention.py b/models/experimental/t5/tests/test_t5_layer_cross_attention.py index a913a8d5da6..bf610b4fed2 100644 --- a/models/experimental/t5/tests/test_t5_layer_cross_attention.py +++ b/models/experimental/t5/tests/test_t5_layer_cross_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/t5/tests/test_t5_layer_ff.py b/models/experimental/t5/tests/test_t5_layer_ff.py index 3840c0025ba..151832962f2 100644 --- a/models/experimental/t5/tests/test_t5_layer_ff.py +++ b/models/experimental/t5/tests/test_t5_layer_ff.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/t5/tests/test_t5_layer_norm.py b/models/experimental/t5/tests/test_t5_layer_norm.py index b16baccad60..276d99d53a7 100644 --- a/models/experimental/t5/tests/test_t5_layer_norm.py +++ b/models/experimental/t5/tests/test_t5_layer_norm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/t5/tests/test_t5_layer_self_attention.py b/models/experimental/t5/tests/test_t5_layer_self_attention.py index 6a45a8edcb1..568f7f44c36 100644 --- a/models/experimental/t5/tests/test_t5_layer_self_attention.py +++ b/models/experimental/t5/tests/test_t5_layer_self_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/t5/tests/test_t5_model.py b/models/experimental/t5/tests/test_t5_model.py index c8abeb14fc2..a2893eee046 100644 --- a/models/experimental/t5/tests/test_t5_model.py +++ b/models/experimental/t5/tests/test_t5_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/t5/tests/test_t5_stack.py b/models/experimental/t5/tests/test_t5_stack.py index 42c4dac3bd2..686dfd4ea90 100644 --- a/models/experimental/t5/tests/test_t5_stack.py +++ b/models/experimental/t5/tests/test_t5_stack.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/t5/tt/t5_attention.py b/models/experimental/t5/tt/t5_attention.py index 1cb12cf9790..9c42a6bf767 100644 --- a/models/experimental/t5/tt/t5_attention.py +++ b/models/experimental/t5/tt/t5_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/t5/tt/t5_block.py b/models/experimental/t5/tt/t5_block.py index 00590998755..b9d4dfbcc22 100644 --- a/models/experimental/t5/tt/t5_block.py +++ b/models/experimental/t5/tt/t5_block.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/t5/tt/t5_dense_act_dense.py b/models/experimental/t5/tt/t5_dense_act_dense.py index 6ede9976756..6b562adc0b3 100644 --- a/models/experimental/t5/tt/t5_dense_act_dense.py +++ b/models/experimental/t5/tt/t5_dense_act_dense.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/t5/tt/t5_dense_gated_act_dense.py b/models/experimental/t5/tt/t5_dense_gated_act_dense.py index 8cf332c3805..dd4dff871de 100644 --- a/models/experimental/t5/tt/t5_dense_gated_act_dense.py +++ b/models/experimental/t5/tt/t5_dense_gated_act_dense.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/t5/tt/t5_for_conditional_generation.py b/models/experimental/t5/tt/t5_for_conditional_generation.py index 29f6bcc6421..0938f447abe 100644 --- a/models/experimental/t5/tt/t5_for_conditional_generation.py +++ b/models/experimental/t5/tt/t5_for_conditional_generation.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/t5/tt/t5_layer_cross_attention.py b/models/experimental/t5/tt/t5_layer_cross_attention.py index 912a4c13082..9cd88d74b26 100644 --- a/models/experimental/t5/tt/t5_layer_cross_attention.py +++ b/models/experimental/t5/tt/t5_layer_cross_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/t5/tt/t5_layer_ff.py b/models/experimental/t5/tt/t5_layer_ff.py index c5f1c085f9a..0b253bf44e4 100644 --- a/models/experimental/t5/tt/t5_layer_ff.py +++ b/models/experimental/t5/tt/t5_layer_ff.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/t5/tt/t5_layer_norm.py b/models/experimental/t5/tt/t5_layer_norm.py index b730667f83f..16bee95f91d 100644 --- a/models/experimental/t5/tt/t5_layer_norm.py +++ b/models/experimental/t5/tt/t5_layer_norm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/t5/tt/t5_layer_self_attention.py b/models/experimental/t5/tt/t5_layer_self_attention.py index 551535033e6..a3aa98de2e1 100644 --- a/models/experimental/t5/tt/t5_layer_self_attention.py +++ b/models/experimental/t5/tt/t5_layer_self_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/t5/tt/t5_model.py b/models/experimental/t5/tt/t5_model.py index d725855af92..5218bf22c5a 100644 --- a/models/experimental/t5/tt/t5_model.py +++ b/models/experimental/t5/tt/t5_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/t5/tt/t5_stack.py b/models/experimental/t5/tt/t5_stack.py index 5a2e23780a1..c8e5c438477 100644 --- a/models/experimental/t5/tt/t5_stack.py +++ b/models/experimental/t5/tt/t5_stack.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/trocr/demo/cpu_demo.py b/models/experimental/trocr/demo/cpu_demo.py index cc4f34bce0d..9dc27b81add 100644 --- a/models/experimental/trocr/demo/cpu_demo.py +++ b/models/experimental/trocr/demo/cpu_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/trocr/demo/gs_demo.py b/models/experimental/trocr/demo/gs_demo.py index 94915dbe8fa..77e9b9d2a34 100644 --- a/models/experimental/trocr/demo/gs_demo.py +++ b/models/experimental/trocr/demo/gs_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/trocr/tests/test_perf_trocr.py b/models/experimental/trocr/tests/test_perf_trocr.py index bd2be196243..e1b47981c05 100644 --- a/models/experimental/trocr/tests/test_perf_trocr.py +++ b/models/experimental/trocr/tests/test_perf_trocr.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/trocr/tests/test_tt_trocr_attention.py b/models/experimental/trocr/tests/test_tt_trocr_attention.py index d97e63e83ea..b34e6d831b8 100644 --- a/models/experimental/trocr/tests/test_tt_trocr_attention.py +++ b/models/experimental/trocr/tests/test_tt_trocr_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/trocr/tests/test_tt_trocr_causal_llm.py b/models/experimental/trocr/tests/test_tt_trocr_causal_llm.py index 002bc11d3a9..7a7df63477f 100644 --- a/models/experimental/trocr/tests/test_tt_trocr_causal_llm.py +++ b/models/experimental/trocr/tests/test_tt_trocr_causal_llm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/trocr/tests/test_tt_trocr_decoder.py b/models/experimental/trocr/tests/test_tt_trocr_decoder.py index ce702737ba1..73c0becaaa1 100644 --- a/models/experimental/trocr/tests/test_tt_trocr_decoder.py +++ b/models/experimental/trocr/tests/test_tt_trocr_decoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/trocr/tests/test_tt_trocr_decoder_layer.py b/models/experimental/trocr/tests/test_tt_trocr_decoder_layer.py index 7b37078a2d1..79f399fea19 100644 --- a/models/experimental/trocr/tests/test_tt_trocr_decoder_layer.py +++ b/models/experimental/trocr/tests/test_tt_trocr_decoder_layer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/trocr/tests/test_tt_trocr_embed_tokens.py b/models/experimental/trocr/tests/test_tt_trocr_embed_tokens.py index 8e6173972cc..52a78228180 100644 --- a/models/experimental/trocr/tests/test_tt_trocr_embed_tokens.py +++ b/models/experimental/trocr/tests/test_tt_trocr_embed_tokens.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/trocr/tests/test_tt_trocr_learned_positional_embeddings.py b/models/experimental/trocr/tests/test_tt_trocr_learned_positional_embeddings.py index 5d5e95ba24f..0a283b25f8d 100644 --- a/models/experimental/trocr/tests/test_tt_trocr_learned_positional_embeddings.py +++ b/models/experimental/trocr/tests/test_tt_trocr_learned_positional_embeddings.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/trocr/trocr_generate_utils.py b/models/experimental/trocr/trocr_generate_utils.py index f272dc7d487..f19c92edc31 100644 --- a/models/experimental/trocr/trocr_generate_utils.py +++ b/models/experimental/trocr/trocr_generate_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/trocr/trocr_utils.py b/models/experimental/trocr/trocr_utils.py index ab0fd80f904..af477fa9e29 100644 --- a/models/experimental/trocr/trocr_utils.py +++ b/models/experimental/trocr/trocr_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/trocr/tt/trocr.py b/models/experimental/trocr/tt/trocr.py index 6b7552f636c..addfc2997ad 100644 --- a/models/experimental/trocr/tt/trocr.py +++ b/models/experimental/trocr/tt/trocr.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/trocr/tt/trocr_attention.py b/models/experimental/trocr/tt/trocr_attention.py index 0de52da8cfe..70b56aa7e5e 100644 --- a/models/experimental/trocr/tt/trocr_attention.py +++ b/models/experimental/trocr/tt/trocr_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/trocr/tt/trocr_configuration.py b/models/experimental/trocr/tt/trocr_configuration.py index 1b36a0ed761..1fda7e755e7 100644 --- a/models/experimental/trocr/tt/trocr_configuration.py +++ b/models/experimental/trocr/tt/trocr_configuration.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/trocr/tt/trocr_decoder.py b/models/experimental/trocr/tt/trocr_decoder.py index f7088c671df..ddfe812881f 100644 --- a/models/experimental/trocr/tt/trocr_decoder.py +++ b/models/experimental/trocr/tt/trocr_decoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/trocr/tt/trocr_decoder_layer.py b/models/experimental/trocr/tt/trocr_decoder_layer.py index 2d8e597c768..eac8becc6c4 100644 --- a/models/experimental/trocr/tt/trocr_decoder_layer.py +++ b/models/experimental/trocr/tt/trocr_decoder_layer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/trocr/tt/trocr_decoder_wrapper.py b/models/experimental/trocr/tt/trocr_decoder_wrapper.py index 8ac28c100ef..8a7b04c6ce3 100644 --- a/models/experimental/trocr/tt/trocr_decoder_wrapper.py +++ b/models/experimental/trocr/tt/trocr_decoder_wrapper.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/trocr/tt/trocr_embed_tokens.py b/models/experimental/trocr/tt/trocr_embed_tokens.py index 02640e4df7e..52d97c807f1 100644 --- a/models/experimental/trocr/tt/trocr_embed_tokens.py +++ b/models/experimental/trocr/tt/trocr_embed_tokens.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/trocr/tt/trocr_for_causal_llm.py b/models/experimental/trocr/tt/trocr_for_causal_llm.py index aca61f350c2..3a32b596521 100644 --- a/models/experimental/trocr/tt/trocr_for_causal_llm.py +++ b/models/experimental/trocr/tt/trocr_for_causal_llm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/trocr/tt/trocr_learned_positional_embeddings.py b/models/experimental/trocr/tt/trocr_learned_positional_embeddings.py index b1380032910..2626dfb1216 100644 --- a/models/experimental/trocr/tt/trocr_learned_positional_embeddings.py +++ b/models/experimental/trocr/tt/trocr_learned_positional_embeddings.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vgg/demo/cpu_demo.py b/models/experimental/vgg/demo/cpu_demo.py index 89411afa62c..7641c3881b1 100644 --- a/models/experimental/vgg/demo/cpu_demo.py +++ b/models/experimental/vgg/demo/cpu_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vgg/demo/gs_demo.py b/models/experimental/vgg/demo/gs_demo.py index aebb96eb8a5..90a83ab9bbf 100644 --- a/models/experimental/vgg/demo/gs_demo.py +++ b/models/experimental/vgg/demo/gs_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vgg/reference/vgg.py b/models/experimental/vgg/reference/vgg.py index fb73d1029e0..696ceb1f296 100644 --- a/models/experimental/vgg/reference/vgg.py +++ b/models/experimental/vgg/reference/vgg.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vgg/tests/test_perf_vgg.py b/models/experimental/vgg/tests/test_perf_vgg.py index 0ebd3016c73..f122b48f725 100644 --- a/models/experimental/vgg/tests/test_perf_vgg.py +++ b/models/experimental/vgg/tests/test_perf_vgg.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vgg/tests/test_torch_vgg16.py b/models/experimental/vgg/tests/test_torch_vgg16.py index dc9b39da5c1..63de8a51bc9 100644 --- a/models/experimental/vgg/tests/test_torch_vgg16.py +++ b/models/experimental/vgg/tests/test_torch_vgg16.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vgg/tests/test_torch_vgg16_bn.py b/models/experimental/vgg/tests/test_torch_vgg16_bn.py index 885b6977b60..0438dda8f40 100644 --- a/models/experimental/vgg/tests/test_torch_vgg16_bn.py +++ b/models/experimental/vgg/tests/test_torch_vgg16_bn.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vgg/tests/test_vgg11.py b/models/experimental/vgg/tests/test_vgg11.py index b1665f7c5fe..f5d2e1134ae 100644 --- a/models/experimental/vgg/tests/test_vgg11.py +++ b/models/experimental/vgg/tests/test_vgg11.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vgg/tests/test_vgg16.py b/models/experimental/vgg/tests/test_vgg16.py index 6db6fb74e2d..4c6e1a3a41e 100644 --- a/models/experimental/vgg/tests/test_vgg16.py +++ b/models/experimental/vgg/tests/test_vgg16.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vgg/tests/test_vgg_perf.py b/models/experimental/vgg/tests/test_vgg_perf.py index 8a236928c92..204c168670c 100644 --- a/models/experimental/vgg/tests/test_vgg_perf.py +++ b/models/experimental/vgg/tests/test_vgg_perf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vgg/tt/vgg.py b/models/experimental/vgg/tt/vgg.py index e317e527265..9095213f7db 100644 --- a/models/experimental/vgg/tt/vgg.py +++ b/models/experimental/vgg/tt/vgg.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vgg/vgg_utils.py b/models/experimental/vgg/vgg_utils.py index 37b63b7dc77..8f7400d71cc 100644 --- a/models/experimental/vgg/vgg_utils.py +++ b/models/experimental/vgg/vgg_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vit/demo/cpu_demo.py b/models/experimental/vit/demo/cpu_demo.py index 944af953075..e87a1ffe02d 100644 --- a/models/experimental/vit/demo/cpu_demo.py +++ b/models/experimental/vit/demo/cpu_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vit/demo/gs_demo.py b/models/experimental/vit/demo/gs_demo.py index 00857d1d2da..232527ab096 100644 --- a/models/experimental/vit/demo/gs_demo.py +++ b/models/experimental/vit/demo/gs_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vit/tests/test_perf_accuracy_vit.py b/models/experimental/vit/tests/test_perf_accuracy_vit.py index 74ae411efce..793113720a6 100644 --- a/models/experimental/vit/tests/test_perf_accuracy_vit.py +++ b/models/experimental/vit/tests/test_perf_accuracy_vit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vit/tests/test_perf_vit.py b/models/experimental/vit/tests/test_perf_vit.py index 0de86fafc88..cd6c1bf122c 100644 --- a/models/experimental/vit/tests/test_perf_vit.py +++ b/models/experimental/vit/tests/test_perf_vit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vit/tests/test_vit_attention.py b/models/experimental/vit/tests/test_vit_attention.py index 3d1bd2def34..ef2a7f0c53f 100644 --- a/models/experimental/vit/tests/test_vit_attention.py +++ b/models/experimental/vit/tests/test_vit_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vit/tests/test_vit_embeddings.py b/models/experimental/vit/tests/test_vit_embeddings.py index 99a59df13e8..df1a0d117cc 100644 --- a/models/experimental/vit/tests/test_vit_embeddings.py +++ b/models/experimental/vit/tests/test_vit_embeddings.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vit/tests/test_vit_encoder.py b/models/experimental/vit/tests/test_vit_encoder.py index 33365e343da..35c86eee57d 100644 --- a/models/experimental/vit/tests/test_vit_encoder.py +++ b/models/experimental/vit/tests/test_vit_encoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vit/tests/test_vit_image_classification.py b/models/experimental/vit/tests/test_vit_image_classification.py index 2c3120cbe9c..d9795e39e1d 100644 --- a/models/experimental/vit/tests/test_vit_image_classification.py +++ b/models/experimental/vit/tests/test_vit_image_classification.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vit/tests/test_vit_intermediate.py b/models/experimental/vit/tests/test_vit_intermediate.py index c9f7416b2a5..800ab027e80 100644 --- a/models/experimental/vit/tests/test_vit_intermediate.py +++ b/models/experimental/vit/tests/test_vit_intermediate.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vit/tests/test_vit_layer.py b/models/experimental/vit/tests/test_vit_layer.py index f111f6f8485..ad6a150d9b3 100644 --- a/models/experimental/vit/tests/test_vit_layer.py +++ b/models/experimental/vit/tests/test_vit_layer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vit/tests/test_vit_model.py b/models/experimental/vit/tests/test_vit_model.py index 10d548818da..3a691985ffb 100644 --- a/models/experimental/vit/tests/test_vit_model.py +++ b/models/experimental/vit/tests/test_vit_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vit/tests/test_vit_output.py b/models/experimental/vit/tests/test_vit_output.py index 00148d7be37..9af626c774b 100644 --- a/models/experimental/vit/tests/test_vit_output.py +++ b/models/experimental/vit/tests/test_vit_output.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vit/tests/test_vit_selfattention.py b/models/experimental/vit/tests/test_vit_selfattention.py index 43ca24f1033..10a80a5eb9e 100644 --- a/models/experimental/vit/tests/test_vit_selfattention.py +++ b/models/experimental/vit/tests/test_vit_selfattention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vit/tests/test_vit_selfoutput.py b/models/experimental/vit/tests/test_vit_selfoutput.py index 5357c531798..3cfe07c0a6b 100644 --- a/models/experimental/vit/tests/test_vit_selfoutput.py +++ b/models/experimental/vit/tests/test_vit_selfoutput.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vit/tt/activations.py b/models/experimental/vit/tt/activations.py index cf7e79d6fb6..ce568630c95 100644 --- a/models/experimental/vit/tt/activations.py +++ b/models/experimental/vit/tt/activations.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vit/tt/configuration_vit.py b/models/experimental/vit/tt/configuration_vit.py index 914309e973d..a968cae057b 100644 --- a/models/experimental/vit/tt/configuration_vit.py +++ b/models/experimental/vit/tt/configuration_vit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vit/tt/modeling_vit.py b/models/experimental/vit/tt/modeling_vit.py index df862823e8c..5365ecab6af 100644 --- a/models/experimental/vit/tt/modeling_vit.py +++ b/models/experimental/vit/tt/modeling_vit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vit/vit_helper_funcs.py b/models/experimental/vit/vit_helper_funcs.py index acfb38f37a2..3aa81d1bed5 100644 --- a/models/experimental/vit/vit_helper_funcs.py +++ b/models/experimental/vit/vit_helper_funcs.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vit/vit_utils.py b/models/experimental/vit/vit_utils.py index 10acb8321ea..531a5d47b4f 100644 --- a/models/experimental/vit/vit_utils.py +++ b/models/experimental/vit/vit_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vovnet/demo/cpu_demo.py b/models/experimental/vovnet/demo/cpu_demo.py index 15e9162f411..29305c7bc08 100644 --- a/models/experimental/vovnet/demo/cpu_demo.py +++ b/models/experimental/vovnet/demo/cpu_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vovnet/demo/gs_demo.py b/models/experimental/vovnet/demo/gs_demo.py index 8bbdbc8cc09..1dbed2e5701 100644 --- a/models/experimental/vovnet/demo/gs_demo.py +++ b/models/experimental/vovnet/demo/gs_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vovnet/reference/vovnet.py b/models/experimental/vovnet/reference/vovnet.py index a8712ec38cb..7bccf88a8c6 100644 --- a/models/experimental/vovnet/reference/vovnet.py +++ b/models/experimental/vovnet/reference/vovnet.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vovnet/tests/perf_vovnet.py b/models/experimental/vovnet/tests/perf_vovnet.py index 9afd1d64220..8467eda5097 100644 --- a/models/experimental/vovnet/tests/perf_vovnet.py +++ b/models/experimental/vovnet/tests/perf_vovnet.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vovnet/tests/test_torch_vovnet.py b/models/experimental/vovnet/tests/test_torch_vovnet.py index 5bea3bc5208..27fe3a670be 100644 --- a/models/experimental/vovnet/tests/test_torch_vovnet.py +++ b/models/experimental/vovnet/tests/test_torch_vovnet.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vovnet/tests/test_tt_classifier_head.py b/models/experimental/vovnet/tests/test_tt_classifier_head.py index 299a075567d..050a4a95832 100644 --- a/models/experimental/vovnet/tests/test_tt_classifier_head.py +++ b/models/experimental/vovnet/tests/test_tt_classifier_head.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vovnet/tests/test_tt_conv_norm_act.py b/models/experimental/vovnet/tests/test_tt_conv_norm_act.py index 1574a15a71c..c5f4dcfd154 100644 --- a/models/experimental/vovnet/tests/test_tt_conv_norm_act.py +++ b/models/experimental/vovnet/tests/test_tt_conv_norm_act.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vovnet/tests/test_tt_effective_se_module.py b/models/experimental/vovnet/tests/test_tt_effective_se_module.py index 524e236c508..b3092fea473 100644 --- a/models/experimental/vovnet/tests/test_tt_effective_se_module.py +++ b/models/experimental/vovnet/tests/test_tt_effective_se_module.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vovnet/tests/test_tt_osa_block.py b/models/experimental/vovnet/tests/test_tt_osa_block.py index 7620fac3430..1c1edac9269 100644 --- a/models/experimental/vovnet/tests/test_tt_osa_block.py +++ b/models/experimental/vovnet/tests/test_tt_osa_block.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vovnet/tests/test_tt_osa_stage.py b/models/experimental/vovnet/tests/test_tt_osa_stage.py index 5517375e06c..1083a809e5b 100644 --- a/models/experimental/vovnet/tests/test_tt_osa_stage.py +++ b/models/experimental/vovnet/tests/test_tt_osa_stage.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vovnet/tests/test_tt_select_adaptivepool2d.py b/models/experimental/vovnet/tests/test_tt_select_adaptivepool2d.py index 3abc298d4d6..3ed9da084e6 100644 --- a/models/experimental/vovnet/tests/test_tt_select_adaptivepool2d.py +++ b/models/experimental/vovnet/tests/test_tt_select_adaptivepool2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vovnet/tests/test_tt_separable_conv_norm_act.py b/models/experimental/vovnet/tests/test_tt_separable_conv_norm_act.py index 907b3b260ad..d4e2babe957 100644 --- a/models/experimental/vovnet/tests/test_tt_separable_conv_norm_act.py +++ b/models/experimental/vovnet/tests/test_tt_separable_conv_norm_act.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vovnet/tests/test_tt_sequential_append_list.py b/models/experimental/vovnet/tests/test_tt_sequential_append_list.py index feec554d754..517944624d3 100644 --- a/models/experimental/vovnet/tests/test_tt_sequential_append_list.py +++ b/models/experimental/vovnet/tests/test_tt_sequential_append_list.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vovnet/tests/test_tt_vovnet.py b/models/experimental/vovnet/tests/test_tt_vovnet.py index a0d7ce19aef..ae642e769d1 100644 --- a/models/experimental/vovnet/tests/test_tt_vovnet.py +++ b/models/experimental/vovnet/tests/test_tt_vovnet.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vovnet/tt/classifier_head.py b/models/experimental/vovnet/tt/classifier_head.py index 94a16bdf1ae..d99082c92a0 100644 --- a/models/experimental/vovnet/tt/classifier_head.py +++ b/models/experimental/vovnet/tt/classifier_head.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vovnet/tt/conv_norm_act.py b/models/experimental/vovnet/tt/conv_norm_act.py index 5e3b560e22c..d86dc056ee2 100644 --- a/models/experimental/vovnet/tt/conv_norm_act.py +++ b/models/experimental/vovnet/tt/conv_norm_act.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vovnet/tt/effective_se_module.py b/models/experimental/vovnet/tt/effective_se_module.py index 967443cf4e7..2848e27c79b 100644 --- a/models/experimental/vovnet/tt/effective_se_module.py +++ b/models/experimental/vovnet/tt/effective_se_module.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vovnet/tt/osa_block.py b/models/experimental/vovnet/tt/osa_block.py index 4a51a573fdf..eb0f5856bf9 100644 --- a/models/experimental/vovnet/tt/osa_block.py +++ b/models/experimental/vovnet/tt/osa_block.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vovnet/tt/osa_stage.py b/models/experimental/vovnet/tt/osa_stage.py index 75b6b21be6e..6d0923331c0 100644 --- a/models/experimental/vovnet/tt/osa_stage.py +++ b/models/experimental/vovnet/tt/osa_stage.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vovnet/tt/select_adaptive_pool2d.py b/models/experimental/vovnet/tt/select_adaptive_pool2d.py index 7adbefbf532..0f4a7a793a7 100644 --- a/models/experimental/vovnet/tt/select_adaptive_pool2d.py +++ b/models/experimental/vovnet/tt/select_adaptive_pool2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vovnet/tt/separable_conv_norm_act.py b/models/experimental/vovnet/tt/separable_conv_norm_act.py index 2dfb2d6264d..c5e754a6a06 100644 --- a/models/experimental/vovnet/tt/separable_conv_norm_act.py +++ b/models/experimental/vovnet/tt/separable_conv_norm_act.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vovnet/tt/sequential_append_list.py b/models/experimental/vovnet/tt/sequential_append_list.py index 17f721bfa29..6c44591f3d4 100644 --- a/models/experimental/vovnet/tt/sequential_append_list.py +++ b/models/experimental/vovnet/tt/sequential_append_list.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vovnet/tt/vovnet.py b/models/experimental/vovnet/tt/vovnet.py index ea32c48587e..ee61e9724dc 100644 --- a/models/experimental/vovnet/tt/vovnet.py +++ b/models/experimental/vovnet/tt/vovnet.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/vovnet/vovnet_utils.py b/models/experimental/vovnet/vovnet_utils.py index 05b44fb9f67..527279de2f0 100644 --- a/models/experimental/vovnet/vovnet_utils.py +++ b/models/experimental/vovnet/vovnet_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/whisper/demo/cpu_demo.py b/models/experimental/whisper/demo/cpu_demo.py index cdd8dd5e82f..8602df462ee 100644 --- a/models/experimental/whisper/demo/cpu_demo.py +++ b/models/experimental/whisper/demo/cpu_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/whisper/demo/gs_demo.py b/models/experimental/whisper/demo/gs_demo.py index 2e9e18e6830..7224ab64338 100644 --- a/models/experimental/whisper/demo/gs_demo.py +++ b/models/experimental/whisper/demo/gs_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/whisper/tests/test_perf_whisper.py b/models/experimental/whisper/tests/test_perf_whisper.py index 9393bfa4143..0d55a5479c6 100644 --- a/models/experimental/whisper/tests/test_perf_whisper.py +++ b/models/experimental/whisper/tests/test_perf_whisper.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/whisper/tests/test_whisper_attention.py b/models/experimental/whisper/tests/test_whisper_attention.py index 540e641dd52..38a1ff06a9e 100644 --- a/models/experimental/whisper/tests/test_whisper_attention.py +++ b/models/experimental/whisper/tests/test_whisper_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/whisper/tests/test_whisper_decoder.py b/models/experimental/whisper/tests/test_whisper_decoder.py index 7a850552338..03c450a1b41 100644 --- a/models/experimental/whisper/tests/test_whisper_decoder.py +++ b/models/experimental/whisper/tests/test_whisper_decoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/whisper/tests/test_whisper_decoder_layer.py b/models/experimental/whisper/tests/test_whisper_decoder_layer.py index 0e0d7020e37..e7a60250a33 100644 --- a/models/experimental/whisper/tests/test_whisper_decoder_layer.py +++ b/models/experimental/whisper/tests/test_whisper_decoder_layer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/whisper/tests/test_whisper_encoder.py b/models/experimental/whisper/tests/test_whisper_encoder.py index 5f0cccdd4d4..c8e281f2fa4 100644 --- a/models/experimental/whisper/tests/test_whisper_encoder.py +++ b/models/experimental/whisper/tests/test_whisper_encoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/whisper/tests/test_whisper_encoder_layer.py b/models/experimental/whisper/tests/test_whisper_encoder_layer.py index b1125c9da27..6de1adc6215 100644 --- a/models/experimental/whisper/tests/test_whisper_encoder_layer.py +++ b/models/experimental/whisper/tests/test_whisper_encoder_layer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/whisper/tests/test_whisper_for_audio_classification.py b/models/experimental/whisper/tests/test_whisper_for_audio_classification.py index 4304dfa4d2b..560d47b90f9 100644 --- a/models/experimental/whisper/tests/test_whisper_for_audio_classification.py +++ b/models/experimental/whisper/tests/test_whisper_for_audio_classification.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/whisper/tests/test_whisper_for_conditional_generation.py b/models/experimental/whisper/tests/test_whisper_for_conditional_generation.py index ff4bdaee69d..4fcb3d67864 100644 --- a/models/experimental/whisper/tests/test_whisper_for_conditional_generation.py +++ b/models/experimental/whisper/tests/test_whisper_for_conditional_generation.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/whisper/tests/test_whisper_model.py b/models/experimental/whisper/tests/test_whisper_model.py index edb47344cb2..0f2b84c5192 100644 --- a/models/experimental/whisper/tests/test_whisper_model.py +++ b/models/experimental/whisper/tests/test_whisper_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/whisper/tt/whisper.py b/models/experimental/whisper/tt/whisper.py index 917bb4e2544..1fb1506151e 100644 --- a/models/experimental/whisper/tt/whisper.py +++ b/models/experimental/whisper/tt/whisper.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/whisper/tt/whisper_attention.py b/models/experimental/whisper/tt/whisper_attention.py index dbecf61d1d2..78a2e1e5d0d 100644 --- a/models/experimental/whisper/tt/whisper_attention.py +++ b/models/experimental/whisper/tt/whisper_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/whisper/tt/whisper_common.py b/models/experimental/whisper/tt/whisper_common.py index 95dbd979093..695960fc507 100644 --- a/models/experimental/whisper/tt/whisper_common.py +++ b/models/experimental/whisper/tt/whisper_common.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/whisper/tt/whisper_decoder.py b/models/experimental/whisper/tt/whisper_decoder.py index 02f9c1363b6..5998b64ed31 100644 --- a/models/experimental/whisper/tt/whisper_decoder.py +++ b/models/experimental/whisper/tt/whisper_decoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/whisper/tt/whisper_decoder_layer.py b/models/experimental/whisper/tt/whisper_decoder_layer.py index e4d94dfc159..f9b626d7339 100644 --- a/models/experimental/whisper/tt/whisper_decoder_layer.py +++ b/models/experimental/whisper/tt/whisper_decoder_layer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/whisper/tt/whisper_encoder.py b/models/experimental/whisper/tt/whisper_encoder.py index cc1dcb45a3a..ea915a5dd99 100644 --- a/models/experimental/whisper/tt/whisper_encoder.py +++ b/models/experimental/whisper/tt/whisper_encoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/whisper/tt/whisper_encoder_layer.py b/models/experimental/whisper/tt/whisper_encoder_layer.py index ffbf36905fd..1186ef8831f 100644 --- a/models/experimental/whisper/tt/whisper_encoder_layer.py +++ b/models/experimental/whisper/tt/whisper_encoder_layer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/whisper/tt/whisper_for_audio_classification.py b/models/experimental/whisper/tt/whisper_for_audio_classification.py index 20d26447380..7478119d9f1 100644 --- a/models/experimental/whisper/tt/whisper_for_audio_classification.py +++ b/models/experimental/whisper/tt/whisper_for_audio_classification.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/whisper/tt/whisper_for_conditional_generation.py b/models/experimental/whisper/tt/whisper_for_conditional_generation.py index fc6a2a6afc0..9c0d04f6c19 100644 --- a/models/experimental/whisper/tt/whisper_for_conditional_generation.py +++ b/models/experimental/whisper/tt/whisper_for_conditional_generation.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/whisper/tt/whisper_model.py b/models/experimental/whisper/tt/whisper_model.py index 6546148367f..23154a00959 100644 --- a/models/experimental/whisper/tt/whisper_model.py +++ b/models/experimental/whisper/tt/whisper_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/demo/cpu_demo.py b/models/experimental/yolov3/demo/cpu_demo.py index 4459fc4d4a1..06ec81659d3 100644 --- a/models/experimental/yolov3/demo/cpu_demo.py +++ b/models/experimental/yolov3/demo/cpu_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/demo/gs_demo.py b/models/experimental/yolov3/demo/gs_demo.py index c81f4bed035..fb3c87850bd 100644 --- a/models/experimental/yolov3/demo/gs_demo.py +++ b/models/experimental/yolov3/demo/gs_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/reference/detect.py b/models/experimental/yolov3/reference/detect.py index d70fe4c4d0b..4e789e12123 100644 --- a/models/experimental/yolov3/reference/detect.py +++ b/models/experimental/yolov3/reference/detect.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/reference/export.py b/models/experimental/yolov3/reference/export.py index 1ef13eeed0a..0ff4f3e1919 100644 --- a/models/experimental/yolov3/reference/export.py +++ b/models/experimental/yolov3/reference/export.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/reference/models/common.py b/models/experimental/yolov3/reference/models/common.py index 1c55bab8eef..44735a8e4d4 100644 --- a/models/experimental/yolov3/reference/models/common.py +++ b/models/experimental/yolov3/reference/models/common.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/reference/models/experimental.py b/models/experimental/yolov3/reference/models/experimental.py index 73de8db2f27..e53bdcb3fb5 100644 --- a/models/experimental/yolov3/reference/models/experimental.py +++ b/models/experimental/yolov3/reference/models/experimental.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/reference/models/yolo.py b/models/experimental/yolov3/reference/models/yolo.py index 078d58c54e1..8c77bf72334 100644 --- a/models/experimental/yolov3/reference/models/yolo.py +++ b/models/experimental/yolov3/reference/models/yolo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/reference/utils/__init__.py b/models/experimental/yolov3/reference/utils/__init__.py index 96acd7bbe27..dfe0768e167 100644 --- a/models/experimental/yolov3/reference/utils/__init__.py +++ b/models/experimental/yolov3/reference/utils/__init__.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/reference/utils/augmentations.py b/models/experimental/yolov3/reference/utils/augmentations.py index b3dd6c5286f..b68293c2c79 100644 --- a/models/experimental/yolov3/reference/utils/augmentations.py +++ b/models/experimental/yolov3/reference/utils/augmentations.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/reference/utils/autoanchor.py b/models/experimental/yolov3/reference/utils/autoanchor.py index a74bf6c156a..afafe89ebe4 100644 --- a/models/experimental/yolov3/reference/utils/autoanchor.py +++ b/models/experimental/yolov3/reference/utils/autoanchor.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/reference/utils/dataloaders.py b/models/experimental/yolov3/reference/utils/dataloaders.py index b7b918a75a2..717d5249978 100644 --- a/models/experimental/yolov3/reference/utils/dataloaders.py +++ b/models/experimental/yolov3/reference/utils/dataloaders.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/reference/utils/downloads.py b/models/experimental/yolov3/reference/utils/downloads.py index b6856af8d04..16d89b7e16b 100644 --- a/models/experimental/yolov3/reference/utils/downloads.py +++ b/models/experimental/yolov3/reference/utils/downloads.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/reference/utils/general.py b/models/experimental/yolov3/reference/utils/general.py index 043d62c6446..9b133a9d24b 100644 --- a/models/experimental/yolov3/reference/utils/general.py +++ b/models/experimental/yolov3/reference/utils/general.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/reference/utils/metrics.py b/models/experimental/yolov3/reference/utils/metrics.py index 75fe956de57..18706f484d2 100644 --- a/models/experimental/yolov3/reference/utils/metrics.py +++ b/models/experimental/yolov3/reference/utils/metrics.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/reference/utils/plots.py b/models/experimental/yolov3/reference/utils/plots.py index b4beeb34c11..d92a355a81e 100644 --- a/models/experimental/yolov3/reference/utils/plots.py +++ b/models/experimental/yolov3/reference/utils/plots.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/reference/utils/segment_general.py b/models/experimental/yolov3/reference/utils/segment_general.py index 701e0a1c194..3956b6e1168 100644 --- a/models/experimental/yolov3/reference/utils/segment_general.py +++ b/models/experimental/yolov3/reference/utils/segment_general.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/reference/utils/torch_utils.py b/models/experimental/yolov3/reference/utils/torch_utils.py index 6fccb6babba..6a12f55d952 100644 --- a/models/experimental/yolov3/reference/utils/torch_utils.py +++ b/models/experimental/yolov3/reference/utils/torch_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/tests/perf_yolov3.py b/models/experimental/yolov3/tests/perf_yolov3.py index bab15eb7f9a..0930db9e8b8 100644 --- a/models/experimental/yolov3/tests/perf_yolov3.py +++ b/models/experimental/yolov3/tests/perf_yolov3.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/tests/test_perf_accuracy_yolov3.py b/models/experimental/yolov3/tests/test_perf_accuracy_yolov3.py index f5becf2b535..e6cb0fd3165 100644 --- a/models/experimental/yolov3/tests/test_perf_accuracy_yolov3.py +++ b/models/experimental/yolov3/tests/test_perf_accuracy_yolov3.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/tests/test_yolov3_bottleneck.py b/models/experimental/yolov3/tests/test_yolov3_bottleneck.py index 74fdf9b17da..8753b18a482 100644 --- a/models/experimental/yolov3/tests/test_yolov3_bottleneck.py +++ b/models/experimental/yolov3/tests/test_yolov3_bottleneck.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/tests/test_yolov3_concat.py b/models/experimental/yolov3/tests/test_yolov3_concat.py index 205dabf7391..61fd1e81123 100644 --- a/models/experimental/yolov3/tests/test_yolov3_concat.py +++ b/models/experimental/yolov3/tests/test_yolov3_concat.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/tests/test_yolov3_conv.py b/models/experimental/yolov3/tests/test_yolov3_conv.py index 765cc8866cf..ad1c8fefaae 100644 --- a/models/experimental/yolov3/tests/test_yolov3_conv.py +++ b/models/experimental/yolov3/tests/test_yolov3_conv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/tests/test_yolov3_conv2d.py b/models/experimental/yolov3/tests/test_yolov3_conv2d.py index c8ce958ba22..0b7a3cffad3 100644 --- a/models/experimental/yolov3/tests/test_yolov3_conv2d.py +++ b/models/experimental/yolov3/tests/test_yolov3_conv2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/tests/test_yolov3_detect.py b/models/experimental/yolov3/tests/test_yolov3_detect.py index d21a19e8aa3..6787cbf32e8 100644 --- a/models/experimental/yolov3/tests/test_yolov3_detect.py +++ b/models/experimental/yolov3/tests/test_yolov3_detect.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/tests/test_yolov3_detection_model.py b/models/experimental/yolov3/tests/test_yolov3_detection_model.py index c7d294ee8c6..b9c47259827 100644 --- a/models/experimental/yolov3/tests/test_yolov3_detection_model.py +++ b/models/experimental/yolov3/tests/test_yolov3_detection_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/tests/test_yolov3_upsample.py b/models/experimental/yolov3/tests/test_yolov3_upsample.py index 6bbf88cb139..e9fee4f8254 100644 --- a/models/experimental/yolov3/tests/test_yolov3_upsample.py +++ b/models/experimental/yolov3/tests/test_yolov3_upsample.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/tt/yolov3_bottleneck.py b/models/experimental/yolov3/tt/yolov3_bottleneck.py index cf2bf8b3c57..f81d4f48f4a 100644 --- a/models/experimental/yolov3/tt/yolov3_bottleneck.py +++ b/models/experimental/yolov3/tt/yolov3_bottleneck.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/tt/yolov3_concat.py b/models/experimental/yolov3/tt/yolov3_concat.py index 83284d88120..356772b6dbd 100644 --- a/models/experimental/yolov3/tt/yolov3_concat.py +++ b/models/experimental/yolov3/tt/yolov3_concat.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/tt/yolov3_conv.py b/models/experimental/yolov3/tt/yolov3_conv.py index 7adc7448ab0..79386e69ce9 100644 --- a/models/experimental/yolov3/tt/yolov3_conv.py +++ b/models/experimental/yolov3/tt/yolov3_conv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/tt/yolov3_conv2d.py b/models/experimental/yolov3/tt/yolov3_conv2d.py index bac36256c41..7e05448c05f 100644 --- a/models/experimental/yolov3/tt/yolov3_conv2d.py +++ b/models/experimental/yolov3/tt/yolov3_conv2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/tt/yolov3_detect.py b/models/experimental/yolov3/tt/yolov3_detect.py index e489aff90b3..abedbb4bc60 100644 --- a/models/experimental/yolov3/tt/yolov3_detect.py +++ b/models/experimental/yolov3/tt/yolov3_detect.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/tt/yolov3_detection_model.py b/models/experimental/yolov3/tt/yolov3_detection_model.py index ad6e3e4d1ee..9910eec60a7 100644 --- a/models/experimental/yolov3/tt/yolov3_detection_model.py +++ b/models/experimental/yolov3/tt/yolov3_detection_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov3/tt/yolov3_upsample.py b/models/experimental/yolov3/tt/yolov3_upsample.py index d4de9e9ffa4..e39fcc4822c 100644 --- a/models/experimental/yolov3/tt/yolov3_upsample.py +++ b/models/experimental/yolov3/tt/yolov3_upsample.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/demo/cpu_demo.py b/models/experimental/yolov5/demo/cpu_demo.py index 6948f858430..ee45b42cb68 100644 --- a/models/experimental/yolov5/demo/cpu_demo.py +++ b/models/experimental/yolov5/demo/cpu_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/demo/gs_demo.py b/models/experimental/yolov5/demo/gs_demo.py index e75843cbef8..9ba4f8db0e2 100644 --- a/models/experimental/yolov5/demo/gs_demo.py +++ b/models/experimental/yolov5/demo/gs_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/reference/models/common.py b/models/experimental/yolov5/reference/models/common.py index dd2cea2ee35..57830dd9666 100644 --- a/models/experimental/yolov5/reference/models/common.py +++ b/models/experimental/yolov5/reference/models/common.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/reference/models/experimental.py b/models/experimental/yolov5/reference/models/experimental.py index fa683ea3a83..c6c07eda6c7 100644 --- a/models/experimental/yolov5/reference/models/experimental.py +++ b/models/experimental/yolov5/reference/models/experimental.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/reference/models/yolo.py b/models/experimental/yolov5/reference/models/yolo.py index bb26bf6732f..5d644789274 100644 --- a/models/experimental/yolov5/reference/models/yolo.py +++ b/models/experimental/yolov5/reference/models/yolo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/reference/utils/augmentations.py b/models/experimental/yolov5/reference/utils/augmentations.py index b8a176ac867..8743196250d 100644 --- a/models/experimental/yolov5/reference/utils/augmentations.py +++ b/models/experimental/yolov5/reference/utils/augmentations.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/reference/utils/autoanchor.py b/models/experimental/yolov5/reference/utils/autoanchor.py index 5727a50296e..4cc30c76765 100644 --- a/models/experimental/yolov5/reference/utils/autoanchor.py +++ b/models/experimental/yolov5/reference/utils/autoanchor.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/reference/utils/dataloaders.py b/models/experimental/yolov5/reference/utils/dataloaders.py index 41a9334a497..045ea1afec5 100644 --- a/models/experimental/yolov5/reference/utils/dataloaders.py +++ b/models/experimental/yolov5/reference/utils/dataloaders.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/reference/utils/downloads.py b/models/experimental/yolov5/reference/utils/downloads.py index 7730c11a86e..c0d29ed180a 100644 --- a/models/experimental/yolov5/reference/utils/downloads.py +++ b/models/experimental/yolov5/reference/utils/downloads.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/reference/utils/general.py b/models/experimental/yolov5/reference/utils/general.py index 34f4d773d8d..a0cc773d15a 100644 --- a/models/experimental/yolov5/reference/utils/general.py +++ b/models/experimental/yolov5/reference/utils/general.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/reference/utils/metrics.py b/models/experimental/yolov5/reference/utils/metrics.py index c3c0a31f0ca..8fc1e60880d 100644 --- a/models/experimental/yolov5/reference/utils/metrics.py +++ b/models/experimental/yolov5/reference/utils/metrics.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/reference/utils/plots.py b/models/experimental/yolov5/reference/utils/plots.py index d3b1c735a01..49bb04d99b4 100644 --- a/models/experimental/yolov5/reference/utils/plots.py +++ b/models/experimental/yolov5/reference/utils/plots.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/reference/utils/segment_general.py b/models/experimental/yolov5/reference/utils/segment_general.py index b4102b793a1..e4e1bb1512a 100644 --- a/models/experimental/yolov5/reference/utils/segment_general.py +++ b/models/experimental/yolov5/reference/utils/segment_general.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/reference/utils/torch_utils.py b/models/experimental/yolov5/reference/utils/torch_utils.py index 9415a68575f..15898a4a6ec 100644 --- a/models/experimental/yolov5/reference/utils/torch_utils.py +++ b/models/experimental/yolov5/reference/utils/torch_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/tests/perf_yolov5.py b/models/experimental/yolov5/tests/perf_yolov5.py index 4f003b163dd..35479f8f49e 100644 --- a/models/experimental/yolov5/tests/perf_yolov5.py +++ b/models/experimental/yolov5/tests/perf_yolov5.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/tests/test_perf_accuracy_yolov5.py b/models/experimental/yolov5/tests/test_perf_accuracy_yolov5.py index 8c0ead3a727..33005eacd60 100644 --- a/models/experimental/yolov5/tests/test_perf_accuracy_yolov5.py +++ b/models/experimental/yolov5/tests/test_perf_accuracy_yolov5.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/tests/test_yolov5_bottleneck.py b/models/experimental/yolov5/tests/test_yolov5_bottleneck.py index 0afb410a8be..f9dec3dfcbd 100644 --- a/models/experimental/yolov5/tests/test_yolov5_bottleneck.py +++ b/models/experimental/yolov5/tests/test_yolov5_bottleneck.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/tests/test_yolov5_c3.py b/models/experimental/yolov5/tests/test_yolov5_c3.py index cd9df05111f..5fe5b38eb99 100644 --- a/models/experimental/yolov5/tests/test_yolov5_c3.py +++ b/models/experimental/yolov5/tests/test_yolov5_c3.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/tests/test_yolov5_concat.py b/models/experimental/yolov5/tests/test_yolov5_concat.py index 7b99a00463b..100dddef963 100644 --- a/models/experimental/yolov5/tests/test_yolov5_concat.py +++ b/models/experimental/yolov5/tests/test_yolov5_concat.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/tests/test_yolov5_conv.py b/models/experimental/yolov5/tests/test_yolov5_conv.py index df1a4b15cd5..0d3114e816a 100644 --- a/models/experimental/yolov5/tests/test_yolov5_conv.py +++ b/models/experimental/yolov5/tests/test_yolov5_conv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/tests/test_yolov5_detect.py b/models/experimental/yolov5/tests/test_yolov5_detect.py index 79eeee2c5d9..444a5e4129a 100644 --- a/models/experimental/yolov5/tests/test_yolov5_detect.py +++ b/models/experimental/yolov5/tests/test_yolov5_detect.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/tests/test_yolov5_detection_model.py b/models/experimental/yolov5/tests/test_yolov5_detection_model.py index 474430eee0f..0b962c5a7d3 100644 --- a/models/experimental/yolov5/tests/test_yolov5_detection_model.py +++ b/models/experimental/yolov5/tests/test_yolov5_detection_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/tests/test_yolov5_sppf.py b/models/experimental/yolov5/tests/test_yolov5_sppf.py index 6b9d0594992..4b2810057b6 100644 --- a/models/experimental/yolov5/tests/test_yolov5_sppf.py +++ b/models/experimental/yolov5/tests/test_yolov5_sppf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/tt/yolov5_bottleneck.py b/models/experimental/yolov5/tt/yolov5_bottleneck.py index b6a17e7da83..84dc68d84d1 100644 --- a/models/experimental/yolov5/tt/yolov5_bottleneck.py +++ b/models/experimental/yolov5/tt/yolov5_bottleneck.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/tt/yolov5_c3.py b/models/experimental/yolov5/tt/yolov5_c3.py index 1b2fd56906b..3c37e1aad2d 100644 --- a/models/experimental/yolov5/tt/yolov5_c3.py +++ b/models/experimental/yolov5/tt/yolov5_c3.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/tt/yolov5_concat.py b/models/experimental/yolov5/tt/yolov5_concat.py index 440fdf7fbdb..032570c6a2d 100644 --- a/models/experimental/yolov5/tt/yolov5_concat.py +++ b/models/experimental/yolov5/tt/yolov5_concat.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/tt/yolov5_conv.py b/models/experimental/yolov5/tt/yolov5_conv.py index f686e9efbfb..a71260fece3 100644 --- a/models/experimental/yolov5/tt/yolov5_conv.py +++ b/models/experimental/yolov5/tt/yolov5_conv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/tt/yolov5_detect.py b/models/experimental/yolov5/tt/yolov5_detect.py index fff90aef4d5..1ec97df397b 100644 --- a/models/experimental/yolov5/tt/yolov5_detect.py +++ b/models/experimental/yolov5/tt/yolov5_detect.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/tt/yolov5_detection_model.py b/models/experimental/yolov5/tt/yolov5_detection_model.py index 9d3d9239fd1..6e04c33637f 100644 --- a/models/experimental/yolov5/tt/yolov5_detection_model.py +++ b/models/experimental/yolov5/tt/yolov5_detection_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/tt/yolov5_sppf.py b/models/experimental/yolov5/tt/yolov5_sppf.py index 34434ddfec8..f1c441654e2 100644 --- a/models/experimental/yolov5/tt/yolov5_sppf.py +++ b/models/experimental/yolov5/tt/yolov5_sppf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov5/tt/yolov5_upsample.py b/models/experimental/yolov5/tt/yolov5_upsample.py index e1e6e3501f5..1b744f4eb7e 100644 --- a/models/experimental/yolov5/tt/yolov5_upsample.py +++ b/models/experimental/yolov5/tt/yolov5_upsample.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov7/demo/cpu_demo.py b/models/experimental/yolov7/demo/cpu_demo.py index 6c1eee429e0..4953241bda7 100644 --- a/models/experimental/yolov7/demo/cpu_demo.py +++ b/models/experimental/yolov7/demo/cpu_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov7/reference/detect.py b/models/experimental/yolov7/reference/detect.py index 5e5ada07185..0aee1304158 100644 --- a/models/experimental/yolov7/reference/detect.py +++ b/models/experimental/yolov7/reference/detect.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov7/reference/models/common.py b/models/experimental/yolov7/reference/models/common.py index 97c15f2ed86..37dffd24232 100644 --- a/models/experimental/yolov7/reference/models/common.py +++ b/models/experimental/yolov7/reference/models/common.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov7/reference/models/experimental.py b/models/experimental/yolov7/reference/models/experimental.py index 470624721d5..040d64bd550 100644 --- a/models/experimental/yolov7/reference/models/experimental.py +++ b/models/experimental/yolov7/reference/models/experimental.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov7/reference/models/load_torch_model.py b/models/experimental/yolov7/reference/models/load_torch_model.py index 4abc94ee451..a48f19e3a96 100644 --- a/models/experimental/yolov7/reference/models/load_torch_model.py +++ b/models/experimental/yolov7/reference/models/load_torch_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov7/reference/models/yolo.py b/models/experimental/yolov7/reference/models/yolo.py index ebca14eb476..30e2acaff55 100644 --- a/models/experimental/yolov7/reference/models/yolo.py +++ b/models/experimental/yolov7/reference/models/yolo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov7/reference/utils/activations.py b/models/experimental/yolov7/reference/utils/activations.py index 6a2b10842bf..382aa93593a 100644 --- a/models/experimental/yolov7/reference/utils/activations.py +++ b/models/experimental/yolov7/reference/utils/activations.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov7/reference/utils/add_nms.py b/models/experimental/yolov7/reference/utils/add_nms.py index 0a345388a91..f074cd04f21 100644 --- a/models/experimental/yolov7/reference/utils/add_nms.py +++ b/models/experimental/yolov7/reference/utils/add_nms.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov7/reference/utils/autoanchor.py b/models/experimental/yolov7/reference/utils/autoanchor.py index 3240d06a253..cfa63c447af 100644 --- a/models/experimental/yolov7/reference/utils/autoanchor.py +++ b/models/experimental/yolov7/reference/utils/autoanchor.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov7/reference/utils/datasets.py b/models/experimental/yolov7/reference/utils/datasets.py index 4b7f7af5885..febc98ba74c 100644 --- a/models/experimental/yolov7/reference/utils/datasets.py +++ b/models/experimental/yolov7/reference/utils/datasets.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov7/reference/utils/general.py b/models/experimental/yolov7/reference/utils/general.py index dd15bed5280..0233d50a77c 100644 --- a/models/experimental/yolov7/reference/utils/general.py +++ b/models/experimental/yolov7/reference/utils/general.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov7/reference/utils/google_utils.py b/models/experimental/yolov7/reference/utils/google_utils.py index 2965bae0d32..640ca87947b 100644 --- a/models/experimental/yolov7/reference/utils/google_utils.py +++ b/models/experimental/yolov7/reference/utils/google_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov7/reference/utils/loss.py b/models/experimental/yolov7/reference/utils/loss.py index 7abab880deb..8c93e45657e 100644 --- a/models/experimental/yolov7/reference/utils/loss.py +++ b/models/experimental/yolov7/reference/utils/loss.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov7/reference/utils/metrics.py b/models/experimental/yolov7/reference/utils/metrics.py index e858040a83d..d9ca3cd35f8 100644 --- a/models/experimental/yolov7/reference/utils/metrics.py +++ b/models/experimental/yolov7/reference/utils/metrics.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov7/reference/utils/plots.py b/models/experimental/yolov7/reference/utils/plots.py index 77343198fd4..6c13a36c826 100644 --- a/models/experimental/yolov7/reference/utils/plots.py +++ b/models/experimental/yolov7/reference/utils/plots.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/experimental/yolov7/reference/utils/torch_utils.py b/models/experimental/yolov7/reference/utils/torch_utils.py index 78cd48f48ef..2c11db37a7e 100644 --- a/models/experimental/yolov7/reference/utils/torch_utils.py +++ b/models/experimental/yolov7/reference/utils/torch_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/generation_utils.py b/models/generation_utils.py index 86b5fdc25d5..95c2c0839f0 100644 --- a/models/generation_utils.py +++ b/models/generation_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/helper_funcs.py b/models/helper_funcs.py index f11ce5b9cbe..18cea4b8e05 100644 --- a/models/helper_funcs.py +++ b/models/helper_funcs.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/perf/benchmarking_utils.py b/models/perf/benchmarking_utils.py index 5ca7ae269c8..4b893252289 100644 --- a/models/perf/benchmarking_utils.py +++ b/models/perf/benchmarking_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/perf/device_perf_utils.py b/models/perf/device_perf_utils.py index 7810be77750..800a0cfabb5 100644 --- a/models/perf/device_perf_utils.py +++ b/models/perf/device_perf_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/perf/merge_device_perf_results.py b/models/perf/merge_device_perf_results.py index 86943a13435..4358e4ab5a7 100644 --- a/models/perf/merge_device_perf_results.py +++ b/models/perf/merge_device_perf_results.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/perf/merge_perf_results.py b/models/perf/merge_perf_results.py index 9648100e9f0..ceaf3710f9c 100644 --- a/models/perf/merge_perf_results.py +++ b/models/perf/merge_perf_results.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/perf/perf_report.py b/models/perf/perf_report.py index 379c27c0ce4..57fc3a4f0a0 100755 --- a/models/perf/perf_report.py +++ b/models/perf/perf_report.py @@ -1,5 +1,5 @@ #!/usr/bin/env python -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/perf/perf_utils.py b/models/perf/perf_utils.py index 02e65a330bd..1016523a9ab 100644 --- a/models/perf/perf_utils.py +++ b/models/perf/perf_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/sample_data/huggingface_imagenet_classes.py b/models/sample_data/huggingface_imagenet_classes.py index d4b90b1001d..1430ff94c2a 100644 --- a/models/sample_data/huggingface_imagenet_classes.py +++ b/models/sample_data/huggingface_imagenet_classes.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/models/utility_functions.py b/models/utility_functions.py index 2b652f81542..36f0b028727 100644 --- a/models/utility_functions.py +++ b/models/utility_functions.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/scripts/github/issues.py b/scripts/github/issues.py index 85ba2f739a6..d60a9d170d6 100644 --- a/scripts/github/issues.py +++ b/scripts/github/issues.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/setup.py b/setup.py index 6cd62f16410..e9c2331a22d 100644 --- a/setup.py +++ b/setup.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/device_perf_tests/matmul_stagger/test_matmul_stagger.py b/tests/device_perf_tests/matmul_stagger/test_matmul_stagger.py index ef7b816dcf4..3a2f681a34c 100644 --- a/tests/device_perf_tests/matmul_stagger/test_matmul_stagger.py +++ b/tests/device_perf_tests/matmul_stagger/test_matmul_stagger.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/tests/device_perf_tests/matmul_stagger/test_run_8x7_matmul.py b/tests/device_perf_tests/matmul_stagger/test_run_8x7_matmul.py index 3e81af3a6d5..02e027ff7c3 100644 --- a/tests/device_perf_tests/matmul_stagger/test_run_8x7_matmul.py +++ b/tests/device_perf_tests/matmul_stagger/test_run_8x7_matmul.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import pytest diff --git a/tests/device_perf_tests/stable_diffusion/test_perf_stable_diffusion.py b/tests/device_perf_tests/stable_diffusion/test_perf_stable_diffusion.py index 993a8c70150..afabc99be44 100644 --- a/tests/device_perf_tests/stable_diffusion/test_perf_stable_diffusion.py +++ b/tests/device_perf_tests/stable_diffusion/test_perf_stable_diffusion.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/end_to_end_tests/conftest.py b/tests/end_to_end_tests/conftest.py index f6a11e88775..eff1044363b 100644 --- a/tests/end_to_end_tests/conftest.py +++ b/tests/end_to_end_tests/conftest.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/end_to_end_tests/test_host_side_api.py b/tests/end_to_end_tests/test_host_side_api.py index a6ff4a0e2f3..82bda3cbc51 100644 --- a/tests/end_to_end_tests/test_host_side_api.py +++ b/tests/end_to_end_tests/test_host_side_api.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/end_to_end_tests/test_unit_ops.py b/tests/end_to_end_tests/test_unit_ops.py index 8af961f7f25..d4dd7c8845b 100644 --- a/tests/end_to_end_tests/test_unit_ops.py +++ b/tests/end_to_end_tests/test_unit_ops.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/scripts/cmdline_args.py b/tests/scripts/cmdline_args.py index 78d4ff0a3ea..af547e5429c 100644 --- a/tests/scripts/cmdline_args.py +++ b/tests/scripts/cmdline_args.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/scripts/common.py b/tests/scripts/common.py index 4f9387b42f7..f0f5340f389 100644 --- a/tests/scripts/common.py +++ b/tests/scripts/common.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/scripts/parse_profile_logs.py b/tests/scripts/parse_profile_logs.py index fa7eea78d81..32af0f73ffe 100644 --- a/tests/scripts/parse_profile_logs.py +++ b/tests/scripts/parse_profile_logs.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/scripts/run_testpoint_perprocess.py b/tests/scripts/run_testpoint_perprocess.py index 3d2c4a88e9d..86d8d138086 100755 --- a/tests/scripts/run_testpoint_perprocess.py +++ b/tests/scripts/run_testpoint_perprocess.py @@ -1,6 +1,6 @@ #!/usr/bin/env python3 -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/scripts/run_tt_eager.py b/tests/scripts/run_tt_eager.py index e4811b6a2ee..4f8657b0421 100644 --- a/tests/scripts/run_tt_eager.py +++ b/tests/scripts/run_tt_eager.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/scripts/run_tt_metal.py b/tests/scripts/run_tt_metal.py index 7f158ca3edc..f5dd44b1601 100644 --- a/tests/scripts/run_tt_metal.py +++ b/tests/scripts/run_tt_metal.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/scripts/test_moreh_microbenchmark.py b/tests/scripts/test_moreh_microbenchmark.py index 7e9f33f6377..0ceb9ff5596 100755 --- a/tests/scripts/test_moreh_microbenchmark.py +++ b/tests/scripts/test_moreh_microbenchmark.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import os diff --git a/tests/sweep_framework/sweeps/fused/layer_norm_traces.py b/tests/sweep_framework/sweeps/fused/layer_norm_traces.py index c9641395119..058fce294b0 100644 --- a/tests/sweep_framework/sweeps/fused/layer_norm_traces.py +++ b/tests/sweep_framework/sweeps/fused/layer_norm_traces.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/sweep_framework/sweeps/fused/softmax_traces.py b/tests/sweep_framework/sweeps/fused/softmax_traces.py index e9cc6dbe7bb..56c0182faa5 100644 --- a/tests/sweep_framework/sweeps/fused/softmax_traces.py +++ b/tests/sweep_framework/sweeps/fused/softmax_traces.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/sweep_framework/sweeps/matmul/short/matmul.py b/tests/sweep_framework/sweeps/matmul/short/matmul.py index bd81564229f..760f64c551d 100644 --- a/tests/sweep_framework/sweeps/matmul/short/matmul.py +++ b/tests/sweep_framework/sweeps/matmul/short/matmul.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/sweep_framework/sweeps/matmul/short/matmul_traces.py b/tests/sweep_framework/sweeps/matmul/short/matmul_traces.py index c66e5548834..5b6c739c222 100644 --- a/tests/sweep_framework/sweeps/matmul/short/matmul_traces.py +++ b/tests/sweep_framework/sweeps/matmul/short/matmul_traces.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/sweep_framework/sweeps/reduction/traces/argmax_traces.py b/tests/sweep_framework/sweeps/reduction/traces/argmax_traces.py index 07e7d542ad8..bed02bd92d2 100644 --- a/tests/sweep_framework/sweeps/reduction/traces/argmax_traces.py +++ b/tests/sweep_framework/sweeps/reduction/traces/argmax_traces.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/sweep_framework/sweeps/reduction/traces/max_traces.py b/tests/sweep_framework/sweeps/reduction/traces/max_traces.py index 93bd1187937..99ae2f84566 100644 --- a/tests/sweep_framework/sweeps/reduction/traces/max_traces.py +++ b/tests/sweep_framework/sweeps/reduction/traces/max_traces.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/sweep_framework/sweeps/reduction/traces/mean_traces.py b/tests/sweep_framework/sweeps/reduction/traces/mean_traces.py index 921bb7f4c97..0f53064b987 100644 --- a/tests/sweep_framework/sweeps/reduction/traces/mean_traces.py +++ b/tests/sweep_framework/sweeps/reduction/traces/mean_traces.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/sweep_framework/sweeps/reduction/traces/sum_traces.py b/tests/sweep_framework/sweeps/reduction/traces/sum_traces.py index 94b0c4c4c15..694a5f8b08c 100644 --- a/tests/sweep_framework/sweeps/reduction/traces/sum_traces.py +++ b/tests/sweep_framework/sweeps/reduction/traces/sum_traces.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/sweep_framework/sweeps/reduction/traces/topk_traces.py b/tests/sweep_framework/sweeps/reduction/traces/topk_traces.py index 51de7b89117..b65f049b8c4 100644 --- a/tests/sweep_framework/sweeps/reduction/traces/topk_traces.py +++ b/tests/sweep_framework/sweeps/reduction/traces/topk_traces.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tests_common/sfpu_helper/sfpu_helper.hpp b/tests/tests_common/sfpu_helper/sfpu_helper.hpp index 1665ec7066d..b202a585fb0 100644 --- a/tests/tests_common/sfpu_helper/sfpu_helper.hpp +++ b/tests/tests_common/sfpu_helper/sfpu_helper.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/integration_tests/test_bert.cpp b/tests/tt_eager/integration_tests/test_bert.cpp index 81e51414ebe..070ff2736b0 100644 --- a/tests/tt_eager/integration_tests/test_bert.cpp +++ b/tests/tt_eager/integration_tests/test_bert.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/kernels/dataflow/dram_to_l1_copy_with_address_map.cpp b/tests/tt_eager/kernels/dataflow/dram_to_l1_copy_with_address_map.cpp index fb25e0cfdf4..52fc043f78b 100644 --- a/tests/tt_eager/kernels/dataflow/dram_to_l1_copy_with_address_map.cpp +++ b/tests/tt_eager/kernels/dataflow/dram_to_l1_copy_with_address_map.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/kernels/dataflow/reader_unary_8bank.cpp b/tests/tt_eager/kernels/dataflow/reader_unary_8bank.cpp index 872b02b215f..c4b1e886118 100644 --- a/tests/tt_eager/kernels/dataflow/reader_unary_8bank.cpp +++ b/tests/tt_eager/kernels/dataflow/reader_unary_8bank.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/kernels/dataflow/reader_unary_push_4.cpp b/tests/tt_eager/kernels/dataflow/reader_unary_push_4.cpp index b34105a5a56..3732238919d 100644 --- a/tests/tt_eager/kernels/dataflow/reader_unary_push_4.cpp +++ b/tests/tt_eager/kernels/dataflow/reader_unary_push_4.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/kernels/dataflow/writer_unary_8bank.cpp b/tests/tt_eager/kernels/dataflow/writer_unary_8bank.cpp index 9dcf5c20799..9d4a01b954f 100644 --- a/tests/tt_eager/kernels/dataflow/writer_unary_8bank.cpp +++ b/tests/tt_eager/kernels/dataflow/writer_unary_8bank.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/ops/ccl/test_ccl_helpers.cpp b/tests/tt_eager/ops/ccl/test_ccl_helpers.cpp index 186a4841280..012b202b274 100644 --- a/tests/tt_eager/ops/ccl/test_ccl_helpers.cpp +++ b/tests/tt_eager/ops/ccl/test_ccl_helpers.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/ops/ccl/test_ccl_tensor_slicers.cpp b/tests/tt_eager/ops/ccl/test_ccl_tensor_slicers.cpp index f89f66fe646..ecfbcbaf305 100644 --- a/tests/tt_eager/ops/ccl/test_ccl_tensor_slicers.cpp +++ b/tests/tt_eager/ops/ccl/test_ccl_tensor_slicers.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/ops/kernel/eltwise_sfpu.cpp b/tests/tt_eager/ops/kernel/eltwise_sfpu.cpp index b5c89a0ddee..7feb82b542d 100644 --- a/tests/tt_eager/ops/kernel/eltwise_sfpu.cpp +++ b/tests/tt_eager/ops/kernel/eltwise_sfpu.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/ops/test_average_pool.cpp b/tests/tt_eager/ops/test_average_pool.cpp index b30f22a898d..997640e0c89 100644 --- a/tests/tt_eager/ops/test_average_pool.cpp +++ b/tests/tt_eager/ops/test_average_pool.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/ops/test_bcast_op.cpp b/tests/tt_eager/ops/test_bcast_op.cpp index a761c1eba51..51b24cd7a87 100644 --- a/tests/tt_eager/ops/test_bcast_op.cpp +++ b/tests/tt_eager/ops/test_bcast_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/ops/test_bmm_op.cpp b/tests/tt_eager/ops/test_bmm_op.cpp index c7760e67354..2d8bd65de01 100644 --- a/tests/tt_eager/ops/test_bmm_op.cpp +++ b/tests/tt_eager/ops/test_bmm_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/ops/test_eltwise_binary_op.cpp b/tests/tt_eager/ops/test_eltwise_binary_op.cpp index 52a8955c859..00047b93f91 100644 --- a/tests/tt_eager/ops/test_eltwise_binary_op.cpp +++ b/tests/tt_eager/ops/test_eltwise_binary_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/ops/test_eltwise_unary_op.cpp b/tests/tt_eager/ops/test_eltwise_unary_op.cpp index 05efa664dcf..3657c54552c 100644 --- a/tests/tt_eager/ops/test_eltwise_unary_op.cpp +++ b/tests/tt_eager/ops/test_eltwise_unary_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/ops/test_layernorm_op.cpp b/tests/tt_eager/ops/test_layernorm_op.cpp index c1cc3cda8e5..25b0276c823 100644 --- a/tests/tt_eager/ops/test_layernorm_op.cpp +++ b/tests/tt_eager/ops/test_layernorm_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/ops/test_pad_op.cpp b/tests/tt_eager/ops/test_pad_op.cpp index d15662298ad..004bb645ea3 100644 --- a/tests/tt_eager/ops/test_pad_op.cpp +++ b/tests/tt_eager/ops/test_pad_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/ops/test_sfpu.cpp b/tests/tt_eager/ops/test_sfpu.cpp index 46526fb313e..70615ea816b 100644 --- a/tests/tt_eager/ops/test_sfpu.cpp +++ b/tests/tt_eager/ops/test_sfpu.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/ops/test_softmax_op.cpp b/tests/tt_eager/ops/test_softmax_op.cpp index 4a7ae198b06..54c099f9a23 100644 --- a/tests/tt_eager/ops/test_softmax_op.cpp +++ b/tests/tt_eager/ops/test_softmax_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/ops/test_tilize_op.cpp b/tests/tt_eager/ops/test_tilize_op.cpp index c78d37487c8..faded7f0026 100644 --- a/tests/tt_eager/ops/test_tilize_op.cpp +++ b/tests/tt_eager/ops/test_tilize_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/ops/test_tilize_op_channels_last.cpp b/tests/tt_eager/ops/test_tilize_op_channels_last.cpp index 47dba746653..a1f618d0d7e 100644 --- a/tests/tt_eager/ops/test_tilize_op_channels_last.cpp +++ b/tests/tt_eager/ops/test_tilize_op_channels_last.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/ops/test_tilize_zero_padding.cpp b/tests/tt_eager/ops/test_tilize_zero_padding.cpp index 178948d3c18..9b8b61847ff 100644 --- a/tests/tt_eager/ops/test_tilize_zero_padding.cpp +++ b/tests/tt_eager/ops/test_tilize_zero_padding.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/ops/test_tilize_zero_padding_channels_last.cpp b/tests/tt_eager/ops/test_tilize_zero_padding_channels_last.cpp index 1a0d13092ad..1cb536407f0 100644 --- a/tests/tt_eager/ops/test_tilize_zero_padding_channels_last.cpp +++ b/tests/tt_eager/ops/test_tilize_zero_padding_channels_last.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/ops/test_transpose_op.cpp b/tests/tt_eager/ops/test_transpose_op.cpp index bdb4e64273e..6228d4fed24 100644 --- a/tests/tt_eager/ops/test_transpose_op.cpp +++ b/tests/tt_eager/ops/test_transpose_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/ops/test_transpose_wh_multi_core.cpp b/tests/tt_eager/ops/test_transpose_wh_multi_core.cpp index 3aba3aaef1e..5e7210ba39a 100644 --- a/tests/tt_eager/ops/test_transpose_wh_multi_core.cpp +++ b/tests/tt_eager/ops/test_transpose_wh_multi_core.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/ops/test_transpose_wh_single_core.cpp b/tests/tt_eager/ops/test_transpose_wh_single_core.cpp index 3aba3aaef1e..5e7210ba39a 100644 --- a/tests/tt_eager/ops/test_transpose_wh_single_core.cpp +++ b/tests/tt_eager/ops/test_transpose_wh_single_core.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/conv/conv_op_trace_config.py b/tests/tt_eager/python_api_testing/conv/conv_op_trace_config.py index 30881b2bd64..455449588ca 100644 --- a/tests/tt_eager/python_api_testing/conv/conv_op_trace_config.py +++ b/tests/tt_eager/python_api_testing/conv/conv_op_trace_config.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/conv/conv_unit_test_utils.py b/tests/tt_eager/python_api_testing/conv/conv_unit_test_utils.py index 52cfe865500..4c4e3334783 100644 --- a/tests/tt_eager/python_api_testing/conv/conv_unit_test_utils.py +++ b/tests/tt_eager/python_api_testing/conv/conv_unit_test_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/conv/conv_utils.py b/tests/tt_eager/python_api_testing/conv/conv_utils.py index 1f779788575..eeb93249a18 100644 --- a/tests/tt_eager/python_api_testing/conv/conv_utils.py +++ b/tests/tt_eager/python_api_testing/conv/conv_utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/conv/generate_mm_tb_using_conv_tb.py b/tests/tt_eager/python_api_testing/conv/generate_mm_tb_using_conv_tb.py index f8b27c9a035..87875b56d4d 100644 --- a/tests/tt_eager/python_api_testing/conv/generate_mm_tb_using_conv_tb.py +++ b/tests/tt_eager/python_api_testing/conv/generate_mm_tb_using_conv_tb.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/conv/pytorch_conv_tb.py b/tests/tt_eager/python_api_testing/conv/pytorch_conv_tb.py index d4b444826eb..44be3038b3a 100644 --- a/tests/tt_eager/python_api_testing/conv/pytorch_conv_tb.py +++ b/tests/tt_eager/python_api_testing/conv/pytorch_conv_tb.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/fused_ops/add_and_norm.py b/tests/tt_eager/python_api_testing/fused_ops/add_and_norm.py index ae2b9d03b67..dc58d52a410 100644 --- a/tests/tt_eager/python_api_testing/fused_ops/add_and_norm.py +++ b/tests/tt_eager/python_api_testing/fused_ops/add_and_norm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/fused_ops/layernorm.py b/tests/tt_eager/python_api_testing/fused_ops/layernorm.py index fc770507682..9bd75b02dfa 100644 --- a/tests/tt_eager/python_api_testing/fused_ops/layernorm.py +++ b/tests/tt_eager/python_api_testing/fused_ops/layernorm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/fused_ops/linear.py b/tests/tt_eager/python_api_testing/fused_ops/linear.py index 63188419ac4..bb37b48769c 100644 --- a/tests/tt_eager/python_api_testing/fused_ops/linear.py +++ b/tests/tt_eager/python_api_testing/fused_ops/linear.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/fused_ops/silu.py b/tests/tt_eager/python_api_testing/fused_ops/silu.py index b3cc9585bc0..842ea1dc689 100644 --- a/tests/tt_eager/python_api_testing/fused_ops/silu.py +++ b/tests/tt_eager/python_api_testing/fused_ops/silu.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/fused_ops/softmax.py b/tests/tt_eager/python_api_testing/fused_ops/softmax.py index a38687a0e96..434c90b9e97 100644 --- a/tests/tt_eager/python_api_testing/fused_ops/softmax.py +++ b/tests/tt_eager/python_api_testing/fused_ops/softmax.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_arange.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_arange.py index 04fe6e57dbf..35ab0ccdc70 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_arange.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_arange.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_argmax.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_argmax.py index d95e853bdf9..d1122f326e3 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_argmax.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_argmax.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_argmax_padding.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_argmax_padding.py index 9b986406fbe..258f3aee371 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_argmax_padding.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_argmax_padding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_argmin.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_argmin.py index 13edeeb55f7..b258dbd8d76 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_argmin.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_argmin.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_backward_fill.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_backward_fill.py index 199a4edb06d..a349ab25a46 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_backward_fill.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_backward_fill.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_backward_sqrt.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_backward_sqrt.py index 73523b5da08..1a9b879b55c 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_backward_sqrt.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_backward_sqrt.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_bfloat8_eltwise_logaddexp.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_bfloat8_eltwise_logaddexp.py index 5f8aafe548c..ea3276e100b 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_bfloat8_eltwise_logaddexp.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_bfloat8_eltwise_logaddexp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_clamp_max_bw.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_clamp_max_bw.py index b2dc81368db..711ba060771 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_clamp_max_bw.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_clamp_max_bw.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_clamp_min_bw.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_clamp_min_bw.py index 77dae6e8faa..6cd79a6fca2 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_clamp_min_bw.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_clamp_min_bw.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_complex_polar.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_complex_polar.py index e4ba1f61081..73f98c1b269 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_complex_polar.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_complex_polar.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_addcdiv_stuck_1.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_addcdiv_stuck_1.py index 956f80f8659..aef74349851 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_addcdiv_stuck_1.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_addcdiv_stuck_1.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_addcdiv_stuck_2.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_addcdiv_stuck_2.py index 5a1cd3adb43..31cdf8f14a1 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_addcdiv_stuck_2.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_addcdiv_stuck_2.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_log_sigmoid.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_log_sigmoid.py index c48b3f3e908..054afdd74db 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_log_sigmoid.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_log_sigmoid.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_ne.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_ne.py index fecddece5f3..5762a6052aa 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_ne.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_ne.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_recip.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_recip.py index d5e7b3d79ce..36ea49da1f9 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_recip.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_recip.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_rpow.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_rpow.py index 7d93c275cdf..7ee6061af40 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_rpow.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_rpow.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_rsqrt_in_depth.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_rsqrt_in_depth.py index 84c433aab68..a8f068e0ac2 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_rsqrt_in_depth.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_rsqrt_in_depth.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_scale_mask_softmax_in_place.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_scale_mask_softmax_in_place.py index 471cbf2baf8..c94172e976c 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_scale_mask_softmax_in_place.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_scale_mask_softmax_in_place.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_softmax_in_place.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_softmax_in_place.py index 07b387b0662..43ab3dc7dbe 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_softmax_in_place.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_softmax_in_place.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_permute.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_permute.py index d5d5a6d18ec..5a2ac3b7f13 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_permute.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_permute.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_pow.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_pow.py index 4f9e9e1bdb4..be6f92ae3e1 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_pow.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_pow.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_reduce_max_h.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_reduce_max_h.py index 2600b0c2e0d..acde4fa3482 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_reduce_max_h.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_reduce_max_h.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_reduce_sum_h.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_reduce_sum_h.py index 73504296073..cab04974e6e 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_reduce_sum_h.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_reduce_sum_h.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_reshape.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_reshape.py index a2288facfc8..63deee3c857 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_reshape.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_reshape.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_stats_mean_hw.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_stats_mean_hw.py index 670d7fd0b04..4f76fe619f4 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_stats_mean_hw.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_stats_mean_hw.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_stats_std_hw.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_stats_std_hw.py index 36b657aa23a..155b7ec8cd9 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_stats_std_hw.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_stats_std_hw.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_stats_var_hw.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_stats_var_hw.py index b1b2fd88864..ef864370b0e 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_stats_var_hw.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_stats_var_hw.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_sum_2.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_sum_2.py index 204f2fdec01..40e08ebcaa9 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_sum_2.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/grayskull/test_sum_2.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_and.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_and.py index 07f6732c31a..7aa536fde05 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_and.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_and.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_backward_embedding.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_backward_embedding.py index 4bf781fe545..2417302868a 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_backward_embedding.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_backward_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_backward_fill.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_backward_fill.py index 76788ff980f..419e1af8e62 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_backward_fill.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_backward_fill.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_clamp_max_bw.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_clamp_max_bw.py index 61d9f2d9a53..310ba8adc13 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_clamp_max_bw.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_clamp_max_bw.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_clamp_min_bw.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_clamp_min_bw.py index 9034d3aa988..69edb268f21 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_clamp_min_bw.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_clamp_min_bw.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_dispatch_mode_transpose_nh.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_dispatch_mode_transpose_nh.py index 245320c1a80..1212b648e24 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_dispatch_mode_transpose_nh.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_dispatch_mode_transpose_nh.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_isfinite.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_isfinite.py index 2f4f4186741..331950ad7ef 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_isfinite.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_isfinite.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_relu_min.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_relu_min.py index 34c1a317d12..5894abc7278 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_relu_min.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_relu_min.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_rpow.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_rpow.py index ae1adafa431..248368060f6 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_rpow.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_rpow.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_threshold.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_threshold.py index 151dc353949..971b4bc3b02 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_threshold.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_threshold.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_embeddings.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_embeddings.py index fce96a417df..6645fe5105e 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_embeddings.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_embeddings.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_isinf.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_isinf.py index 032a50812f0..ac7a4845d6f 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_isinf.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_isinf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_isnan.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_isnan.py index 2b20ac02a9a..8541ff528f0 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_isnan.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_isnan.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_isneginf.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_isneginf.py index 9bee9c86ddc..f0f5ec2364c 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_isneginf.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_isneginf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_isposinf.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_isposinf.py index 8981797f9f1..99e149bfed5 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_isposinf.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_isposinf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_normalize_global.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_normalize_global.py index c0e778a7f17..cb119940846 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_normalize_global.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_normalize_global.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_or.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_or.py index 080fadc61b9..5014a976243 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_or.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_or.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_segfault.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_segfault.py index b916b7f215b..882075b9a91 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_segfault.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_segfault.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_transpose_nh.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_transpose_nh.py index 2586cb6cc46..921d480d7e8 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_transpose_nh.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_transpose_nh.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_untilize_with_unpadding.py b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_untilize_with_unpadding.py index d25e89f8170..58dbbe207fc 100644 --- a/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_untilize_with_unpadding.py +++ b/tests/tt_eager/python_api_testing/non_working_unit_tests/wormhole/test_untilize_with_unpadding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/common.py b/tests/tt_eager/python_api_testing/sweep_tests/common.py index 82ddc2f3286..e81000a9fd5 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/common.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/common.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/generation_funcs.py b/tests/tt_eager/python_api_testing/sweep_tests/generation_funcs.py index 27469ea9087..8e9068ae094 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/generation_funcs.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/generation_funcs.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/model_tests.py b/tests/tt_eager/python_api_testing/sweep_tests/model_tests.py index 9000752f6f9..44cfdb41e1c 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/model_tests.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/model_tests.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/op_map.py b/tests/tt_eager/python_api_testing/sweep_tests/op_map.py index c00436a1d73..8f52f60ab19 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/op_map.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/op_map.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/helper_funcs/test_linear.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/helper_funcs/test_linear.py index 3ac938336bb..daae45a4b89 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/helper_funcs/test_linear.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/helper_funcs/test_linear.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tensor/test_datacopy.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tensor/test_datacopy.py index b9f3b575a75..333b90689c0 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tensor/test_datacopy.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tensor/test_datacopy.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tensor/test_pad.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tensor/test_pad.py index f592c6fa382..dde63e0060f 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tensor/test_pad.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tensor/test_pad.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tensor/test_pad_to_tile.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tensor/test_pad_to_tile.py index 23c5ce20e8f..5579e2675c0 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tensor/test_pad_to_tile.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tensor/test_pad_to_tile.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tensor/test_unpad.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tensor/test_unpad.py index d7b23bde8bb..7319f429fb1 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tensor/test_unpad.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tensor/test_unpad.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tensor/test_unpad_from_tile.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tensor/test_unpad_from_tile.py index 56b584dbdcf..00b6014692d 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tensor/test_unpad_from_tile.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tensor/test_unpad_from_tile.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/test_sweep_conv_with_address_map.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/test_sweep_conv_with_address_map.py index 3688f8f9202..3e6a08ce59e 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/test_sweep_conv_with_address_map.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/test_sweep_conv_with_address_map.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_addalpha.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_addalpha.py index 36ff54a8741..a013bc0d93e 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_addalpha.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_addalpha.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_argmax_int.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_argmax_int.py index 6109e014c4d..e951c15e1a1 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_argmax_int.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_argmax_int.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_broadcast.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_broadcast.py index 296734f0f4e..edd1577559a 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_broadcast.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_broadcast.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_composite.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_composite.py index 086d665d051..74bc6ea26cb 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_composite.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_composite.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_eltwise_binary.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_eltwise_binary.py index 186d26bf151..16829b3cb1e 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_eltwise_binary.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_eltwise_binary.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_eltwise_binary_optional_output.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_eltwise_binary_optional_output.py index 6cfbfb0fb31..77eadbb61c2 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_eltwise_binary_optional_output.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_eltwise_binary_optional_output.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_eltwise_ternary.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_eltwise_ternary.py index fee9e99be3c..2c61e84bec4 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_eltwise_ternary.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_eltwise_ternary.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_eltwise_unary.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_eltwise_unary.py index 1db66f53ced..5e3b8967a8d 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_eltwise_unary.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_eltwise_unary.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_glu_variants.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_glu_variants.py index 4cb0630a09a..c26c94fac1e 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_glu_variants.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_glu_variants.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_layernorm_sharded.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_layernorm_sharded.py index 7e4c3b0b6fc..0c5b7ec9d64 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_layernorm_sharded.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_layernorm_sharded.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_matmul.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_matmul.py index 797f2e99ff8..790b6a795e4 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_matmul.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_matmul.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_move.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_move.py index ca4d75af09c..f162a804345 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_move.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_move.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_outer.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_outer.py index 946cc8ed863..ddc28a02d30 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_outer.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_outer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_pad.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_pad.py index fe0e4d4bd22..f3eb7f86f08 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_pad.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_pad.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_permute.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_permute.py index d9ab2571a58..0adf6f83d37 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_permute.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_permute.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_reduce.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_reduce.py index 43c9ba4ecf2..a31f92f778a 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_reduce.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_reduce.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_repeat_interleave.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_repeat_interleave.py index 1a297d86aa1..1b98a159cb7 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_repeat_interleave.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_repeat_interleave.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_reshape.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_reshape.py index b758b4eb916..0a4a6a78dd9 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_reshape.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_reshape.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 # TODO: migrate to new sweep infra diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_softmax_sharded.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_softmax_sharded.py index b25c5f19b31..55dccb82623 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_softmax_sharded.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_softmax_sharded.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_stats.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_stats.py index 433558c5d66..9414f46900b 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_stats.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_stats.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_sum.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_sum.py index 238143809c6..94b0f19a9ee 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_sum.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_sum.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_tilize.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_tilize.py index 5a645189c9c..bfe2183b3a8 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_tilize.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_tilize.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_tilize_with_val_padding.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_tilize_with_val_padding.py index 1d4b82af12b..2fbb738bd1a 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_tilize_with_val_padding.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_tilize_with_val_padding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_tilize_with_zero_padding.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_tilize_with_zero_padding.py index d263e998c7d..7207d0caebc 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_tilize_with_zero_padding.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_tilize_with_zero_padding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_transpose.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_transpose.py index 4f679c70880..c1da55030e9 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_transpose.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_transpose.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_unpad.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_unpad.py index 79dc78c9e65..48e089353c3 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_unpad.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_unpad.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_untilize.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_untilize.py index e6be28490ca..ae4d53b61da 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_untilize.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_untilize.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_untilize_with_unpadding.py b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_untilize_with_unpadding.py index 902261580bb..5ac58ee2a46 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_untilize_with_unpadding.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytests/tt_dnn/test_untilize_with_unpadding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/pytorch_ops.py b/tests/tt_eager/python_api_testing/sweep_tests/pytorch_ops.py index dc352d22927..0d5eec46086 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/pytorch_ops.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/pytorch_ops.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import ttnn diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_addalpha.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_addalpha.py index c6ec7c6391d..d257b5cbf24 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_addalpha.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_addalpha.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_assign.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_assign.py index 8a4506f095b..a5efb6035c7 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_assign.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_assign.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_atan2.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_atan2.py index b7229bfb07c..e8e90219b47 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_atan2.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_atan2.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_bias_gelu.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_bias_gelu.py index 3df6ceab646..274b1cebbb0 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_bias_gelu.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_bias_gelu.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_isclose.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_isclose.py index b059f7f5026..c464e7dadd0 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_isclose.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_isclose.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_ldexp.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_ldexp.py index 053b79aef81..95165898737 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_ldexp.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_ldexp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_lerp.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_lerp.py index ee855855b41..9fb67754471 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_lerp.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_lerp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_logaddexp.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_logaddexp.py index 2a7d93b7272..ab16e4f27df 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_logaddexp.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_logaddexp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_logaddexp2.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_logaddexp2.py index 85f23eaee54..42544d48f79 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_logaddexp2.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_logaddexp2.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_logical_and.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_logical_and.py index 36f626951c3..56fa8563848 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_logical_and.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_logical_and.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_logical_or.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_logical_or.py index 2df73081987..9e585e8c1a2 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_logical_or.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_logical_or.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_logical_xor.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_logical_xor.py index 70832283dc7..f3806f09b20 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_logical_xor.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_logical_xor.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_nextafter.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_nextafter.py index 20e922cfdbc..b8e7736d801 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_nextafter.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_nextafter.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_squared_difference.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_squared_difference.py index c4c1ba43e97..8363b8d7ecb 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_squared_difference.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_squared_difference.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_subalpha.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_subalpha.py index 10cf975758c..92343b01143 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_subalpha.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_subalpha.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_xlogy.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_xlogy.py index f98ba566765..20af20e552a 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_xlogy.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_binary_xlogy.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_erfinv.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_erfinv.py index 3ab24061130..ed960291836 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_erfinv.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_erfinv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_logical_not_unary.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_logical_not_unary.py index e43a0ee7886..0abd1aa5571 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_logical_not_unary.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_logical_not_unary.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_logical_noti.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_logical_noti.py index 6c42c85cef9..01c9541ee04 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_logical_noti.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_logical_noti.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_ternary_addcdiv.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_ternary_addcdiv.py index a95dda2b8c6..a6a8eb48f42 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_ternary_addcdiv.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_ternary_addcdiv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_ternary_addcmul.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_ternary_addcmul.py index 7a1a82940c8..4a57d058467 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_ternary_addcmul.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_ternary_addcmul.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_ternary_lerp.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_ternary_lerp.py index 004835f9741..2616a2c61eb 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_ternary_lerp.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_ternary_lerp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_acosh.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_acosh.py index 27a60923af0..309fdc15661 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_acosh.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_acosh.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_asin_acos.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_asin_acos.py index a44363255ef..3e0c51eda6e 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_asin_acos.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_asin_acos.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_asinh.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_asinh.py index c86f55a7a2c..f909ec89d88 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_asinh.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_asinh.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_assign.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_assign.py index 9b0c249c27e..fe2bc0f4bc3 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_assign.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_assign.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_atan.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_atan.py index aa3fca06608..c8f07215f4e 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_atan.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_atan.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_atanh.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_atanh.py index 48ba84f3fcb..042212acb4a 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_atanh.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_atanh.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_bias_gelu.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_bias_gelu.py index 3428468f188..4defeb6f016 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_bias_gelu.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_bias_gelu.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_digamma.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_digamma.py index 8d8882688ff..9e11b246097 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_digamma.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_digamma.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_erf.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_erf.py index 139b877155d..567607f063c 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_erf.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_erf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_erfc.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_erfc.py index 9d741c61eb0..b2d2530a035 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_erfc.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_erfc.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_exp2.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_exp2.py index 42df2c7dc6a..a51cfc2c8ad 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_exp2.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_exp2.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_expm1.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_expm1.py index 7c2e79c5bed..4114f1cb619 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_expm1.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_expm1.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_heaviside.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_heaviside.py index b641f811cc8..c2e1b82a808 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_heaviside.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_heaviside.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_i0.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_i0.py index 0ceab54f534..ea5817bbf31 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_i0.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_i0.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_isfinite.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_isfinite.py index c3012a1e3c6..fac167e1e4f 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_isfinite.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_isfinite.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_isinf.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_isinf.py index 6170b42d30e..40a00c94d90 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_isinf.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_isinf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_isnan.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_isnan.py index 884ba131faf..dab42e6f1f6 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_isnan.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_isnan.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_isneginf.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_isneginf.py index 5a7bf7905f4..a30e2040c4a 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_isneginf.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_isneginf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_isposinf.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_isposinf.py index fbbbd562b0f..125cd3db857 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_isposinf.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_isposinf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_lgamma.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_lgamma.py index 61f4e1513e4..0196c4b8d28 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_lgamma.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_lgamma.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import math diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_logical_andi.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_logical_andi.py index c380e1a2887..f479fe9eb86 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_logical_andi.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_logical_andi.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_logical_ori.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_logical_ori.py index 97d0b786ac8..563ac11a2e2 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_logical_ori.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_logical_ori.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_logical_xori.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_logical_xori.py index de54a1e5a86..b8a6e664fa8 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_logical_xori.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_logical_xori.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_logit.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_logit.py index 30892b2b17b..fb59ab21acb 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_logit.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_logit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_logsigmoid.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_logsigmoid.py index 811d1b33094..37d5bb8d8a5 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_logsigmoid.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_logsigmoid.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_multigammaln.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_multigammaln.py index 5e3cb1c82f9..f806e2659ca 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_multigammaln.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_multigammaln.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_polygamma.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_polygamma.py index 17ff0b0c320..156027f2d0e 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_polygamma.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_polygamma.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_repeat_interleave_dim2.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_repeat_interleave_dim2.py index 7b24f0657e6..6674601e711 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_repeat_interleave_dim2.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_repeat_interleave_dim2.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_rsqrt.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_rsqrt.py index 48175735083..ab5dd9c469c 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_rsqrt.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_rsqrt.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_tan.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_tan.py index f74d435aa1e..dc264fae423 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_tan.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_tan.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_tanhshrink.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_tanhshrink.py index 772695acd49..8a24890f2ef 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_tanhshrink.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/eltwise_unary_tanhshrink.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/tril_triu.py b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/tril_triu.py index 4788240a1b0..f8728d0f31f 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/tril_triu.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/reference_eltwise/tril_triu.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/results_writer.py b/tests/tt_eager/python_api_testing/sweep_tests/results_writer.py index 6827a5805ee..73c1273e98d 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/results_writer.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/results_writer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/run_pytorch_ci_tests.py b/tests/tt_eager/python_api_testing/sweep_tests/run_pytorch_ci_tests.py index 14f5a539896..75f4799725d 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/run_pytorch_ci_tests.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/run_pytorch_ci_tests.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/run_pytorch_test.py b/tests/tt_eager/python_api_testing/sweep_tests/run_pytorch_test.py index 3893284af79..4c64488007f 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/run_pytorch_test.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/run_pytorch_test.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/run_sweep_test.py b/tests/tt_eager/python_api_testing/sweep_tests/run_sweep_test.py index b2b98d7ab37..7fbb4b06052 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/run_sweep_test.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/run_sweep_test.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/run_sweep_tests.py b/tests/tt_eager/python_api_testing/sweep_tests/run_sweep_tests.py index bb91c9a9312..9148ce01fb6 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/run_sweep_tests.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/run_sweep_tests.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/sweep_tests/tt_lib_ops.py b/tests/tt_eager/python_api_testing/sweep_tests/tt_lib_ops.py index 8b93062e48e..ec3462eb108 100644 --- a/tests/tt_eager/python_api_testing/sweep_tests/tt_lib_ops.py +++ b/tests/tt_eager/python_api_testing/sweep_tests/tt_lib_ops.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/trace_testing/misc/test_average_pool.py b/tests/tt_eager/python_api_testing/trace_testing/misc/test_average_pool.py index 7784996ce58..55ed335def6 100644 --- a/tests/tt_eager/python_api_testing/trace_testing/misc/test_average_pool.py +++ b/tests/tt_eager/python_api_testing/trace_testing/misc/test_average_pool.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/trace_testing/misc/test_bert_ops.py b/tests/tt_eager/python_api_testing/trace_testing/misc/test_bert_ops.py index 634eacdc740..329bb59c859 100644 --- a/tests/tt_eager/python_api_testing/trace_testing/misc/test_bert_ops.py +++ b/tests/tt_eager/python_api_testing/trace_testing/misc/test_bert_ops.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/backward_ops/utility_funcs.py b/tests/tt_eager/python_api_testing/unit_testing/backward_ops/utility_funcs.py index 230f54679b1..abb078605ec 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/backward_ops/utility_funcs.py +++ b/tests/tt_eager/python_api_testing/unit_testing/backward_ops/utility_funcs.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_adaptiveavgpool2d.py b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_adaptiveavgpool2d.py index 87d61295118..1ab3cf6a03f 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_adaptiveavgpool2d.py +++ b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_adaptiveavgpool2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_argmax_min_op.py b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_argmax_min_op.py index 264ed7b11da..705eabe5094 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_argmax_min_op.py +++ b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_argmax_min_op.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_batch_norm2d.py b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_batch_norm2d.py index dd63a89b089..21fab421dfc 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_batch_norm2d.py +++ b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_batch_norm2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_bitwise_ops.py b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_bitwise_ops.py index 8903f8cc29d..3652434af8d 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_bitwise_ops.py +++ b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_bitwise_ops.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_bitwise_shift_ops.py b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_bitwise_shift_ops.py index 77f0483f122..699de5e9e45 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_bitwise_shift_ops.py +++ b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_bitwise_shift_ops.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_ceil_floor_mod_ops.py b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_ceil_floor_mod_ops.py index f04c9fc6e1d..e5de897d509 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_ceil_floor_mod_ops.py +++ b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_ceil_floor_mod_ops.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_chunk_op.py b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_chunk_op.py index 7346e073c7f..593e892db2a 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_chunk_op.py +++ b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_chunk_op.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_concat_op.py b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_concat_op.py index f1932d87be5..8a336aec56c 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_concat_op.py +++ b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_concat_op.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_conv2d_op.py b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_conv2d_op.py index 9e1eb0f64ab..2dd499d6b7b 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_conv2d_op.py +++ b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_conv2d_op.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_full_op.py b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_full_op.py index 4ddc859b47d..d3ec1f6ef5d 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_full_op.py +++ b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_full_op.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_group_norm.py b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_group_norm.py index 69bf7c95159..28a3767f35a 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_group_norm.py +++ b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_group_norm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_interpolate_op.py b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_interpolate_op.py index 0581115dba9..85f95769f33 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_interpolate_op.py +++ b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_interpolate_op.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_layer_norm.py b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_layer_norm.py index 991aa23da5a..90793d6166e 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_layer_norm.py +++ b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_layer_norm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_maxpool2d.py b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_maxpool2d.py index 343c0baec7e..9d58309c624 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_maxpool2d.py +++ b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_maxpool2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_pad_op.py b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_pad_op.py index f47c38e2fef..3680c05b811 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_pad_op.py +++ b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_pad_op.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_repeat_interleave_op.py b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_repeat_interleave_op.py index bf08bbaecdb..8e3dbc39ef7 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_repeat_interleave_op.py +++ b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_repeat_interleave_op.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_repeat_op.py b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_repeat_op.py index 6d8af45ff48..017c793cfab 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_repeat_op.py +++ b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_repeat_op.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_reshape_op.py b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_reshape_op.py index ddefaeab4a3..8bf5d060650 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_reshape_op.py +++ b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_reshape_op.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_silu_op.py b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_silu_op.py index 42fea6d1283..e2e33e576c5 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_silu_op.py +++ b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_silu_op.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_softmax_op.py b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_softmax_op.py index d7b1285b833..18d326b87aa 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_softmax_op.py +++ b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_softmax_op.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_tensor_slice.py b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_tensor_slice.py index fa4857c4eca..1913e985501 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_tensor_slice.py +++ b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_tensor_slice.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_trunc_ops.py b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_trunc_ops.py index e2aa7d6ae22..6018a4d3e94 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_trunc_ops.py +++ b/tests/tt_eager/python_api_testing/unit_testing/fallback_ops/test_trunc_ops.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/loss_ops/test_loss_mae.py b/tests/tt_eager/python_api_testing/unit_testing/loss_ops/test_loss_mae.py index 8d129f48712..9b49ef6ef87 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/loss_ops/test_loss_mae.py +++ b/tests/tt_eager/python_api_testing/unit_testing/loss_ops/test_loss_mae.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/loss_ops/test_loss_mse.py b/tests/tt_eager/python_api_testing/unit_testing/loss_ops/test_loss_mse.py index 41609676aa3..65c6d7bff40 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/loss_ops/test_loss_mse.py +++ b/tests/tt_eager/python_api_testing/unit_testing/loss_ops/test_loss_mse.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_attn_matmul.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_attn_matmul.py index 68bdc6501ad..156c6dd5c49 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_attn_matmul.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_attn_matmul.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_average_pool.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_average_pool.py index 44a2de6d048..40110e22504 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_average_pool.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_average_pool.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_bcast.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_bcast.py index 8f0aa638bf5..53a31452ffe 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_bcast.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_bcast.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_bert_ops.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_bert_ops.py index 5b66fe2cdc6..586ef974021 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_bert_ops.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_bert_ops.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_binary_eq_int.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_binary_eq_int.py index 0f51a51c170..bec3c81caab 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_binary_eq_int.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_binary_eq_int.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_concat.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_concat.py index 75398e15a68..f8c2c1ec6cf 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_concat.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_concat.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_conv_op_trace_config.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_conv_op_trace_config.py index 327025907ff..934bed41106 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_conv_op_trace_config.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_conv_op_trace_config.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_downsample.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_downsample.py index c96973cc5c2..d20ef454a6d 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_downsample.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_downsample.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_eltwise_binary.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_eltwise_binary.py index 7f636222bdf..c601040707c 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_eltwise_binary.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_eltwise_binary.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_eltwise_rsqrt_in_depth.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_eltwise_rsqrt_in_depth.py index 17668ac469a..f4917a4a72b 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_eltwise_rsqrt_in_depth.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_eltwise_rsqrt_in_depth.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_embedding.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_embedding.py index f3096c65c4b..043fd040b15 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_embedding.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_eps.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_eps.py index 27045816934..e3a371417a7 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_eps.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_eps.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_examplerst.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_examplerst.py index 45b0d903f45..e54e699b132 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_examplerst.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_examplerst.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_fill_rm.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_fill_rm.py index 5ca5c4c36ac..d7b8853866c 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_fill_rm.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_fill_rm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_indexed_fill.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_indexed_fill.py index 4245a35c3c2..6e1ee374ed7 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_indexed_fill.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_indexed_fill.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_layernorm.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_layernorm.py index 1b7a4c0d34a..fe482d353d2 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_layernorm.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_layernorm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_layernorm_sharded.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_layernorm_sharded.py index f6c888ed3c2..08988feb78c 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_layernorm_sharded.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_layernorm_sharded.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_logit.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_logit.py index be472f4f694..4d6addb0563 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_logit.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_logit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_matmul.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_matmul.py index 7efe1d3e0d2..f5e9e887144 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_matmul.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_matmul.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_move.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_move.py index 9ff5dd915a4..8bd883893f4 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_move.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_move.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_move_sharded.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_move_sharded.py index 7235e094430..e3118b5c13b 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_move_sharded.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_move_sharded.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_nlp_concat_heads.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_nlp_concat_heads.py index c527b1d0b4b..ccd32e03547 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_nlp_concat_heads.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_nlp_concat_heads.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_nlp_concat_heads_decode.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_nlp_concat_heads_decode.py index 108b649f662..1ecf2c7bd1e 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_nlp_concat_heads_decode.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_nlp_concat_heads_decode.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_nlp_create_qkv_heads.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_nlp_create_qkv_heads.py index d6e691ec8b9..b02195c7727 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_nlp_create_qkv_heads.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_nlp_create_qkv_heads.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_nlp_create_qkv_heads_decode.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_nlp_create_qkv_heads_decode.py index 8727b53290f..1b2514b3320 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_nlp_create_qkv_heads_decode.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_nlp_create_qkv_heads_decode.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_nlp_create_qkv_heads_segformer.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_nlp_create_qkv_heads_segformer.py index 0b5dd234fec..e1009de1216 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_nlp_create_qkv_heads_segformer.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_nlp_create_qkv_heads_segformer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_nlp_create_qkv_heads_vit.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_nlp_create_qkv_heads_vit.py index 28d369a3ef9..fcaf9b74e2f 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_nlp_create_qkv_heads_vit.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_nlp_create_qkv_heads_vit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_non_zero.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_non_zero.py index e672856c3e2..a987dbc3518 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_non_zero.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_non_zero.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_padding_test.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_padding_test.py index 726963c8465..cd205b7e1ac 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_padding_test.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_padding_test.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_pow_fractional.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_pow_fractional.py index 49dbf739d1a..ddf1bf24479 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_pow_fractional.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_pow_fractional.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_repeat.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_repeat.py index cec1659bca5..086d3da8b4b 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_repeat.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_repeat.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_reshape.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_reshape.py index 436c69409ff..96cc859a0ef 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_reshape.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_reshape.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_reshard.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_reshard.py index f976ecb1d11..61aec3e4cb7 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_reshard.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_reshard.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_resnet50_first_conv_folding_on_host.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_resnet50_first_conv_folding_on_host.py index a760d9566be..e6efc89e7f8 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_resnet50_first_conv_folding_on_host.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_resnet50_first_conv_folding_on_host.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_rmsnorm.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_rmsnorm.py index c9f51647cae..f52c06b343f 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_rmsnorm.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_rmsnorm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_rotary_embedding.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_rotary_embedding.py index c69aee8286b..de1c5fc92f8 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_rotary_embedding.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_rotary_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_rotary_embedding_llama.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_rotary_embedding_llama.py index c9958604dad..7d54b80a785 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_rotary_embedding_llama.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_rotary_embedding_llama.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_rotary_embedding_llama_fused_qk.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_rotary_embedding_llama_fused_qk.py index 579791f0eab..d926d9343fa 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_rotary_embedding_llama_fused_qk.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_rotary_embedding_llama_fused_qk.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_rotate_half.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_rotate_half.py index 4d7c2d9e695..4bf9667b4aa 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_rotate_half.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_rotate_half.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_sfpu_chain.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_sfpu_chain.py index 21f05e9bf11..527af852c6e 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_sfpu_chain.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_sfpu_chain.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_sharded.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_sharded.py index 6eb3991d34d..d8812d58a32 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_sharded.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_sharded.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_sharded_tensor.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_sharded_tensor.py index 050099d62d6..ad6c07cd80b 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_sharded_tensor.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_sharded_tensor.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_single_core_fused_ops.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_single_core_fused_ops.py index b108201f2cb..d16babba0ba 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_single_core_fused_ops.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_single_core_fused_ops.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_softmax.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_softmax.py index 820416ce192..05774cc71fa 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_softmax.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_softmax.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_softmax_sharded.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_softmax_sharded.py index 17b5eb10c6b..0eb2964e4ff 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_softmax_sharded.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_softmax_sharded.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_split_any_dim_two_chunks_tiled.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_split_any_dim_two_chunks_tiled.py index ea34e34f939..c42ec364463 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_split_any_dim_two_chunks_tiled.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_split_any_dim_two_chunks_tiled.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_tilize_hpadding_matmul.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_tilize_hpadding_matmul.py index 60f505f04a4..8bd9cd2c836 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_tilize_hpadding_matmul.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_tilize_hpadding_matmul.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_tilize_matmul.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_tilize_matmul.py index b249cb929be..c468ea8e158 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_tilize_matmul.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_tilize_matmul.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_tilize_test.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_tilize_test.py index c7924edaa32..98b136b46be 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_tilize_test.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_tilize_test.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_untilize_test.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_untilize_test.py index 54fc3a66fdd..1e47e614b54 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_untilize_test.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_untilize_test.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/misc/test_update_cache.py b/tests/tt_eager/python_api_testing/unit_testing/misc/test_update_cache.py index eb62ebadde2..97dce078206 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/misc/test_update_cache.py +++ b/tests/tt_eager/python_api_testing/unit_testing/misc/test_update_cache.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/test_prod_all.py b/tests/tt_eager/python_api_testing/unit_testing/test_prod_all.py index 1c177686b37..9750ea361f5 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/test_prod_all.py +++ b/tests/tt_eager/python_api_testing/unit_testing/test_prod_all.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/python_api_testing/unit_testing/test_prod_nc.py b/tests/tt_eager/python_api_testing/unit_testing/test_prod_nc.py index 9bf38150854..736420427f9 100644 --- a/tests/tt_eager/python_api_testing/unit_testing/test_prod_nc.py +++ b/tests/tt_eager/python_api_testing/unit_testing/test_prod_nc.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/tensors/test_async_tensor_apis.cpp b/tests/tt_eager/tensors/test_async_tensor_apis.cpp index b762f10acf7..6744751e1d6 100644 --- a/tests/tt_eager/tensors/test_async_tensor_apis.cpp +++ b/tests/tt_eager/tensors/test_async_tensor_apis.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/tensors/test_copy_and_move.cpp b/tests/tt_eager/tensors/test_copy_and_move.cpp index f735791ad4c..33823e82f54 100644 --- a/tests/tt_eager/tensors/test_copy_and_move.cpp +++ b/tests/tt_eager/tensors/test_copy_and_move.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/tensors/test_host_device_loopback.cpp b/tests/tt_eager/tensors/test_host_device_loopback.cpp index a49871a4d39..20a05964a9a 100644 --- a/tests/tt_eager/tensors/test_host_device_loopback.cpp +++ b/tests/tt_eager/tensors/test_host_device_loopback.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/tensors/test_ranks.cpp b/tests/tt_eager/tensors/test_ranks.cpp index e01b9bb2261..652927ff1e1 100644 --- a/tests/tt_eager/tensors/test_ranks.cpp +++ b/tests/tt_eager/tensors/test_ranks.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_eager/tensors/test_raw_host_memory_pointer.cpp b/tests/tt_eager/tensors/test_raw_host_memory_pointer.cpp index d29570a1e66..9114e6f29cc 100644 --- a/tests/tt_eager/tensors/test_raw_host_memory_pointer.cpp +++ b/tests/tt_eager/tensors/test_raw_host_memory_pointer.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/llrt/test_libs/conv_pattern.hpp b/tests/tt_metal/llrt/test_libs/conv_pattern.hpp index aeacc91ee23..177ac522ce2 100644 --- a/tests/tt_metal/llrt/test_libs/conv_pattern.hpp +++ b/tests/tt_metal/llrt/test_libs/conv_pattern.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/microbenchmarks/ethernet/test_ethernet_bidirectional_bandwidth_microbenchmark.py b/tests/tt_metal/microbenchmarks/ethernet/test_ethernet_bidirectional_bandwidth_microbenchmark.py index d65698419bb..b1e859ede97 100644 --- a/tests/tt_metal/microbenchmarks/ethernet/test_ethernet_bidirectional_bandwidth_microbenchmark.py +++ b/tests/tt_metal/microbenchmarks/ethernet/test_ethernet_bidirectional_bandwidth_microbenchmark.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/microbenchmarks/ethernet/test_ethernet_link_ping_latency.py b/tests/tt_metal/microbenchmarks/ethernet/test_ethernet_link_ping_latency.py index 6611ca93c1c..9e763925837 100644 --- a/tests/tt_metal/microbenchmarks/ethernet/test_ethernet_link_ping_latency.py +++ b/tests/tt_metal/microbenchmarks/ethernet/test_ethernet_link_ping_latency.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/microbenchmarks/ethernet/test_ethernet_ring_latency_microbenchmark.py b/tests/tt_metal/microbenchmarks/ethernet/test_ethernet_ring_latency_microbenchmark.py index 2bb4a1cb742..e84e7241bd8 100644 --- a/tests/tt_metal/microbenchmarks/ethernet/test_ethernet_ring_latency_microbenchmark.py +++ b/tests/tt_metal/microbenchmarks/ethernet/test_ethernet_ring_latency_microbenchmark.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/microbenchmarks/ethernet/test_ethernet_send_data_microbenchmark.py b/tests/tt_metal/microbenchmarks/ethernet/test_ethernet_send_data_microbenchmark.py index 97a113e19c4..0b56138be1b 100644 --- a/tests/tt_metal/microbenchmarks/ethernet/test_ethernet_send_data_microbenchmark.py +++ b/tests/tt_metal/microbenchmarks/ethernet/test_ethernet_send_data_microbenchmark.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/microbenchmarks/noc/test_noc_unicast_vs_multicast_to_single_core_latency.py b/tests/tt_metal/microbenchmarks/noc/test_noc_unicast_vs_multicast_to_single_core_latency.py index 83b3c770cb5..dcda8a288d8 100644 --- a/tests/tt_metal/microbenchmarks/noc/test_noc_unicast_vs_multicast_to_single_core_latency.py +++ b/tests/tt_metal/microbenchmarks/noc/test_noc_unicast_vs_multicast_to_single_core_latency.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/test_utils/comparison.hpp b/tests/tt_metal/test_utils/comparison.hpp index 8d785ae12ba..ed34dc550c1 100644 --- a/tests/tt_metal/test_utils/comparison.hpp +++ b/tests/tt_metal/test_utils/comparison.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/test_utils/deprecated/tensor.hpp b/tests/tt_metal/test_utils/deprecated/tensor.hpp index 511ab0fb4d5..0b2269fca20 100644 --- a/tests/tt_metal/test_utils/deprecated/tensor.hpp +++ b/tests/tt_metal/test_utils/deprecated/tensor.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/test_utils/df/df.hpp b/tests/tt_metal/test_utils/df/df.hpp index 883264f5935..3082fff36c7 100644 --- a/tests/tt_metal/test_utils/df/df.hpp +++ b/tests/tt_metal/test_utils/df/df.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/test_utils/df/float32.hpp b/tests/tt_metal/test_utils/df/float32.hpp index 4d09a53adfb..4da7971c637 100644 --- a/tests/tt_metal/test_utils/df/float32.hpp +++ b/tests/tt_metal/test_utils/df/float32.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/test_utils/env_vars.hpp b/tests/tt_metal/test_utils/env_vars.hpp index 449fcfcb017..1a6130d3bae 100644 --- a/tests/tt_metal/test_utils/env_vars.hpp +++ b/tests/tt_metal/test_utils/env_vars.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/test_utils/packing.hpp b/tests/tt_metal/test_utils/packing.hpp index d6babfb28c1..8975af15773 100644 --- a/tests/tt_metal/test_utils/packing.hpp +++ b/tests/tt_metal/test_utils/packing.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/test_utils/print_helpers.hpp b/tests/tt_metal/test_utils/print_helpers.hpp index 11fd471a406..e8a3310f201 100644 --- a/tests/tt_metal/test_utils/print_helpers.hpp +++ b/tests/tt_metal/test_utils/print_helpers.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/test_utils/stimulus.hpp b/tests/tt_metal/test_utils/stimulus.hpp index 2747369a524..59e45efd854 100644 --- a/tests/tt_metal/test_utils/stimulus.hpp +++ b/tests/tt_metal/test_utils/stimulus.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/test_utils/tilization.hpp b/tests/tt_metal/test_utils/tilization.hpp index 3501273a771..3049df0da49 100644 --- a/tests/tt_metal/test_utils/tilization.hpp +++ b/tests/tt_metal/test_utils/tilization.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tools/profiler/test_device_profiler.py b/tests/tt_metal/tools/profiler/test_device_profiler.py index dfe905c7292..58a37d0038d 100644 --- a/tests/tt_metal/tools/profiler/test_device_profiler.py +++ b/tests/tt_metal/tools/profiler/test_device_profiler.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tools/profiler/test_device_profiler_gs_no_reset.py b/tests/tt_metal/tools/profiler/test_device_profiler_gs_no_reset.py index 75bc7162bdf..47d120f380f 100644 --- a/tests/tt_metal/tools/profiler/test_device_profiler_gs_no_reset.py +++ b/tests/tt_metal/tools/profiler/test_device_profiler_gs_no_reset.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/api/allocator/test_free_list_allocator.cpp b/tests/tt_metal/tt_metal/api/allocator/test_free_list_allocator.cpp index 9a9b23b41b9..d48c0b08a8b 100644 --- a/tests/tt_metal/tt_metal/api/allocator/test_free_list_allocator.cpp +++ b/tests/tt_metal/tt_metal/api/allocator/test_free_list_allocator.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/api/allocator/test_l1_banking_allocator.cpp b/tests/tt_metal/tt_metal/api/allocator/test_l1_banking_allocator.cpp index e8b5ebf03f0..39108b50f4d 100644 --- a/tests/tt_metal/tt_metal/api/allocator/test_l1_banking_allocator.cpp +++ b/tests/tt_metal/tt_metal/api/allocator/test_l1_banking_allocator.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/api/buffer_test_utils.hpp b/tests/tt_metal/tt_metal/api/buffer_test_utils.hpp index 5e8283399df..f28f3180195 100644 --- a/tests/tt_metal/tt_metal/api/buffer_test_utils.hpp +++ b/tests/tt_metal/tt_metal/api/buffer_test_utils.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/api/circular_buffer/circular_buffer_test_utils.hpp b/tests/tt_metal/tt_metal/api/circular_buffer/circular_buffer_test_utils.hpp index 3881549c1e9..a88b442986c 100644 --- a/tests/tt_metal/tt_metal/api/circular_buffer/circular_buffer_test_utils.hpp +++ b/tests/tt_metal/tt_metal/api/circular_buffer/circular_buffer_test_utils.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/api/circular_buffer/test_CircularBuffer_allocation.cpp b/tests/tt_metal/tt_metal/api/circular_buffer/test_CircularBuffer_allocation.cpp index 2608983abf1..56e37067951 100644 --- a/tests/tt_metal/tt_metal/api/circular_buffer/test_CircularBuffer_allocation.cpp +++ b/tests/tt_metal/tt_metal/api/circular_buffer/test_CircularBuffer_allocation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/api/circular_buffer/test_CircularBuffer_creation.cpp b/tests/tt_metal/tt_metal/api/circular_buffer/test_CircularBuffer_creation.cpp index 8f0fca2abf8..7bf29475706 100644 --- a/tests/tt_metal/tt_metal/api/circular_buffer/test_CircularBuffer_creation.cpp +++ b/tests/tt_metal/tt_metal/api/circular_buffer/test_CircularBuffer_creation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/api/core_coord/test_CoreRangeSet_construct.cpp b/tests/tt_metal/tt_metal/api/core_coord/test_CoreRangeSet_construct.cpp index aadfe6a66a9..3ef01a21362 100644 --- a/tests/tt_metal/tt_metal/api/core_coord/test_CoreRangeSet_construct.cpp +++ b/tests/tt_metal/tt_metal/api/core_coord/test_CoreRangeSet_construct.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/api/core_coord/test_CoreRangeSet_contains.cpp b/tests/tt_metal/tt_metal/api/core_coord/test_CoreRangeSet_contains.cpp index 6a3eefbf03f..58df9c41b75 100644 --- a/tests/tt_metal/tt_metal/api/core_coord/test_CoreRangeSet_contains.cpp +++ b/tests/tt_metal/tt_metal/api/core_coord/test_CoreRangeSet_contains.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/api/core_coord/test_CoreRangeSet_intersects.cpp b/tests/tt_metal/tt_metal/api/core_coord/test_CoreRangeSet_intersects.cpp index fb1f406412f..8c28db86619 100644 --- a/tests/tt_metal/tt_metal/api/core_coord/test_CoreRangeSet_intersects.cpp +++ b/tests/tt_metal/tt_metal/api/core_coord/test_CoreRangeSet_intersects.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/api/core_coord/test_CoreRangeSet_merge.cpp b/tests/tt_metal/tt_metal/api/core_coord/test_CoreRangeSet_merge.cpp index 0ac3261649a..856237b3b88 100644 --- a/tests/tt_metal/tt_metal/api/core_coord/test_CoreRangeSet_merge.cpp +++ b/tests/tt_metal/tt_metal/api/core_coord/test_CoreRangeSet_merge.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/api/core_coord/test_CoreRange_adjacent.cpp b/tests/tt_metal/tt_metal/api/core_coord/test_CoreRange_adjacent.cpp index 9005c2fb4d3..dec39deb56c 100644 --- a/tests/tt_metal/tt_metal/api/core_coord/test_CoreRange_adjacent.cpp +++ b/tests/tt_metal/tt_metal/api/core_coord/test_CoreRange_adjacent.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/api/core_coord/test_CoreRange_contains.cpp b/tests/tt_metal/tt_metal/api/core_coord/test_CoreRange_contains.cpp index 905b59123fe..e69b6f100a2 100644 --- a/tests/tt_metal/tt_metal/api/core_coord/test_CoreRange_contains.cpp +++ b/tests/tt_metal/tt_metal/api/core_coord/test_CoreRange_contains.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/api/core_coord/test_CoreRange_intersects.cpp b/tests/tt_metal/tt_metal/api/core_coord/test_CoreRange_intersects.cpp index 409bf123f26..4fa3c02ab58 100644 --- a/tests/tt_metal/tt_metal/api/core_coord/test_CoreRange_intersects.cpp +++ b/tests/tt_metal/tt_metal/api/core_coord/test_CoreRange_intersects.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/api/core_coord/test_CoreRange_merge.cpp b/tests/tt_metal/tt_metal/api/core_coord/test_CoreRange_merge.cpp index dce75d55d3b..ce32da21044 100644 --- a/tests/tt_metal/tt_metal/api/core_coord/test_CoreRange_merge.cpp +++ b/tests/tt_metal/tt_metal/api/core_coord/test_CoreRange_merge.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/api/test_CommandQueue.cpp b/tests/tt_metal/tt_metal/api/test_CommandQueue.cpp index 4355d38f9d4..530240e808a 100644 --- a/tests/tt_metal/tt_metal/api/test_CommandQueue.cpp +++ b/tests/tt_metal/tt_metal/api/test_CommandQueue.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/api/test_banked.cpp b/tests/tt_metal/tt_metal/api/test_banked.cpp index 40de1459f03..4e637ec0f0f 100644 --- a/tests/tt_metal/tt_metal/api/test_banked.cpp +++ b/tests/tt_metal/tt_metal/api/test_banked.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/api/test_bit_utils.cpp b/tests/tt_metal/tt_metal/api/test_bit_utils.cpp index 55756edc8a1..0bed81d980c 100644 --- a/tests/tt_metal/tt_metal/api/test_bit_utils.cpp +++ b/tests/tt_metal/tt_metal/api/test_bit_utils.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/api/test_direct.cpp b/tests/tt_metal/tt_metal/api/test_direct.cpp index 9f7a3de8a86..7f406750a9a 100644 --- a/tests/tt_metal/tt_metal/api/test_direct.cpp +++ b/tests/tt_metal/tt_metal/api/test_direct.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/api/test_dram.cpp b/tests/tt_metal/tt_metal/api/test_dram.cpp index 99bba0b1b91..0c1eb2baf3c 100644 --- a/tests/tt_metal/tt_metal/api/test_dram.cpp +++ b/tests/tt_metal/tt_metal/api/test_dram.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 #include "dispatch_fixture.hpp" diff --git a/tests/tt_metal/tt_metal/api/test_dram_to_l1_multicast.cpp b/tests/tt_metal/tt_metal/api/test_dram_to_l1_multicast.cpp index fbb2ca02bab..6326c74f8eb 100644 --- a/tests/tt_metal/tt_metal/api/test_dram_to_l1_multicast.cpp +++ b/tests/tt_metal/tt_metal/api/test_dram_to_l1_multicast.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 #include "dispatch_fixture.hpp" diff --git a/tests/tt_metal/tt_metal/api/test_noc.cpp b/tests/tt_metal/tt_metal/api/test_noc.cpp index 08dfb8e44c6..f07bd3c9c29 100644 --- a/tests/tt_metal/tt_metal/api/test_noc.cpp +++ b/tests/tt_metal/tt_metal/api/test_noc.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/api/test_runtime_args.cpp b/tests/tt_metal/tt_metal/api/test_runtime_args.cpp index 112ff07f84d..59c277288b6 100644 --- a/tests/tt_metal/tt_metal/api/test_runtime_args.cpp +++ b/tests/tt_metal/tt_metal/api/test_runtime_args.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/api/test_semaphores.cpp b/tests/tt_metal/tt_metal/api/test_semaphores.cpp index 4c6e4f41faa..73f7b030a8a 100644 --- a/tests/tt_metal/tt_metal/api/test_semaphores.cpp +++ b/tests/tt_metal/tt_metal/api/test_semaphores.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/api/test_sharded_l1_buffer.cpp b/tests/tt_metal/tt_metal/api/test_sharded_l1_buffer.cpp index 2f71c4858cc..940838069bb 100644 --- a/tests/tt_metal/tt_metal/api/test_sharded_l1_buffer.cpp +++ b/tests/tt_metal/tt_metal/api/test_sharded_l1_buffer.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/api/test_simple_dram_buffer.cpp b/tests/tt_metal/tt_metal/api/test_simple_dram_buffer.cpp index 677645322d4..805fc0ab071 100644 --- a/tests/tt_metal/tt_metal/api/test_simple_dram_buffer.cpp +++ b/tests/tt_metal/tt_metal/api/test_simple_dram_buffer.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/api/test_simple_l1_buffer.cpp b/tests/tt_metal/tt_metal/api/test_simple_l1_buffer.cpp index ce128a89001..96c0000591c 100644 --- a/tests/tt_metal/tt_metal/api/test_simple_l1_buffer.cpp +++ b/tests/tt_metal/tt_metal/api/test_simple_l1_buffer.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/api/test_soc_descriptor.cpp b/tests/tt_metal/tt_metal/api/test_soc_descriptor.cpp index f24d3fee91f..9855a116ba5 100644 --- a/tests/tt_metal/tt_metal/api/test_soc_descriptor.cpp +++ b/tests/tt_metal/tt_metal/api/test_soc_descriptor.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/api/test_tilize_untilize.cpp b/tests/tt_metal/tt_metal/api/test_tilize_untilize.cpp index c9bdb82bb61..66b731d153c 100644 --- a/tests/tt_metal/tt_metal/api/test_tilize_untilize.cpp +++ b/tests/tt_metal/tt_metal/api/test_tilize_untilize.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/common/command_queue_fixture.hpp b/tests/tt_metal/tt_metal/common/command_queue_fixture.hpp index ff143198763..02662d9ab13 100644 --- a/tests/tt_metal/tt_metal/common/command_queue_fixture.hpp +++ b/tests/tt_metal/tt_metal/common/command_queue_fixture.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/common/device_fixture.hpp b/tests/tt_metal/tt_metal/common/device_fixture.hpp index 8165cc51562..646acd4c794 100644 --- a/tests/tt_metal/tt_metal/common/device_fixture.hpp +++ b/tests/tt_metal/tt_metal/common/device_fixture.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/common/matmul_test_utils.hpp b/tests/tt_metal/tt_metal/common/matmul_test_utils.hpp index 81a59d83e2e..783965b00ba 100644 --- a/tests/tt_metal/tt_metal/common/matmul_test_utils.hpp +++ b/tests/tt_metal/tt_metal/common/matmul_test_utils.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/debug_tools/debug_tools_fixture.hpp b/tests/tt_metal/tt_metal/debug_tools/debug_tools_fixture.hpp index f8189d9c98e..d76812c3027 100644 --- a/tests/tt_metal/tt_metal/debug_tools/debug_tools_fixture.hpp +++ b/tests/tt_metal/tt_metal/debug_tools/debug_tools_fixture.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/debug_tools/debug_tools_test_utils.hpp b/tests/tt_metal/tt_metal/debug_tools/debug_tools_test_utils.hpp index 64359886fd8..8cdfed7f2e6 100644 --- a/tests/tt_metal/tt_metal/debug_tools/debug_tools_test_utils.hpp +++ b/tests/tt_metal/tt_metal/debug_tools/debug_tools_test_utils.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/debug_tools/dprint/test_eth_cores.cpp b/tests/tt_metal/tt_metal/debug_tools/dprint/test_eth_cores.cpp index e97d6eef743..25ca22449ac 100644 --- a/tests/tt_metal/tt_metal/debug_tools/dprint/test_eth_cores.cpp +++ b/tests/tt_metal/tt_metal/debug_tools/dprint/test_eth_cores.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/debug_tools/dprint/test_invalid_print_core.cpp b/tests/tt_metal/tt_metal/debug_tools/dprint/test_invalid_print_core.cpp index 47ba5193765..af1a2e64c38 100644 --- a/tests/tt_metal/tt_metal/debug_tools/dprint/test_invalid_print_core.cpp +++ b/tests/tt_metal/tt_metal/debug_tools/dprint/test_invalid_print_core.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 #include "gtest/gtest.h" diff --git a/tests/tt_metal/tt_metal/debug_tools/dprint/test_mute_device.cpp b/tests/tt_metal/tt_metal/debug_tools/dprint/test_mute_device.cpp index 7a8b4aa2822..7e65d0aa927 100644 --- a/tests/tt_metal/tt_metal/debug_tools/dprint/test_mute_device.cpp +++ b/tests/tt_metal/tt_metal/debug_tools/dprint/test_mute_device.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/debug_tools/dprint/test_mute_print_server.cpp b/tests/tt_metal/tt_metal/debug_tools/dprint/test_mute_print_server.cpp index 8d158464401..22d169cb2a9 100644 --- a/tests/tt_metal/tt_metal/debug_tools/dprint/test_mute_print_server.cpp +++ b/tests/tt_metal/tt_metal/debug_tools/dprint/test_mute_print_server.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 #include "debug_tools_fixture.hpp" diff --git a/tests/tt_metal/tt_metal/debug_tools/dprint/test_print_all_harts.cpp b/tests/tt_metal/tt_metal/debug_tools/dprint/test_print_all_harts.cpp index 0b0a0026d4c..bc836b67028 100644 --- a/tests/tt_metal/tt_metal/debug_tools/dprint/test_print_all_harts.cpp +++ b/tests/tt_metal/tt_metal/debug_tools/dprint/test_print_all_harts.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/debug_tools/dprint/test_print_before_finish.cpp b/tests/tt_metal/tt_metal/debug_tools/dprint/test_print_before_finish.cpp index 9e7a775b9c5..20c77a02ba3 100644 --- a/tests/tt_metal/tt_metal/debug_tools/dprint/test_print_before_finish.cpp +++ b/tests/tt_metal/tt_metal/debug_tools/dprint/test_print_before_finish.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 #include "debug_tools_fixture.hpp" diff --git a/tests/tt_metal/tt_metal/debug_tools/dprint/test_print_hanging.cpp b/tests/tt_metal/tt_metal/debug_tools/dprint/test_print_hanging.cpp index 00a0252e7a8..5e15fb85d12 100644 --- a/tests/tt_metal/tt_metal/debug_tools/dprint/test_print_hanging.cpp +++ b/tests/tt_metal/tt_metal/debug_tools/dprint/test_print_hanging.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/debug_tools/dprint/test_print_tensix_dest.cpp b/tests/tt_metal/tt_metal/debug_tools/dprint/test_print_tensix_dest.cpp index 7d8ec61dd30..bcb701988bb 100644 --- a/tests/tt_metal/tt_metal/debug_tools/dprint/test_print_tensix_dest.cpp +++ b/tests/tt_metal/tt_metal/debug_tools/dprint/test_print_tensix_dest.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/debug_tools/dprint/test_raise_wait.cpp b/tests/tt_metal/tt_metal/debug_tools/dprint/test_raise_wait.cpp index 05ae9069dec..66396b38c32 100644 --- a/tests/tt_metal/tt_metal/debug_tools/dprint/test_raise_wait.cpp +++ b/tests/tt_metal/tt_metal/debug_tools/dprint/test_raise_wait.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/debug_tools/watcher/test_assert.cpp b/tests/tt_metal/tt_metal/debug_tools/watcher/test_assert.cpp index 25fd8be5c26..4b2148f3b5c 100644 --- a/tests/tt_metal/tt_metal/debug_tools/watcher/test_assert.cpp +++ b/tests/tt_metal/tt_metal/debug_tools/watcher/test_assert.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/debug_tools/watcher/test_link_training.cpp b/tests/tt_metal/tt_metal/debug_tools/watcher/test_link_training.cpp index 043bc8682fa..629bee29153 100644 --- a/tests/tt_metal/tt_metal/debug_tools/watcher/test_link_training.cpp +++ b/tests/tt_metal/tt_metal/debug_tools/watcher/test_link_training.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/debug_tools/watcher/test_noc_sanitize.cpp b/tests/tt_metal/tt_metal/debug_tools/watcher/test_noc_sanitize.cpp index 8f656da7fd6..25bedf84269 100644 --- a/tests/tt_metal/tt_metal/debug_tools/watcher/test_noc_sanitize.cpp +++ b/tests/tt_metal/tt_metal/debug_tools/watcher/test_noc_sanitize.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/debug_tools/watcher/test_noc_sanitize_delays.cpp b/tests/tt_metal/tt_metal/debug_tools/watcher/test_noc_sanitize_delays.cpp index 3ddd22c58cc..6cbcf95e0ff 100644 --- a/tests/tt_metal/tt_metal/debug_tools/watcher/test_noc_sanitize_delays.cpp +++ b/tests/tt_metal/tt_metal/debug_tools/watcher/test_noc_sanitize_delays.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/debug_tools/watcher/test_pause.cpp b/tests/tt_metal/tt_metal/debug_tools/watcher/test_pause.cpp index fb70bc91700..ca3431de0f2 100644 --- a/tests/tt_metal/tt_metal/debug_tools/watcher/test_pause.cpp +++ b/tests/tt_metal/tt_metal/debug_tools/watcher/test_pause.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/debug_tools/watcher/test_ringbuf.cpp b/tests/tt_metal/tt_metal/debug_tools/watcher/test_ringbuf.cpp index 97ed9adef75..2199e3be3a2 100644 --- a/tests/tt_metal/tt_metal/debug_tools/watcher/test_ringbuf.cpp +++ b/tests/tt_metal/tt_metal/debug_tools/watcher/test_ringbuf.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/debug_tools/watcher/test_waypoint.cpp b/tests/tt_metal/tt_metal/debug_tools/watcher/test_waypoint.cpp index 60a1ffc1dcd..10288640ecd 100644 --- a/tests/tt_metal/tt_metal/debug_tools/watcher/test_waypoint.cpp +++ b/tests/tt_metal/tt_metal/debug_tools/watcher/test_waypoint.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/device/test_device.cpp b/tests/tt_metal/tt_metal/device/test_device.cpp index 6e48883a8f9..d3b94c22acc 100644 --- a/tests/tt_metal/tt_metal/device/test_device.cpp +++ b/tests/tt_metal/tt_metal/device/test_device.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/device/test_device_cluster_api.cpp b/tests/tt_metal/tt_metal/device/test_device_cluster_api.cpp index 5968e144138..161eb7e0e00 100644 --- a/tests/tt_metal/tt_metal/device/test_device_cluster_api.cpp +++ b/tests/tt_metal/tt_metal/device/test_device_cluster_api.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/device/test_device_init_and_teardown.cpp b/tests/tt_metal/tt_metal/device/test_device_init_and_teardown.cpp index c37e3e7c80b..8a47091ed21 100644 --- a/tests/tt_metal/tt_metal/device/test_device_init_and_teardown.cpp +++ b/tests/tt_metal/tt_metal/device/test_device_init_and_teardown.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/device/test_device_pool.cpp b/tests/tt_metal/tt_metal/device/test_device_pool.cpp index 49d466cff5f..b56fe8c65b5 100644 --- a/tests/tt_metal/tt_metal/device/test_device_pool.cpp +++ b/tests/tt_metal/tt_metal/device/test_device_pool.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/dispatch/dispatch_buffer/test_EnqueueWriteBuffer_and_EnqueueReadBuffer.cpp b/tests/tt_metal/tt_metal/dispatch/dispatch_buffer/test_EnqueueWriteBuffer_and_EnqueueReadBuffer.cpp index 5f8a9dffb82..6ae8c0efa7a 100644 --- a/tests/tt_metal/tt_metal/dispatch/dispatch_buffer/test_EnqueueWriteBuffer_and_EnqueueReadBuffer.cpp +++ b/tests/tt_metal/tt_metal/dispatch/dispatch_buffer/test_EnqueueWriteBuffer_and_EnqueueReadBuffer.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/dispatch/dispatch_event/test_EnqueueWaitForEvent.cpp b/tests/tt_metal/tt_metal/dispatch/dispatch_event/test_EnqueueWaitForEvent.cpp index df7fb77361c..d4cad38a02b 100644 --- a/tests/tt_metal/tt_metal/dispatch/dispatch_event/test_EnqueueWaitForEvent.cpp +++ b/tests/tt_metal/tt_metal/dispatch/dispatch_event/test_EnqueueWaitForEvent.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/dispatch/dispatch_event/test_events.cpp b/tests/tt_metal/tt_metal/dispatch/dispatch_event/test_events.cpp index 9880ceb375c..9d452e55f2f 100644 --- a/tests/tt_metal/tt_metal/dispatch/dispatch_event/test_events.cpp +++ b/tests/tt_metal/tt_metal/dispatch/dispatch_event/test_events.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/dispatch/dispatch_program/test_EnqueueProgram.cpp b/tests/tt_metal/tt_metal/dispatch/dispatch_program/test_EnqueueProgram.cpp index f0d519147db..8b506226610 100644 --- a/tests/tt_metal/tt_metal/dispatch/dispatch_program/test_EnqueueProgram.cpp +++ b/tests/tt_metal/tt_metal/dispatch/dispatch_program/test_EnqueueProgram.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/dispatch/dispatch_program/test_dispatch_stress.cpp b/tests/tt_metal/tt_metal/dispatch/dispatch_program/test_dispatch_stress.cpp index cf5a372f15b..b00052a3f3e 100644 --- a/tests/tt_metal/tt_metal/dispatch/dispatch_program/test_dispatch_stress.cpp +++ b/tests/tt_metal/tt_metal/dispatch/dispatch_program/test_dispatch_stress.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/dispatch/dispatch_test_utils.hpp b/tests/tt_metal/tt_metal/dispatch/dispatch_test_utils.hpp index 77829ccab2b..89550e0f81b 100644 --- a/tests/tt_metal/tt_metal/dispatch/dispatch_test_utils.hpp +++ b/tests/tt_metal/tt_metal/dispatch/dispatch_test_utils.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/dispatch/dispatch_trace/test_EnqueueTrace.cpp b/tests/tt_metal/tt_metal/dispatch/dispatch_trace/test_EnqueueTrace.cpp index fcac08d6d48..ada6d342da5 100644 --- a/tests/tt_metal/tt_metal/dispatch/dispatch_trace/test_EnqueueTrace.cpp +++ b/tests/tt_metal/tt_metal/dispatch/dispatch_trace/test_EnqueueTrace.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/eth/test_basic_eth.cpp b/tests/tt_metal/tt_metal/eth/test_basic_eth.cpp index 8ba42f1b9dc..25132c42bec 100644 --- a/tests/tt_metal/tt_metal/eth/test_basic_eth.cpp +++ b/tests/tt_metal/tt_metal/eth/test_basic_eth.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/eth/test_buffer_movement_kernels.cpp b/tests/tt_metal/tt_metal/eth/test_buffer_movement_kernels.cpp index db261d052f8..ad5a0df85c1 100644 --- a/tests/tt_metal/tt_metal/eth/test_buffer_movement_kernels.cpp +++ b/tests/tt_metal/tt_metal/eth/test_buffer_movement_kernels.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/eth/test_erisc_app_direct_send.cpp b/tests/tt_metal/tt_metal/eth/test_erisc_app_direct_send.cpp index 3ea8116f21c..974307543ff 100644 --- a/tests/tt_metal/tt_metal/eth/test_erisc_app_direct_send.cpp +++ b/tests/tt_metal/tt_metal/eth/test_erisc_app_direct_send.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/eth/test_ring_gather_kernels.cpp b/tests/tt_metal/tt_metal/eth/test_ring_gather_kernels.cpp index 4eb39e8e4bf..5de2f932477 100644 --- a/tests/tt_metal/tt_metal/eth/test_ring_gather_kernels.cpp +++ b/tests/tt_metal/tt_metal/eth/test_ring_gather_kernels.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/integration/matmul/test_matmul_X_tile.cpp b/tests/tt_metal/tt_metal/integration/matmul/test_matmul_X_tile.cpp index 4b93d2a1132..20c6c60de81 100644 --- a/tests/tt_metal/tt_metal/integration/matmul/test_matmul_X_tile.cpp +++ b/tests/tt_metal/tt_metal/integration/matmul/test_matmul_X_tile.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/integration/matmul/test_matmul_large_block.cpp b/tests/tt_metal/tt_metal/integration/matmul/test_matmul_large_block.cpp index a9c32b95c3d..3bcf63105bb 100644 --- a/tests/tt_metal/tt_metal/integration/matmul/test_matmul_large_block.cpp +++ b/tests/tt_metal/tt_metal/integration/matmul/test_matmul_large_block.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/integration/matmul/test_matmul_multi_core_X_dram.cpp b/tests/tt_metal/tt_metal/integration/matmul/test_matmul_multi_core_X_dram.cpp index acbc84f2f64..25a3795e4cb 100644 --- a/tests/tt_metal/tt_metal/integration/matmul/test_matmul_multi_core_X_dram.cpp +++ b/tests/tt_metal/tt_metal/integration/matmul/test_matmul_multi_core_X_dram.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/integration/matmul/test_matmul_multi_core_multi_dram_in0_mcast_in1_mcast.cpp b/tests/tt_metal/tt_metal/integration/matmul/test_matmul_multi_core_multi_dram_in0_mcast_in1_mcast.cpp index c34d45aa820..7b0a50a6116 100644 --- a/tests/tt_metal/tt_metal/integration/matmul/test_matmul_multi_core_multi_dram_in0_mcast_in1_mcast.cpp +++ b/tests/tt_metal/tt_metal/integration/matmul/test_matmul_multi_core_multi_dram_in0_mcast_in1_mcast.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/integration/matmul/test_matmul_multi_core_multi_dram_inX_mcast.cpp b/tests/tt_metal/tt_metal/integration/matmul/test_matmul_multi_core_multi_dram_inX_mcast.cpp index 837a91d538f..bba6b2ece89 100644 --- a/tests/tt_metal/tt_metal/integration/matmul/test_matmul_multi_core_multi_dram_inX_mcast.cpp +++ b/tests/tt_metal/tt_metal/integration/matmul/test_matmul_multi_core_multi_dram_inX_mcast.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/integration/matmul/test_matmul_single_core.cpp b/tests/tt_metal/tt_metal/integration/matmul/test_matmul_single_core.cpp index 95c7569ad4f..8ecf2e34a7e 100644 --- a/tests/tt_metal/tt_metal/integration/matmul/test_matmul_single_core.cpp +++ b/tests/tt_metal/tt_metal/integration/matmul/test_matmul_single_core.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/integration/test_autonomous_relay_streams.cpp b/tests/tt_metal/tt_metal/integration/test_autonomous_relay_streams.cpp index 1a2618ddc09..42d7d323eee 100644 --- a/tests/tt_metal/tt_metal/integration/test_autonomous_relay_streams.cpp +++ b/tests/tt_metal/tt_metal/integration/test_autonomous_relay_streams.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/integration/test_basic_pipeline.cpp b/tests/tt_metal/tt_metal/integration/test_basic_pipeline.cpp index 2fc6c5133a2..f010e46d5f1 100644 --- a/tests/tt_metal/tt_metal/integration/test_basic_pipeline.cpp +++ b/tests/tt_metal/tt_metal/integration/test_basic_pipeline.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/integration/test_flatten.cpp b/tests/tt_metal/tt_metal/integration/test_flatten.cpp index f36c0d396c1..16f145104fb 100644 --- a/tests/tt_metal/tt_metal/integration/test_flatten.cpp +++ b/tests/tt_metal/tt_metal/integration/test_flatten.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/integration/test_sfpu_compute.cpp b/tests/tt_metal/tt_metal/integration/test_sfpu_compute.cpp index d6f79333284..ce2524effba 100644 --- a/tests/tt_metal/tt_metal/integration/test_sfpu_compute.cpp +++ b/tests/tt_metal/tt_metal/integration/test_sfpu_compute.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/llk/test_golden_impls.cpp b/tests/tt_metal/tt_metal/llk/test_golden_impls.cpp index cd1cf225b1f..bd9a731e94b 100644 --- a/tests/tt_metal/tt_metal/llk/test_golden_impls.cpp +++ b/tests/tt_metal/tt_metal/llk/test_golden_impls.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/llk/test_golden_impls.hpp b/tests/tt_metal/tt_metal/llk/test_golden_impls.hpp index 2f41d7af2f0..80c9fda6253 100644 --- a/tests/tt_metal/tt_metal/llk/test_golden_impls.hpp +++ b/tests/tt_metal/tt_metal/llk/test_golden_impls.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/llk/test_reduce.cpp b/tests/tt_metal/tt_metal/llk/test_reduce.cpp index 7d2d51556ad..2b161cf23de 100644 --- a/tests/tt_metal/tt_metal/llk/test_reduce.cpp +++ b/tests/tt_metal/tt_metal/llk/test_reduce.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/llk/test_sfpu_compute.cpp b/tests/tt_metal/tt_metal/llk/test_sfpu_compute.cpp index 0e2d99065b1..df5230af7f1 100644 --- a/tests/tt_metal/tt_metal/llk/test_sfpu_compute.cpp +++ b/tests/tt_metal/tt_metal/llk/test_sfpu_compute.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/llk/test_single_core_binary_compute.cpp b/tests/tt_metal/tt_metal/llk/test_single_core_binary_compute.cpp index 19e2534d941..f0e65d37d4f 100644 --- a/tests/tt_metal/tt_metal/llk/test_single_core_binary_compute.cpp +++ b/tests/tt_metal/tt_metal/llk/test_single_core_binary_compute.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/llk/test_single_core_matmul_compute.cpp b/tests/tt_metal/tt_metal/llk/test_single_core_matmul_compute.cpp index 8e624df6a67..d81e8674755 100644 --- a/tests/tt_metal/tt_metal/llk/test_single_core_matmul_compute.cpp +++ b/tests/tt_metal/tt_metal/llk/test_single_core_matmul_compute.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/llk/test_transpose.cpp b/tests/tt_metal/tt_metal/llk/test_transpose.cpp index f8124dd3df1..c9b0eaa66f5 100644 --- a/tests/tt_metal/tt_metal/llk/test_transpose.cpp +++ b/tests/tt_metal/tt_metal/llk/test_transpose.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/llk/test_untilize_tilize.cpp b/tests/tt_metal/tt_metal/llk/test_untilize_tilize.cpp index 85328167e4b..2fa8955991d 100644 --- a/tests/tt_metal/tt_metal/llk/test_untilize_tilize.cpp +++ b/tests/tt_metal/tt_metal/llk/test_untilize_tilize.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/10_dram_read_remote_cb_sync/test_dram_read_remote_cb.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/10_dram_read_remote_cb_sync/test_dram_read_remote_cb.cpp index 0c451cc8851..93bd99d17e2 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/10_dram_read_remote_cb_sync/test_dram_read_remote_cb.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/10_dram_read_remote_cb_sync/test_dram_read_remote_cb.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/1_compute_mm/kernels/bmm_large_block_zm_fused_bias_activation.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/1_compute_mm/kernels/bmm_large_block_zm_fused_bias_activation.cpp index e15ca4520f5..f41ff951a46 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/1_compute_mm/kernels/bmm_large_block_zm_fused_bias_activation.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/1_compute_mm/kernels/bmm_large_block_zm_fused_bias_activation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/1_compute_mm/kernels/bmm_large_block_zm_fused_bias_activation_copy.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/1_compute_mm/kernels/bmm_large_block_zm_fused_bias_activation_copy.cpp index 277e3320ca3..c0bbf20acd3 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/1_compute_mm/kernels/bmm_large_block_zm_fused_bias_activation_copy.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/1_compute_mm/kernels/bmm_large_block_zm_fused_bias_activation_copy.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/1_compute_mm/kernels/in0_reader_bmm_single_core.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/1_compute_mm/kernels/in0_reader_bmm_single_core.cpp index 3fee418f012..d6a9d8eb1aa 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/1_compute_mm/kernels/in0_reader_bmm_single_core.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/1_compute_mm/kernels/in0_reader_bmm_single_core.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/1_compute_mm/kernels/in0_reader_bmm_tile_layout.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/1_compute_mm/kernels/in0_reader_bmm_tile_layout.cpp index 6c53d9e56f6..0dbc20d9172 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/1_compute_mm/kernels/in0_reader_bmm_tile_layout.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/1_compute_mm/kernels/in0_reader_bmm_tile_layout.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/1_compute_mm/kernels/in1_reader_writer_bmm_single_core.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/1_compute_mm/kernels/in1_reader_writer_bmm_single_core.cpp index b34379b94cd..bb0bdf967f7 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/1_compute_mm/kernels/in1_reader_writer_bmm_single_core.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/1_compute_mm/kernels/in1_reader_writer_bmm_single_core.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/1_compute_mm/kernels/in1_reader_writer_bmm_tile_layout.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/1_compute_mm/kernels/in1_reader_writer_bmm_tile_layout.cpp index c622dd30075..0fe2dd398ee 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/1_compute_mm/kernels/in1_reader_writer_bmm_tile_layout.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/1_compute_mm/kernels/in1_reader_writer_bmm_tile_layout.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/1_compute_mm/test_compute_mm.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/1_compute_mm/test_compute_mm.cpp index 1dc18c7a028..ccc529e892e 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/1_compute_mm/test_compute_mm.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/1_compute_mm/test_compute_mm.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/2_noc_adjacent/kernels/noc_read.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/2_noc_adjacent/kernels/noc_read.cpp index a9f358d6c6c..152f4323713 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/2_noc_adjacent/kernels/noc_read.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/2_noc_adjacent/kernels/noc_read.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/2_noc_adjacent/kernels/noc_write.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/2_noc_adjacent/kernels/noc_write.cpp index 6650ab719d3..8fb7eb7345a 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/2_noc_adjacent/kernels/noc_write.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/2_noc_adjacent/kernels/noc_write.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/2_noc_adjacent/test_noc_adjacent.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/2_noc_adjacent/test_noc_adjacent.cpp index 75da322c9a7..eeb4a99ab71 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/2_noc_adjacent/test_noc_adjacent.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/2_noc_adjacent/test_noc_adjacent.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/2_noc_rtor/kernels/noc_read.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/2_noc_rtor/kernels/noc_read.cpp index 3680c68debc..9a30ac5cf85 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/2_noc_rtor/kernels/noc_read.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/2_noc_rtor/kernels/noc_read.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/2_noc_rtor/kernels/noc_write.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/2_noc_rtor/kernels/noc_write.cpp index 211f7da4786..878abaced95 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/2_noc_rtor/kernels/noc_write.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/2_noc_rtor/kernels/noc_write.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/2_noc_rtor/test_noc_rtor.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/2_noc_rtor/test_noc_rtor.cpp index 3e58551a329..eade0df8046 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/2_noc_rtor/test_noc_rtor.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/2_noc_rtor/test_noc_rtor.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/3_pcie_transfer/kernels/pull_from_pcie.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/3_pcie_transfer/kernels/pull_from_pcie.cpp index 12ad5aa9c30..b98a2eb3b5e 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/3_pcie_transfer/kernels/pull_from_pcie.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/3_pcie_transfer/kernels/pull_from_pcie.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/3_pcie_transfer/test_pull_from_pcie.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/3_pcie_transfer/test_pull_from_pcie.cpp index 6974e1ac730..daf728c288f 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/3_pcie_transfer/test_pull_from_pcie.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/3_pcie_transfer/test_pull_from_pcie.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/3_pcie_transfer/test_rw_buffer.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/3_pcie_transfer/test_rw_buffer.cpp index 7edb1f72f75..85cc71af13c 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/3_pcie_transfer/test_rw_buffer.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/3_pcie_transfer/test_rw_buffer.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/6_dram_offchip/kernels/reader_dram.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/6_dram_offchip/kernels/reader_dram.cpp index 9164245857d..bd566629593 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/6_dram_offchip/kernels/reader_dram.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/6_dram_offchip/kernels/reader_dram.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/6_dram_offchip/kernels/writer_dram.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/6_dram_offchip/kernels/writer_dram.cpp index eb84f5fd88a..7d85cf1cd91 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/6_dram_offchip/kernels/writer_dram.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/6_dram_offchip/kernels/writer_dram.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/6_dram_offchip/test_dram_offchip.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/6_dram_offchip/test_dram_offchip.cpp index 92a700923d2..7772feca0fe 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/6_dram_offchip/test_dram_offchip.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/6_dram_offchip/test_dram_offchip.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/7_kernel_launch/kernels/compute.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/7_kernel_launch/kernels/compute.cpp index 8d2859a5eff..6c3d841c218 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/7_kernel_launch/kernels/compute.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/7_kernel_launch/kernels/compute.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/7_kernel_launch/kernels/reader.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/7_kernel_launch/kernels/reader.cpp index 16ec271fcf0..1510067ce93 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/7_kernel_launch/kernels/reader.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/7_kernel_launch/kernels/reader.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/7_kernel_launch/kernels/writer.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/7_kernel_launch/kernels/writer.cpp index 12d3c8add55..a68768d1f68 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/7_kernel_launch/kernels/writer.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/7_kernel_launch/kernels/writer.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/7_kernel_launch/test_kernel_launch.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/7_kernel_launch/test_kernel_launch.cpp index 804c62594d2..213241f50ab 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/7_kernel_launch/test_kernel_launch.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/7_kernel_launch/test_kernel_launch.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/8_dram_adjacent_core_read/kernels/reader_dram.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/8_dram_adjacent_core_read/kernels/reader_dram.cpp index 434aef4f6f0..f90303fc32c 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/8_dram_adjacent_core_read/kernels/reader_dram.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/8_dram_adjacent_core_read/kernels/reader_dram.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/8_dram_adjacent_core_read/test_dram_read.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/8_dram_adjacent_core_read/test_dram_read.cpp index 2e49aec6d0c..7aa8cff12da 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/8_dram_adjacent_core_read/test_dram_read.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/8_dram_adjacent_core_read/test_dram_read.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/9_dram_adjacent_read_remote_l1_write/test_dram_read_l1_write.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/9_dram_adjacent_read_remote_l1_write/test_dram_read_l1_write.cpp index 03d8cce586b..5ac25b68d44 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/9_dram_adjacent_read_remote_l1_write/test_dram_read_l1_write.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/9_dram_adjacent_read_remote_l1_write/test_dram_read_l1_write.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/common/util.hpp b/tests/tt_metal/tt_metal/perf_microbenchmark/common/util.hpp index 6cd38e2709d..b8e662d764e 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/common/util.hpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/common/util.hpp @@ -1,5 +1,5 @@ /* - * SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. + * SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. * * SPDX-License-Identifier: Apache-2.0 */ diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/dispatch/common.h b/tests/tt_metal/tt_metal/perf_microbenchmark/dispatch/common.h index 5edfc3fa4b1..7fbc8d49b00 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/dispatch/common.h +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/dispatch/common.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/dispatch/kernels/bw_and_latency.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/dispatch/kernels/bw_and_latency.cpp index fec10557331..ed58cfcdd73 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/dispatch/kernels/bw_and_latency.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/dispatch/kernels/bw_and_latency.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/dispatch/kernels/spoof_prefetch.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/dispatch/kernels/spoof_prefetch.cpp index bfa186aebcf..6179cd0c1ac 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/dispatch/kernels/spoof_prefetch.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/dispatch/kernels/spoof_prefetch.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/dispatch/test_bw_and_latency.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/dispatch/test_bw_and_latency.cpp index 030d3597b56..1080500a50c 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/dispatch/test_bw_and_latency.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/dispatch/test_bw_and_latency.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/dispatch/test_dispatcher.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/dispatch/test_dispatcher.cpp index e0b47704641..7bb133a312e 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/dispatch/test_dispatcher.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/dispatch/test_dispatcher.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/dispatch/test_pgm_dispatch.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/dispatch/test_pgm_dispatch.cpp index 600483ffe02..cc99d63d226 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/dispatch/test_pgm_dispatch.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/dispatch/test_pgm_dispatch.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/dispatch/test_prefetcher.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/dispatch/test_prefetcher.cpp index 5d482863c55..95feec806fd 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/dispatch/test_prefetcher.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/dispatch/test_prefetcher.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/ethernet/test_ethernet_bidirectional_bandwidth_no_edm.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/ethernet/test_ethernet_bidirectional_bandwidth_no_edm.cpp index 69776ed63ff..b08167c68ae 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/ethernet/test_ethernet_bidirectional_bandwidth_no_edm.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/ethernet/test_ethernet_bidirectional_bandwidth_no_edm.cpp @@ -1,5 +1,5 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/ethernet/test_ethernet_hop_latencies_no_edm.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/ethernet/test_ethernet_hop_latencies_no_edm.cpp index 9f6904b9a76..7d6cc8a52d1 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/ethernet/test_ethernet_hop_latencies_no_edm.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/ethernet/test_ethernet_hop_latencies_no_edm.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/ethernet/test_ethernet_link_ping_latency_no_edm.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/ethernet/test_ethernet_link_ping_latency_no_edm.cpp index 2fac615bb5b..95fb3735550 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/ethernet/test_ethernet_link_ping_latency_no_edm.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/ethernet/test_ethernet_link_ping_latency_no_edm.cpp @@ -1,5 +1,5 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/ethernet/test_ethernet_read_and_send_data.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/ethernet/test_ethernet_read_and_send_data.cpp index cdb2db1570a..3a2c1ee2fb0 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/ethernet/test_ethernet_read_and_send_data.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/ethernet/test_ethernet_read_and_send_data.cpp @@ -1,5 +1,5 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/ethernet/test_ethernet_send_data_looping.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/ethernet/test_ethernet_send_data_looping.cpp index 81df7877a7a..f50841d5afc 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/ethernet/test_ethernet_send_data_looping.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/ethernet/test_ethernet_send_data_looping.cpp @@ -1,5 +1,5 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/ethernet/test_workers_and_erisc_datamover_unidirectional.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/ethernet/test_workers_and_erisc_datamover_unidirectional.cpp index f5ef49ac7a8..13ee3fe2a95 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/ethernet/test_workers_and_erisc_datamover_unidirectional.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/ethernet/test_workers_and_erisc_datamover_unidirectional.cpp @@ -1,5 +1,5 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/noc/kernels/multicast_to_single_core.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/noc/kernels/multicast_to_single_core.cpp index 22c8b9312a4..4c4707c308c 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/noc/kernels/multicast_to_single_core.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/noc/kernels/multicast_to_single_core.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/noc/kernels/unicast_to_single_core.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/noc/kernels/unicast_to_single_core.cpp index 241c881048f..cb47c02af37 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/noc/kernels/unicast_to_single_core.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/noc/kernels/unicast_to_single_core.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/noc/test_noc_unicast_vs_multicast_to_single_core_latency.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/noc/test_noc_unicast_vs_multicast_to_single_core_latency.cpp index ee7ef7428b0..34a92a9f731 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/noc/test_noc_unicast_vs_multicast_to_single_core_latency.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/noc/test_noc_unicast_vs_multicast_to_single_core_latency.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/kernels/bmm_large_block_zm_fused_bias_activation.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/kernels/bmm_large_block_zm_fused_bias_activation.cpp index 573f661afa3..00a7f3bc996 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/kernels/bmm_large_block_zm_fused_bias_activation.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/kernels/bmm_large_block_zm_fused_bias_activation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/kernels/compute_local_l1.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/kernels/compute_local_l1.cpp index cf6377c765b..8e4fafe6e10 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/kernels/compute_local_l1.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/kernels/compute_local_l1.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/kernels/reader_bmm_tile_layout_in0_receiver.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/kernels/reader_bmm_tile_layout_in0_receiver.cpp index f79f48e4957..34e5e600288 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/kernels/reader_bmm_tile_layout_in0_receiver.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/kernels/reader_bmm_tile_layout_in0_receiver.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/kernels/reader_bmm_tile_layout_in0_sender_padding.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/kernels/reader_bmm_tile_layout_in0_sender_padding.cpp index cf57420d17e..bfee348621e 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/kernels/reader_bmm_tile_layout_in0_sender_padding.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/kernels/reader_bmm_tile_layout_in0_sender_padding.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/kernels/reader_bmm_tile_layout_in1_receiver_writer_padding.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/kernels/reader_bmm_tile_layout_in1_receiver_writer_padding.cpp index 5e35317184b..afe83124cab 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/kernels/reader_bmm_tile_layout_in1_receiver_writer_padding.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/kernels/reader_bmm_tile_layout_in1_receiver_writer_padding.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/kernels/reader_bmm_tile_layout_in1_sender_writer_padding.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/kernels/reader_bmm_tile_layout_in1_sender_writer_padding.cpp index ea3ddaf61c8..af259743c00 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/kernels/reader_bmm_tile_layout_in1_sender_writer_padding.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/kernels/reader_bmm_tile_layout_in1_sender_writer_padding.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/matmul_global_l1.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/matmul_global_l1.cpp index f4a4aaf81ca..52c999c46e5 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/matmul_global_l1.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/matmul_global_l1.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/matmul_local_l1.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/matmul_local_l1.cpp index b69ce3d22ae..941fa199921 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/matmul_local_l1.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/old/matmul/matmul_local_l1.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/old/noc/kernels/reader_global_l1.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/old/noc/kernels/reader_global_l1.cpp index d37bdc223fa..cca77d6f5ec 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/old/noc/kernels/reader_global_l1.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/old/noc/kernels/reader_global_l1.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/old/noc/kernels/reader_local_l1.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/old/noc/kernels/reader_local_l1.cpp index de8d3702484..ac918f6ad6f 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/old/noc/kernels/reader_local_l1.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/old/noc/kernels/reader_local_l1.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/old/noc/test_noc_read_global_l1.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/old/noc/test_noc_read_global_l1.cpp index 31896a1b83e..8097af1ea33 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/old/noc/test_noc_read_global_l1.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/old/noc/test_noc_read_global_l1.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/old/noc/test_noc_read_local_l1.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/old/noc/test_noc_read_local_l1.cpp index 612673a962b..5cd80cc7f3c 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/old/noc/test_noc_read_local_l1.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/old/noc/test_noc_read_local_l1.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/old/pcie/test_enqueue_rw_buffer.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/old/pcie/test_enqueue_rw_buffer.cpp index 224b5d57107..00d403c21db 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/old/pcie/test_enqueue_rw_buffer.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/old/pcie/test_enqueue_rw_buffer.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/old/pcie/test_rw_buffer.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/old/pcie/test_rw_buffer.cpp index 825b159d3db..19c11d1ada0 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/old/pcie/test_rw_buffer.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/old/pcie/test_rw_buffer.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/old/pcie/test_rw_device_dram.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/old/pcie/test_rw_device_dram.cpp index ed8d0e8f565..2cfcc4a34fe 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/old/pcie/test_rw_device_dram.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/old/pcie/test_rw_device_dram.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/old/pcie/test_rw_device_l1.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/old/pcie/test_rw_device_l1.cpp index e342f84b034..12f70bedfdf 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/old/pcie/test_rw_device_l1.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/old/pcie/test_rw_device_l1.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/kernels/traffic_gen.hpp b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/kernels/traffic_gen.hpp index a255f46c798..1dc9265f932 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/kernels/traffic_gen.hpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/kernels/traffic_gen.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/kernels/traffic_gen_rx.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/kernels/traffic_gen_rx.cpp index d97e81e4e97..ab48b2df533 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/kernels/traffic_gen_rx.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/kernels/traffic_gen_rx.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/kernels/traffic_gen_test.hpp b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/kernels/traffic_gen_test.hpp index 6e28268ef98..3f8b6d1eb7f 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/kernels/traffic_gen_test.hpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/kernels/traffic_gen_test.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/kernels/traffic_gen_tx.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/kernels/traffic_gen_tx.cpp index 902c012a36d..ab4b3b71f52 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/kernels/traffic_gen_tx.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/kernels/traffic_gen_tx.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_bi_tunnel.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_bi_tunnel.cpp index 87db470f9a6..7834fe7855d 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_bi_tunnel.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_bi_tunnel.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_common.hpp b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_common.hpp index 3bdf79115cd..f922fbf75f7 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_common.hpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_common.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_mux_demux.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_mux_demux.cpp index 10742be3d24..1e0229d53f6 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_mux_demux.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_mux_demux.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_mux_demux_2level.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_mux_demux_2level.cpp index 5a0f0c19861..d6d19360ae7 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_mux_demux_2level.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_mux_demux_2level.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_tunnel_1cq.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_tunnel_1cq.cpp index 694919bf9a7..03010152a45 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_tunnel_1cq.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_tunnel_1cq.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_tunnel_2cq.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_tunnel_2cq.cpp index 6aa65a7b28a..b346fd98b32 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_tunnel_2cq.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_tunnel_2cq.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_tx_rx.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_tx_rx.cpp index 37ba0a6f1a7..38f86a10486 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_tx_rx.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_tx_rx.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_uni_tunnel.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_uni_tunnel.cpp index 552e32a31df..86e1802c95e 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_uni_tunnel.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_uni_tunnel.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_uni_tunnel_single_chip.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_uni_tunnel_single_chip.cpp index 570b9ed2487..4b50aeb64cf 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_uni_tunnel_single_chip.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_uni_tunnel_single_chip.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_vc_mux_demux.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_vc_mux_demux.cpp index 85127049245..31da9f359cb 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_vc_mux_demux.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_vc_mux_demux.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_vc_uni_tunnel.cpp b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_vc_uni_tunnel.cpp index 8a076303ca7..c39c6c80088 100644 --- a/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_vc_uni_tunnel.cpp +++ b/tests/tt_metal/tt_metal/perf_microbenchmark/routing/test_vc_uni_tunnel.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_add_two_ints.cpp b/tests/tt_metal/tt_metal/test_add_two_ints.cpp index 5a99b29d376..ea4fb5225ef 100644 --- a/tests/tt_metal/tt_metal/test_add_two_ints.cpp +++ b/tests/tt_metal/tt_metal/test_add_two_ints.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_bcast.cpp b/tests/tt_metal/tt_metal/test_bcast.cpp index 9796de5d1b4..c7687eac9cb 100644 --- a/tests/tt_metal/tt_metal/test_bcast.cpp +++ b/tests/tt_metal/tt_metal/test_bcast.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_bfp4_conversion.cpp b/tests/tt_metal/tt_metal/test_bfp4_conversion.cpp index 50bf3f36f3c..ebf8d011513 100644 --- a/tests/tt_metal/tt_metal/test_bfp4_conversion.cpp +++ b/tests/tt_metal/tt_metal/test_bfp4_conversion.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_bfp8_conversion.cpp b/tests/tt_metal/tt_metal/test_bfp8_conversion.cpp index 394772a6d52..7a5935e71a6 100644 --- a/tests/tt_metal/tt_metal/test_bfp8_conversion.cpp +++ b/tests/tt_metal/tt_metal/test_bfp8_conversion.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_bmm.cpp b/tests/tt_metal/tt_metal/test_bmm.cpp index 7e32f0ef5b3..4d9085e7473 100644 --- a/tests/tt_metal/tt_metal/test_bmm.cpp +++ b/tests/tt_metal/tt_metal/test_bmm.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_clean_init.cpp b/tests/tt_metal/tt_metal/test_clean_init.cpp index 5f72467a2ef..3345f0be3b7 100644 --- a/tests/tt_metal/tt_metal/test_clean_init.cpp +++ b/tests/tt_metal/tt_metal/test_clean_init.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_compile_args.cpp b/tests/tt_metal/tt_metal/test_compile_args.cpp index 5a00d6dd9cf..42e749ac425 100644 --- a/tests/tt_metal/tt_metal/test_compile_args.cpp +++ b/tests/tt_metal/tt_metal/test_compile_args.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_compile_program.cpp b/tests/tt_metal/tt_metal/test_compile_program.cpp index 07fc420d0b4..3cae9586b72 100644 --- a/tests/tt_metal/tt_metal/test_compile_program.cpp +++ b/tests/tt_metal/tt_metal/test_compile_program.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_compile_sets_kernel_binaries.cpp b/tests/tt_metal/tt_metal/test_compile_sets_kernel_binaries.cpp index 5a543ff644d..d913c5af7d5 100644 --- a/tests/tt_metal/tt_metal/test_compile_sets_kernel_binaries.cpp +++ b/tests/tt_metal/tt_metal/test_compile_sets_kernel_binaries.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_core_range_set.cpp b/tests/tt_metal/tt_metal/test_core_range_set.cpp index 5ebac48ca2d..5850aaedc07 100644 --- a/tests/tt_metal/tt_metal/test_core_range_set.cpp +++ b/tests/tt_metal/tt_metal/test_core_range_set.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_datacopy.cpp b/tests/tt_metal/tt_metal/test_datacopy.cpp index 9caaced9a95..24946546dc6 100644 --- a/tests/tt_metal/tt_metal/test_datacopy.cpp +++ b/tests/tt_metal/tt_metal/test_datacopy.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_datacopy_bfp8b.cpp b/tests/tt_metal/tt_metal/test_datacopy_bfp8b.cpp index 329cbbf4d87..9f1e3e63280 100644 --- a/tests/tt_metal/tt_metal/test_datacopy_bfp8b.cpp +++ b/tests/tt_metal/tt_metal/test_datacopy_bfp8b.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_datacopy_multi_core_multi_dram.cpp b/tests/tt_metal/tt_metal/test_datacopy_multi_core_multi_dram.cpp index d44115bab5e..c207cf025ec 100644 --- a/tests/tt_metal/tt_metal/test_datacopy_multi_core_multi_dram.cpp +++ b/tests/tt_metal/tt_metal/test_datacopy_multi_core_multi_dram.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_datacopy_output_in_l1.cpp b/tests/tt_metal/tt_metal/test_datacopy_output_in_l1.cpp index a352719772b..13bedce2bb9 100644 --- a/tests/tt_metal/tt_metal/test_datacopy_output_in_l1.cpp +++ b/tests/tt_metal/tt_metal/test_datacopy_output_in_l1.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_dataflow_cb.cpp b/tests/tt_metal/tt_metal/test_dataflow_cb.cpp index 969d5ebe659..26f73c25129 100644 --- a/tests/tt_metal/tt_metal/test_dataflow_cb.cpp +++ b/tests/tt_metal/tt_metal/test_dataflow_cb.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_dram_copy_sticks_multi_core.cpp b/tests/tt_metal/tt_metal/test_dram_copy_sticks_multi_core.cpp index 6ffc8727174..4d46f396b5c 100644 --- a/tests/tt_metal/tt_metal/test_dram_copy_sticks_multi_core.cpp +++ b/tests/tt_metal/tt_metal/test_dram_copy_sticks_multi_core.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_dram_loopback_multi_core.cpp b/tests/tt_metal/tt_metal/test_dram_loopback_multi_core.cpp index fb7f2eac3c8..72f53e6c3eb 100644 --- a/tests/tt_metal/tt_metal/test_dram_loopback_multi_core.cpp +++ b/tests/tt_metal/tt_metal/test_dram_loopback_multi_core.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_dram_loopback_multi_core_db.cpp b/tests/tt_metal/tt_metal/test_dram_loopback_multi_core_db.cpp index a8a1b47ea5a..54f61544bde 100644 --- a/tests/tt_metal/tt_metal/test_dram_loopback_multi_core_db.cpp +++ b/tests/tt_metal/tt_metal/test_dram_loopback_multi_core_db.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_dram_loopback_single_core.cpp b/tests/tt_metal/tt_metal/test_dram_loopback_single_core.cpp index eee7394ae90..170ba59e643 100644 --- a/tests/tt_metal/tt_metal/test_dram_loopback_single_core.cpp +++ b/tests/tt_metal/tt_metal/test_dram_loopback_single_core.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_dram_loopback_single_core_db.cpp b/tests/tt_metal/tt_metal/test_dram_loopback_single_core_db.cpp index ccbe3b14287..b214884cfa2 100644 --- a/tests/tt_metal/tt_metal/test_dram_loopback_single_core_db.cpp +++ b/tests/tt_metal/tt_metal/test_dram_loopback_single_core_db.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_dram_to_l1_multicast.cpp b/tests/tt_metal/tt_metal/test_dram_to_l1_multicast.cpp index a7cfe0466e2..cf61b442d3e 100644 --- a/tests/tt_metal/tt_metal/test_dram_to_l1_multicast.cpp +++ b/tests/tt_metal/tt_metal/test_dram_to_l1_multicast.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_dram_to_l1_multicast_loopback_src.cpp b/tests/tt_metal/tt_metal/test_dram_to_l1_multicast_loopback_src.cpp index 28030b22d97..95d3ae6642a 100644 --- a/tests/tt_metal/tt_metal/test_dram_to_l1_multicast_loopback_src.cpp +++ b/tests/tt_metal/tt_metal/test_dram_to_l1_multicast_loopback_src.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_eltwise_binary.cpp b/tests/tt_metal/tt_metal/test_eltwise_binary.cpp index b6d0d8564a6..740922beab3 100644 --- a/tests/tt_metal/tt_metal/test_eltwise_binary.cpp +++ b/tests/tt_metal/tt_metal/test_eltwise_binary.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_enqueue_program.cpp b/tests/tt_metal/tt_metal/test_enqueue_program.cpp index d31f07dee62..fb0bc46ff15 100644 --- a/tests/tt_metal/tt_metal/test_enqueue_program.cpp +++ b/tests/tt_metal/tt_metal/test_enqueue_program.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_flatten.cpp b/tests/tt_metal/tt_metal/test_flatten.cpp index 27353d8e45e..c220ffebcd8 100644 --- a/tests/tt_metal/tt_metal/test_flatten.cpp +++ b/tests/tt_metal/tt_metal/test_flatten.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_generic_binary_reader_matmul_large_block.cpp b/tests/tt_metal/tt_metal/test_generic_binary_reader_matmul_large_block.cpp index f1beb8c21e8..4cb33cc720c 100644 --- a/tests/tt_metal/tt_metal/test_generic_binary_reader_matmul_large_block.cpp +++ b/tests/tt_metal/tt_metal/test_generic_binary_reader_matmul_large_block.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_gold_impls.hpp b/tests/tt_metal/tt_metal/test_gold_impls.hpp index b2c83429990..86b0fe448d5 100644 --- a/tests/tt_metal/tt_metal/test_gold_impls.hpp +++ b/tests/tt_metal/tt_metal/test_gold_impls.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_interleaved_l1_buffer.cpp b/tests/tt_metal/tt_metal/test_interleaved_l1_buffer.cpp index 2a21e16a03d..204fa7ff695 100644 --- a/tests/tt_metal/tt_metal/test_interleaved_l1_buffer.cpp +++ b/tests/tt_metal/tt_metal/test_interleaved_l1_buffer.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_interleaved_layouts.cpp b/tests/tt_metal/tt_metal/test_interleaved_layouts.cpp index 749ec5c2c19..ad752fd0dee 100644 --- a/tests/tt_metal/tt_metal/test_interleaved_layouts.cpp +++ b/tests/tt_metal/tt_metal/test_interleaved_layouts.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/3T/matmul_large_block_zm/zm_3m_math.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/3T/matmul_large_block_zm/zm_3m_math.cpp index f4253c5d3c9..6bbb567353c 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/3T/matmul_large_block_zm/zm_3m_math.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/3T/matmul_large_block_zm/zm_3m_math.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/3T/matmul_large_block_zm/zm_3m_pack.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/3T/matmul_large_block_zm/zm_3m_pack.cpp index 4b6d69e18d9..18254ff309b 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/3T/matmul_large_block_zm/zm_3m_pack.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/3T/matmul_large_block_zm/zm_3m_pack.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/3T/matmul_large_block_zm/zm_3m_unpack.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/3T/matmul_large_block_zm/zm_3m_unpack.cpp index d20d21a128b..91144f6be0f 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/3T/matmul_large_block_zm/zm_3m_unpack.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/3T/matmul_large_block_zm/zm_3m_unpack.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/3T/untilize_A_and_eltwise_binary/chlkc_math.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/3T/untilize_A_and_eltwise_binary/chlkc_math.cpp index 104f08d7c06..e6324bff587 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/3T/untilize_A_and_eltwise_binary/chlkc_math.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/3T/untilize_A_and_eltwise_binary/chlkc_math.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/3T/untilize_A_and_eltwise_binary/chlkc_pack.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/3T/untilize_A_and_eltwise_binary/chlkc_pack.cpp index 392d8aa4da9..1b14abaca03 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/3T/untilize_A_and_eltwise_binary/chlkc_pack.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/3T/untilize_A_and_eltwise_binary/chlkc_pack.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/3T/untilize_A_and_eltwise_binary/chlkc_unpack.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/3T/untilize_A_and_eltwise_binary/chlkc_unpack.cpp index 6d325cc4544..e5542b04664 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/3T/untilize_A_and_eltwise_binary/chlkc_unpack.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/3T/untilize_A_and_eltwise_binary/chlkc_unpack.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/bcast_h.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/bcast_h.cpp index 038bc211ede..c6ddb5336dd 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/bcast_h.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/bcast_h.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/bcast_hw.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/bcast_hw.cpp index 609b638986b..0d2b2c82e6c 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/bcast_hw.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/bcast_hw.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/bcast_w.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/bcast_w.cpp index 33af87ddff2..ae9bc354207 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/bcast_w.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/bcast_w.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/bmm.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/bmm.cpp index 06df68f3425..b84b5b5ba34 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/bmm.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/bmm.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/bmm_large_block_zm.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/bmm_large_block_zm.cpp index 051945da303..5af355fbd1a 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/bmm_large_block_zm.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/bmm_large_block_zm.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/bmm_large_block_zm_fused_bias_activation.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/bmm_large_block_zm_fused_bias_activation.cpp index 573f661afa3..00a7f3bc996 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/bmm_large_block_zm_fused_bias_activation.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/bmm_large_block_zm_fused_bias_activation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/bmm_large_block_zm_mixed_precision.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/bmm_large_block_zm_mixed_precision.cpp index 02c0c6ce198..0438703d238 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/bmm_large_block_zm_mixed_precision.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/bmm_large_block_zm_mixed_precision.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/bmm_tilize_untilize.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/bmm_tilize_untilize.cpp index 9df0ae947e2..a6b4e82eaea 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/bmm_tilize_untilize.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/bmm_tilize_untilize.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/eltwise_copy.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/eltwise_copy.cpp index bc380bd8439..ee8c8f7fb4b 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/eltwise_copy.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/eltwise_copy.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/eltwise_copy_3m.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/eltwise_copy_3m.cpp index 9ee78c4cd98..88a62a0608d 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/eltwise_copy_3m.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/eltwise_copy_3m.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/eltwise_copy_block.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/eltwise_copy_block.cpp index dd7aebdc5dd..0e1d6197bae 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/eltwise_copy_block.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/eltwise_copy_block.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/eltwise_copy_print_dest.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/eltwise_copy_print_dest.cpp index f9ad50d964e..b6f661dbe68 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/eltwise_copy_print_dest.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/eltwise_copy_print_dest.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/eltwise_sfpi.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/eltwise_sfpi.cpp index 27cc86a48bc..d1f91307d97 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/eltwise_sfpi.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/eltwise_sfpi.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/increment_runtime_arg.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/increment_runtime_arg.cpp index c225c577b5c..57362cf7768 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/increment_runtime_arg.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/increment_runtime_arg.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/layernorm.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/layernorm.cpp index b091f1e5055..e8895dc8de2 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/layernorm.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/layernorm.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/matmul.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/matmul.cpp index b4a264f32a4..c934e84a522 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/matmul.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/matmul.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/matmul_large_block.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/matmul_large_block.cpp index a177d736919..93e168242aa 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/matmul_large_block.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/matmul_large_block.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/matmul_large_block_generalized.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/matmul_large_block_generalized.cpp index 761f56ca2f7..efb332c3c24 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/matmul_large_block_generalized.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/matmul_large_block_generalized.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/matmul_large_block_zm.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/matmul_large_block_zm.cpp index 97d3a412c90..16e622f3987 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/matmul_large_block_zm.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/matmul_large_block_zm.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/matmul_with_bias.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/matmul_with_bias.cpp index 730e222b700..3d0e69d2787 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/matmul_with_bias.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/matmul_with_bias.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/max_pool.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/max_pool.cpp index 575cd025d7c..081b8f94837 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/max_pool.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/max_pool.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/max_pool_multi_core.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/max_pool_multi_core.cpp index 444204d88a5..5615f65f379 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/max_pool_multi_core.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/max_pool_multi_core.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/pack_untilize.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/pack_untilize.cpp index aaad997af50..03a179a5d6f 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/pack_untilize.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/pack_untilize.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/reduce_h.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/reduce_h.cpp index 042834e55f1..3013bcc7f91 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/reduce_h.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/reduce_h.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/reduce_hw.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/reduce_hw.cpp index 6a55285a540..21059d026d2 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/reduce_hw.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/reduce_hw.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/reduce_w.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/reduce_w.cpp index e041a7a99a2..f3f0afd7a8c 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/reduce_w.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/reduce_w.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/rmsnorm.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/rmsnorm.cpp index 764bd9ca799..58a166ef74c 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/rmsnorm.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/rmsnorm.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/rotary_embedding.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/rotary_embedding.cpp index 4891f96b622..46a1651bf93 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/rotary_embedding.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/rotary_embedding.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/softmax.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/softmax.cpp index 0178774b622..d47a4f8e5ce 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/softmax.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/softmax.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/tilize.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/tilize.cpp index d703a2c2eaa..1c1d4d91ede 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/tilize.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/tilize.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/transformer_attn_matmul.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/transformer_attn_matmul.cpp index 651b2ece152..054273f968b 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/transformer_attn_matmul.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/transformer_attn_matmul.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/transpose_wh.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/transpose_wh.cpp index a77f4da99a6..ed90d9c78a0 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/transpose_wh.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/transpose_wh.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/unit_tests/matmul/multi_block_compute.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/unit_tests/matmul/multi_block_compute.cpp index 124d723d6df..97e9c5c8cde 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/unit_tests/matmul/multi_block_compute.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/unit_tests/matmul/multi_block_compute.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/unit_tests/matmul/multi_tile_compute.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/unit_tests/matmul/multi_tile_compute.cpp index 8c50ca5a30e..410cc399b89 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/unit_tests/matmul/multi_tile_compute.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/unit_tests/matmul/multi_tile_compute.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/unit_tests/matmul/reader_binary.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/unit_tests/matmul/reader_binary.cpp index 60105fd134c..a8cf54d5466 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/unit_tests/matmul/reader_binary.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/unit_tests/matmul/reader_binary.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/unit_tests/matmul/reader_binary_blocked.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/unit_tests/matmul/reader_binary_blocked.cpp index 4beec5f136e..2cd34f8df96 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/unit_tests/matmul/reader_binary_blocked.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/unit_tests/matmul/reader_binary_blocked.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/unit_tests/matmul/single_tile_compute.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/unit_tests/matmul/single_tile_compute.cpp index cb8eb194d98..393cda4c4e9 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/unit_tests/matmul/single_tile_compute.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/unit_tests/matmul/single_tile_compute.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/unit_tests/matmul/writer_unary.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/unit_tests/matmul/writer_unary.cpp index 3caec0ae567..0c4c6256998 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/unit_tests/matmul/writer_unary.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/unit_tests/matmul/writer_unary.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/unpack_tilizeA_B.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/unpack_tilizeA_B.cpp index 3e48f987931..557542a4a7a 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/unpack_tilizeA_B.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/unpack_tilizeA_B.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/unpack_untilize.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/unpack_untilize.cpp index 0b657f3b22a..ef1e89d84d4 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/unpack_untilize.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/unpack_untilize.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/untilA_elwbin_3m.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/untilA_elwbin_3m.cpp index 600369500a2..f515a5cd615 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/untilA_elwbin_3m.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/untilA_elwbin_3m.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/compute/update_cache.cpp b/tests/tt_metal/tt_metal/test_kernels/compute/update_cache.cpp index 5fccfe25e38..8be50127e05 100644 --- a/tests/tt_metal/tt_metal/test_kernels/compute/update_cache.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/compute/update_cache.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/banked_reader.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/banked_reader.cpp index 15ec3c5df1e..d81ae699162 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/banked_reader.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/banked_reader.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/banked_writer.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/banked_writer.cpp index 3b92ed22a40..0651ec9bfc5 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/banked_writer.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/banked_writer.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/direct_reader_unary.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/direct_reader_unary.cpp index df99b8def69..04f94c2d97e 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/direct_reader_unary.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/direct_reader_unary.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/direct_writer_unary.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/direct_writer_unary.cpp index 110fc2a8599..4a4e187683a 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/direct_writer_unary.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/direct_writer_unary.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_copy.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_copy.cpp index e0f12a23715..74563a453f3 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_copy.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_copy.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_copy_db.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_copy_db.cpp index b8a2756fbae..d665a64e5eb 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_copy_db.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_copy_db.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_copy_sticks.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_copy_sticks.cpp index fec10af9f42..b3d297bd90b 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_copy_sticks.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_copy_sticks.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_loader_sync.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_loader_sync.cpp index 02f7104aed6..2e629d4522a 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_loader_sync.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_loader_sync.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_loader_sync_db.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_loader_sync_db.cpp index fe07a8d15a0..8e828e9c4e6 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_loader_sync_db.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_loader_sync_db.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_to_l1_multicast.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_to_l1_multicast.cpp index 57ed1e1fa13..82818cac5e2 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_to_l1_multicast.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_to_l1_multicast.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_to_l1_multicast_exclude_region.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_to_l1_multicast_exclude_region.cpp index 376a6335d19..21f97fac4b8 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_to_l1_multicast_exclude_region.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_to_l1_multicast_exclude_region.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_to_l1_multicast_include_src.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_to_l1_multicast_include_src.cpp index 48feaea150e..3ab6ae493c6 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_to_l1_multicast_include_src.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/dram_to_l1_multicast_include_src.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/flatten.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/flatten.cpp index 58c40e74cdd..154a768aef4 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/flatten.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/flatten.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/generic_binary_reader_blocked.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/generic_binary_reader_blocked.cpp index 3cfaf979f60..4797d7b84de 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/generic_binary_reader_blocked.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/generic_binary_reader_blocked.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/l1_to_l1.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/l1_to_l1.cpp index 8722a7aef9d..8e753174292 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/l1_to_l1.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/l1_to_l1.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_bcast_h.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_bcast_h.cpp index f9b35831b77..bb07c9f353f 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_bcast_h.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_bcast_h.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_bcast_h_8bank.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_bcast_h_8bank.cpp index 1433de4f322..2a22086103d 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_bcast_h_8bank.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_bcast_h_8bank.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_bcast_hw_8bank.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_bcast_hw_8bank.cpp index c99e2f8be69..b1814f38013 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_bcast_hw_8bank.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_bcast_hw_8bank.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_bcast_w.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_bcast_w.cpp index c438c205180..7d2009ee997 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_bcast_w.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_bcast_w.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_bcast_w_8bank.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_bcast_w_8bank.cpp index 38cff5068ae..a3c1c017546 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_bcast_w_8bank.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_bcast_w_8bank.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_binary.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_binary.cpp index f2c631499a9..bac7d6d9652 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_binary.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_binary.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_bmm_8bank.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_bmm_8bank.cpp index 73bf68a045d..65e4342e3d0 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_bmm_8bank.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_bmm_8bank.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_cb_test.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_cb_test.cpp index 5094e3e2ce4..0aaefad409f 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_cb_test.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_cb_test.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_dual_8bank.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_dual_8bank.cpp index bd6ae074e7f..cea89f340ab 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_dual_8bank.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_dual_8bank.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_first_stage.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_first_stage.cpp index ff484517aa0..55f4506336a 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_first_stage.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_first_stage.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_blocked.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_blocked.cpp index 3511bd19d3b..3adac0ea53c 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_blocked.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_blocked.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_small_block.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_small_block.cpp index 82e8b919bd3..76148163a4b 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_small_block.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_small_block.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout.cpp index 18858e586cc..302d8b8f04e 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in0_mcast_receiver.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in0_mcast_receiver.cpp index bfc02c4cbd0..4935c90f2d8 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in0_mcast_receiver.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in0_mcast_receiver.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in0_mcast_sender.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in0_mcast_sender.cpp index d77aeb57878..fcb7825695f 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in0_mcast_sender.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in0_mcast_sender.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in0_receiver_in1_receiver.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in0_receiver_in1_receiver.cpp index b74e757ec73..31235d824a1 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in0_receiver_in1_receiver.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in0_receiver_in1_receiver.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in0_receiver_in1_sender.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in0_receiver_in1_sender.cpp index ef4647f61b0..ddd6974e46b 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in0_receiver_in1_sender.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in0_receiver_in1_sender.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in0_sender_in1_receiver.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in0_sender_in1_receiver.cpp index ca0e67845f3..a2baa6da048 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in0_sender_in1_receiver.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in0_sender_in1_receiver.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in0_sender_in1_sender.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in0_sender_in1_sender.cpp index 16182899431..f0381d474fd 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in0_sender_in1_sender.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in0_sender_in1_sender.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in1_mcast_receiver.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in1_mcast_receiver.cpp index 0b949b9847c..0539dbd297e 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in1_mcast_receiver.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in1_mcast_receiver.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in1_mcast_sender.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in1_mcast_sender.cpp index 4ccd599086e..8bf39b7f01a 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in1_mcast_sender.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_tile_layout_in1_mcast_sender.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_with_bias_blocked.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_with_bias_blocked.cpp index 56ed2b2823c..0a6835b3854 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_with_bias_blocked.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_matmul_with_bias_blocked.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_nary.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_nary.cpp index 5b963455ed1..ba96598f6a1 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_nary.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_nary.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_unary_8bank.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_unary_8bank.cpp index 872b02b215f..c4b1e886118 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_unary_8bank.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_unary_8bank.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_unary_8bank_reduce.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_unary_8bank_reduce.cpp index cf2886be85c..517d1eb2db4 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_unary_8bank_reduce.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_unary_8bank_reduce.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_unary_push_4.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_unary_push_4.cpp index 6e5f737b34d..15816c9f91c 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_unary_push_4.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_unary_push_4.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_unary_stick_layout_8bank.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_unary_stick_layout_8bank.cpp index 281a859e234..5ef1411653a 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_unary_stick_layout_8bank.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_unary_stick_layout_8bank.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_unary_transpose_wh.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_unary_transpose_wh.cpp index a7f37fda7d0..a40191e4fb2 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_unary_transpose_wh.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_unary_transpose_wh.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_unary_transpose_wh_8bank.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_unary_transpose_wh_8bank.cpp index ac3dbe531c9..26992f53b89 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_unary_transpose_wh_8bank.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_unary_transpose_wh_8bank.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_unary_transpose_wh_interleaved.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_unary_transpose_wh_interleaved.cpp index 2e50610fbff..6f9733f0974 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_unary_transpose_wh_interleaved.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/reader_unary_transpose_wh_interleaved.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/receiver_intermediate_stage.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/receiver_intermediate_stage.cpp index f969a94d79a..fe4d0edac1d 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/receiver_intermediate_stage.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/receiver_intermediate_stage.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/remote_read_remote_write_sync.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/remote_read_remote_write_sync.cpp index 59efcbcb26e..8e15d3b92ff 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/remote_read_remote_write_sync.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/remote_read_remote_write_sync.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/remote_read_remote_write_sync_db.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/remote_read_remote_write_sync_db.cpp index 5400fc6a225..a248e44b3cc 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/remote_read_remote_write_sync_db.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/remote_read_remote_write_sync_db.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/sender_intermediate_stage.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/sender_intermediate_stage.cpp index 942085a3eeb..e80d6fa67c7 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/sender_intermediate_stage.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/sender_intermediate_stage.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/streams/stream_io_kernel_helpers.hpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/streams/stream_io_kernel_helpers.hpp index d7cafa4e949..ad39bbc7a6d 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/streams/stream_io_kernel_helpers.hpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/streams/stream_io_kernel_helpers.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/streams/stream_reg_read_write.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/streams/stream_reg_read_write.cpp index 76b05bafe4b..36e8e8a9353 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/streams/stream_reg_read_write.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/streams/stream_reg_read_write.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/streams/stream_relay.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/streams/stream_relay.cpp index e6e23c33fa7..b5f4ac15569 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/streams/stream_relay.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/streams/stream_relay.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/streams/stream_relay_remote_receiver.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/streams/stream_relay_remote_receiver.cpp index 1c65734f2fd..c935db34421 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/streams/stream_relay_remote_receiver.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/streams/stream_relay_remote_receiver.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/streams/stream_relay_remote_receiver_writer.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/streams/stream_relay_remote_receiver_writer.cpp index 788e7802315..d2ef3c1d743 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/streams/stream_relay_remote_receiver_writer.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/streams/stream_relay_remote_receiver_writer.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/streams/stream_relay_remote_sender.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/streams/stream_relay_remote_sender.cpp index 1a1a213baf4..6d0463e1730 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/streams/stream_relay_remote_sender.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/streams/stream_relay_remote_sender.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/streams/stream_relay_remote_sender_reader.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/streams/stream_relay_remote_sender_reader.cpp index ec03df42b4b..9282376c829 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/streams/stream_relay_remote_sender_reader.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/streams/stream_relay_remote_sender_reader.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/test_compile_args.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/test_compile_args.cpp index 150eddcb205..5444ce014c0 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/test_compile_args.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/test_compile_args.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/transpose_hc.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/transpose_hc.cpp index 92af4e92178..6f7886a0c0d 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/transpose_hc.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/transpose_hc.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/transpose_hc_8bank.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/transpose_hc_8bank.cpp index a5a5d560245..c6052713b1c 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/transpose_hc_8bank.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/transpose_hc_8bank.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/command_queue/arbiter_hang.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/command_queue/arbiter_hang.cpp index cf77ec540e5..b928e84af97 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/command_queue/arbiter_hang.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/command_queue/arbiter_hang.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/command_queue/pcie_write_16b.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/command_queue/pcie_write_16b.cpp index 9867f4c7341..c54a6d3fab2 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/command_queue/pcie_write_16b.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/command_queue/pcie_write_16b.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/command_queue/random_program.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/command_queue/random_program.cpp index 8edf6689a04..975f5ecce32 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/command_queue/random_program.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/command_queue/random_program.cpp @@ -1,5 +1,5 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/banked_reader_dram.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/banked_reader_dram.cpp index c694971cdf7..59030c8807a 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/banked_reader_dram.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/banked_reader_dram.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/banked_reader_unary.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/banked_reader_unary.cpp index 4593299dd01..db88c58ce88 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/banked_reader_unary.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/banked_reader_unary.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/banked_writer_dram.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/banked_writer_dram.cpp index 67105917c1c..7e7aa425cf8 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/banked_writer_dram.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/banked_writer_dram.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/banked_writer_unary.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/banked_writer_unary.cpp index 99caf9fbb62..5e181a22e32 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/banked_writer_unary.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/banked_writer_unary.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/direct_reader_binary.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/direct_reader_binary.cpp index 97373022382..f518608a060 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/direct_reader_binary.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/direct_reader_binary.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/direct_reader_dram_to_l1.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/direct_reader_dram_to_l1.cpp index a279088cd9d..ab04ec9d89d 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/direct_reader_dram_to_l1.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/direct_reader_dram_to_l1.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/direct_reader_unary.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/direct_reader_unary.cpp index df99b8def69..04f94c2d97e 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/direct_reader_unary.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/direct_reader_unary.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/direct_writer_l1_to_dram.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/direct_writer_l1_to_dram.cpp index 79b373a241c..61594ba974e 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/direct_writer_l1_to_dram.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/direct_writer_l1_to_dram.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/direct_writer_unary.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/direct_writer_unary.cpp index b535b7bd4bf..841e561a927 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/direct_writer_unary.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/dram/direct_writer_unary.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/direct_dram_to_dram_receiver.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/direct_dram_to_dram_receiver.cpp index c021e07b2de..ecb95f76b9c 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/direct_dram_to_dram_receiver.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/direct_dram_to_dram_receiver.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/direct_dram_to_dram_sender.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/direct_dram_to_dram_sender.cpp index d3579549535..734fb0c6b89 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/direct_dram_to_dram_sender.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/direct_dram_to_dram_sender.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/direct_reader_dram_to_l1.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/direct_reader_dram_to_l1.cpp index 9b744d4051c..c2d88678dab 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/direct_reader_dram_to_l1.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/direct_reader_dram_to_l1.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/direct_writer_l1_to_dram.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/direct_writer_l1_to_dram.cpp index 8ac1f1502e9..6f5cc641092 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/direct_writer_l1_to_dram.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/direct_writer_l1_to_dram.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/erisc_l1_data_forward.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/erisc_l1_data_forward.cpp index 2433ee5123a..32b8d7183ac 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/erisc_l1_data_forward.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/erisc_l1_data_forward.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_direct_receive.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_direct_receive.cpp index 3575cf3b414..baa3adebfb0 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_direct_receive.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_direct_receive.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_direct_receive_looping.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_direct_receive_looping.cpp index dd2ad606a46..db151840301 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_direct_receive_looping.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_direct_receive_looping.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_direct_ring_gather_receive.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_direct_ring_gather_receive.cpp index 24de34aed8c..0ac02c07181 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_direct_ring_gather_receive.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_direct_ring_gather_receive.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_direct_ring_gather_send.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_direct_ring_gather_send.cpp index e805f1acb6d..41c1c9384b8 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_direct_ring_gather_send.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_direct_ring_gather_send.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_direct_send.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_direct_send.cpp index 86d1f68f15b..824a0b3cce1 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_direct_send.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_direct_send.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_direct_send_looping_multi_channel.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_direct_send_looping_multi_channel.cpp index 791ba3175bf..4889e58172b 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_direct_send_looping_multi_channel.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_direct_send_looping_multi_channel.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_forward_local_chip_data_looping_multi_channel.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_forward_local_chip_data_looping_multi_channel.cpp index feb5ad6b354..24865570e7c 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_forward_local_chip_data_looping_multi_channel.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_forward_local_chip_data_looping_multi_channel.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_scatter_send.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_scatter_send.cpp index d039c058586..06d33e5b9e9 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_scatter_send.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_l1_scatter_send.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_latency_ubench_eth_receiver.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_latency_ubench_eth_receiver.cpp index a9bd77ce998..5f2a183a93a 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_latency_ubench_eth_receiver.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_latency_ubench_eth_receiver.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_latency_ubench_eth_sender.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_latency_ubench_eth_sender.cpp index f2d3d54b2e6..ae7c224ba2f 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_latency_ubench_eth_sender.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_latency_ubench_eth_sender.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_latency_ubench_init_coordination_worker.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_latency_ubench_init_coordination_worker.cpp index 06e52f8e39d..74503ac2a48 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_latency_ubench_init_coordination_worker.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_latency_ubench_init_coordination_worker.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_non_blocking_receive_fwd_to_dram.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_non_blocking_receive_fwd_to_dram.cpp index ffdd827ed41..1970de528fe 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_non_blocking_receive_fwd_to_dram.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/eth_non_blocking_receive_fwd_to_dram.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/ethernet_bidirectional_ubench.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/ethernet_bidirectional_ubench.cpp index 3076397fd44..7fa1088405e 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/ethernet_bidirectional_ubench.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/ethernet_bidirectional_ubench.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/ethernet_ping_latency_ubench_receiver.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/ethernet_ping_latency_ubench_receiver.cpp index 15c7be5b8f2..f165d845513 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/ethernet_ping_latency_ubench_receiver.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/ethernet_ping_latency_ubench_receiver.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/ethernet_ping_latency_ubench_sender.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/ethernet_ping_latency_ubench_sender.cpp index 11d437bbbcc..5027df557f2 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/ethernet_ping_latency_ubench_sender.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/ethernet_ping_latency_ubench_sender.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/hung_kernel.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/hung_kernel.cpp index 45a6143a861..722a7d3b204 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/hung_kernel.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/hung_kernel.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/interleaved_buffer_to_buffer_receiver.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/interleaved_buffer_to_buffer_receiver.cpp index 1116fb036fa..adbf175fabc 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/interleaved_buffer_to_buffer_receiver.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/interleaved_buffer_to_buffer_receiver.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/interleaved_buffer_to_buffer_sender.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/interleaved_buffer_to_buffer_sender.cpp index df38a489d67..2ff25452060 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/interleaved_buffer_to_buffer_sender.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/interleaved_buffer_to_buffer_sender.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/interleaved_eth_ring_gather_receive.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/interleaved_eth_ring_gather_receive.cpp index e0f82e79932..7d7987312aa 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/interleaved_eth_ring_gather_receive.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/interleaved_eth_ring_gather_receive.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/interleaved_eth_ring_gather_send.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/interleaved_eth_ring_gather_send.cpp index 76a5452b94c..7c0f5337c96 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/interleaved_eth_ring_gather_send.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/unit_tests/erisc/interleaved_eth_ring_gather_send.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_bmm_8bank.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_bmm_8bank.cpp index e507fdf9308..0f4d6c3dcd1 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_bmm_8bank.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_bmm_8bank.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_cb_test.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_cb_test.cpp index ccbac8d1439..486234ce861 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_cb_test.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_cb_test.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_last_stage.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_last_stage.cpp index 260382f223f..6f1cad8ca92 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_last_stage.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_last_stage.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_matmul_tile_layout.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_matmul_tile_layout.cpp index cc8ae8cfc55..eaedb5e2006 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_matmul_tile_layout.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_matmul_tile_layout.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_unary_8bank.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_unary_8bank.cpp index 4b8041fb532..c7d56d5b8aa 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_unary_8bank.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_unary_8bank.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_unary_stick_layout_8bank.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_unary_stick_layout_8bank.cpp index e49eed143c8..c6227d603ad 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_unary_stick_layout_8bank.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_unary_stick_layout_8bank.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_unary_transpose_wh.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_unary_transpose_wh.cpp index ebd23e453e3..2f25128227a 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_unary_transpose_wh.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_unary_transpose_wh.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_unswizzle.cpp b/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_unswizzle.cpp index 1bdbe5b2de4..c4235ebfa98 100644 --- a/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_unswizzle.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/dataflow/writer_unswizzle.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/misc/add_two_ints.cpp b/tests/tt_metal/tt_metal/test_kernels/misc/add_two_ints.cpp index 2f7f65b1274..ede5ca1873f 100644 --- a/tests/tt_metal/tt_metal/test_kernels/misc/add_two_ints.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/misc/add_two_ints.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/misc/brisc_print.cpp b/tests/tt_metal/tt_metal/test_kernels/misc/brisc_print.cpp index 9a2d9e69eb0..db2882631fd 100644 --- a/tests/tt_metal/tt_metal/test_kernels/misc/brisc_print.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/misc/brisc_print.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/misc/dprint_raise_wait_brisc.cpp b/tests/tt_metal/tt_metal/test_kernels/misc/dprint_raise_wait_brisc.cpp index df2914ae272..7d4845fe7ae 100644 --- a/tests/tt_metal/tt_metal/test_kernels/misc/dprint_raise_wait_brisc.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/misc/dprint_raise_wait_brisc.cpp @@ -1,5 +1,5 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/misc/dprint_raise_wait_ncrisc.cpp b/tests/tt_metal/tt_metal/test_kernels/misc/dprint_raise_wait_ncrisc.cpp index 50d117c38cf..5c2cbebd8cd 100644 --- a/tests/tt_metal/tt_metal/test_kernels/misc/dprint_raise_wait_ncrisc.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/misc/dprint_raise_wait_ncrisc.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/misc/erisc_print.cpp b/tests/tt_metal/tt_metal/test_kernels/misc/erisc_print.cpp index bb258b8966d..9f57624ea3c 100644 --- a/tests/tt_metal/tt_metal/test_kernels/misc/erisc_print.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/misc/erisc_print.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/misc/increment_runtime_arg.cpp b/tests/tt_metal/tt_metal/test_kernels/misc/increment_runtime_arg.cpp index 5bba87731b5..dee58239863 100644 --- a/tests/tt_metal/tt_metal/test_kernels/misc/increment_runtime_arg.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/misc/increment_runtime_arg.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/misc/local_mem.cpp b/tests/tt_metal/tt_metal/test_kernels/misc/local_mem.cpp index fa004601f28..e49476e7642 100644 --- a/tests/tt_metal/tt_metal/test_kernels/misc/local_mem.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/misc/local_mem.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/misc/ncrisc_print.cpp b/tests/tt_metal/tt_metal/test_kernels/misc/ncrisc_print.cpp index 07a7e75d891..f1c3905439d 100644 --- a/tests/tt_metal/tt_metal/test_kernels/misc/ncrisc_print.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/misc/ncrisc_print.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/misc/ping_legal_l1s.cpp b/tests/tt_metal/tt_metal/test_kernels/misc/ping_legal_l1s.cpp index 5ed8f14a9ab..1e8f86b5cae 100644 --- a/tests/tt_metal/tt_metal/test_kernels/misc/ping_legal_l1s.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/misc/ping_legal_l1s.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/misc/print_hang.cpp b/tests/tt_metal/tt_metal/test_kernels/misc/print_hang.cpp index 85a01690559..51f061721d2 100644 --- a/tests/tt_metal/tt_metal/test_kernels/misc/print_hang.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/misc/print_hang.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/misc/print_one_int.cpp b/tests/tt_metal/tt_metal/test_kernels/misc/print_one_int.cpp index 16fed5cf03b..4aae1887863 100644 --- a/tests/tt_metal/tt_metal/test_kernels/misc/print_one_int.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/misc/print_one_int.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/misc/print_tile.cpp b/tests/tt_metal/tt_metal/test_kernels/misc/print_tile.cpp index 8a7c3ecd326..3de0db2f2d7 100644 --- a/tests/tt_metal/tt_metal/test_kernels/misc/print_tile.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/misc/print_tile.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/misc/print_with_wait.cpp b/tests/tt_metal/tt_metal/test_kernels/misc/print_with_wait.cpp index 2b8e96cfd06..b0ea6ba2e36 100644 --- a/tests/tt_metal/tt_metal/test_kernels/misc/print_with_wait.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/misc/print_with_wait.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/misc/runtime_args_kernel.cpp b/tests/tt_metal/tt_metal/test_kernels/misc/runtime_args_kernel.cpp index 6cbf832f240..961cf847e10 100644 --- a/tests/tt_metal/tt_metal/test_kernels/misc/runtime_args_kernel.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/misc/runtime_args_kernel.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/misc/trisc_print.cpp b/tests/tt_metal/tt_metal/test_kernels/misc/trisc_print.cpp index feda8626c49..8949514d64c 100644 --- a/tests/tt_metal/tt_metal/test_kernels/misc/trisc_print.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/misc/trisc_print.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/misc/watcher_asserts.cpp b/tests/tt_metal/tt_metal/test_kernels/misc/watcher_asserts.cpp index 13406c2423b..4b1ca150cea 100644 --- a/tests/tt_metal/tt_metal/test_kernels/misc/watcher_asserts.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/misc/watcher_asserts.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/misc/watcher_pause.cpp b/tests/tt_metal/tt_metal/test_kernels/misc/watcher_pause.cpp index 57c9c581dfa..f7fab75d299 100644 --- a/tests/tt_metal/tt_metal/test_kernels/misc/watcher_pause.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/misc/watcher_pause.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/misc/watcher_ringbuf.cpp b/tests/tt_metal/tt_metal/test_kernels/misc/watcher_ringbuf.cpp index 09247c6eb76..57e6e22d731 100644 --- a/tests/tt_metal/tt_metal/test_kernels/misc/watcher_ringbuf.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/misc/watcher_ringbuf.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_kernels/misc/watcher_waypoints.cpp b/tests/tt_metal/tt_metal/test_kernels/misc/watcher_waypoints.cpp index 5412264a821..6de9966f40c 100644 --- a/tests/tt_metal/tt_metal/test_kernels/misc/watcher_waypoints.cpp +++ b/tests/tt_metal/tt_metal/test_kernels/misc/watcher_waypoints.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_l1_to_l1_multi_core.cpp b/tests/tt_metal/tt_metal/test_l1_to_l1_multi_core.cpp index 7031c71c949..4fd559cb48a 100644 --- a/tests/tt_metal/tt_metal/test_l1_to_l1_multi_core.cpp +++ b/tests/tt_metal/tt_metal/test_l1_to_l1_multi_core.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_matmul_large_block.cpp b/tests/tt_metal/tt_metal/test_matmul_large_block.cpp index b7f4dc8a760..fc33efc95d2 100644 --- a/tests/tt_metal/tt_metal/test_matmul_large_block.cpp +++ b/tests/tt_metal/tt_metal/test_matmul_large_block.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_matmul_multi_core_multi_dram.cpp b/tests/tt_metal/tt_metal/test_matmul_multi_core_multi_dram.cpp index 6d069035591..8793e08d9ef 100644 --- a/tests/tt_metal/tt_metal/test_matmul_multi_core_multi_dram.cpp +++ b/tests/tt_metal/tt_metal/test_matmul_multi_core_multi_dram.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_matmul_multi_core_multi_dram_in0_mcast.cpp b/tests/tt_metal/tt_metal/test_matmul_multi_core_multi_dram_in0_mcast.cpp index c9eb849bfa2..13120a54005 100644 --- a/tests/tt_metal/tt_metal/test_matmul_multi_core_multi_dram_in0_mcast.cpp +++ b/tests/tt_metal/tt_metal/test_matmul_multi_core_multi_dram_in0_mcast.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_matmul_multi_core_multi_dram_in0_mcast_in1_mcast.cpp b/tests/tt_metal/tt_metal/test_matmul_multi_core_multi_dram_in0_mcast_in1_mcast.cpp index a977c2f8573..b1f240c8559 100644 --- a/tests/tt_metal/tt_metal/test_matmul_multi_core_multi_dram_in0_mcast_in1_mcast.cpp +++ b/tests/tt_metal/tt_metal/test_matmul_multi_core_multi_dram_in0_mcast_in1_mcast.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_matmul_multi_core_multi_dram_in1_mcast.cpp b/tests/tt_metal/tt_metal/test_matmul_multi_core_multi_dram_in1_mcast.cpp index 7fef37372c2..d89f5b3b476 100644 --- a/tests/tt_metal/tt_metal/test_matmul_multi_core_multi_dram_in1_mcast.cpp +++ b/tests/tt_metal/tt_metal/test_matmul_multi_core_multi_dram_in1_mcast.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_matmul_multi_core_single_dram.cpp b/tests/tt_metal/tt_metal/test_matmul_multi_core_single_dram.cpp index e26fd37047a..0a67eebd2e7 100644 --- a/tests/tt_metal/tt_metal/test_matmul_multi_core_single_dram.cpp +++ b/tests/tt_metal/tt_metal/test_matmul_multi_core_single_dram.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_matmul_multi_tile.cpp b/tests/tt_metal/tt_metal/test_matmul_multi_tile.cpp index 4cf23e123cf..edfb2a2d34a 100644 --- a/tests/tt_metal/tt_metal/test_matmul_multi_tile.cpp +++ b/tests/tt_metal/tt_metal/test_matmul_multi_tile.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_matmul_single_core.cpp b/tests/tt_metal/tt_metal/test_matmul_single_core.cpp index 32f4b2fdffe..75b391d1430 100644 --- a/tests/tt_metal/tt_metal/test_matmul_single_core.cpp +++ b/tests/tt_metal/tt_metal/test_matmul_single_core.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_matmul_single_core_small.cpp b/tests/tt_metal/tt_metal/test_matmul_single_core_small.cpp index 78bdbc88de0..166a9daf473 100644 --- a/tests/tt_metal/tt_metal/test_matmul_single_core_small.cpp +++ b/tests/tt_metal/tt_metal/test_matmul_single_core_small.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_matmul_single_tile.cpp b/tests/tt_metal/tt_metal/test_matmul_single_tile.cpp index de499d3528c..f9ce349c980 100644 --- a/tests/tt_metal/tt_metal/test_matmul_single_tile.cpp +++ b/tests/tt_metal/tt_metal/test_matmul_single_tile.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_matmul_single_tile_bfp8b.cpp b/tests/tt_metal/tt_metal/test_matmul_single_tile_bfp8b.cpp index 8d508209c3e..807aebc6e05 100644 --- a/tests/tt_metal/tt_metal/test_matmul_single_tile_bfp8b.cpp +++ b/tests/tt_metal/tt_metal/test_matmul_single_tile_bfp8b.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_matmul_single_tile_output_in_l1.cpp b/tests/tt_metal/tt_metal/test_matmul_single_tile_output_in_l1.cpp index baf73e2b4ba..a0eedc16259 100644 --- a/tests/tt_metal/tt_metal/test_matmul_single_tile_output_in_l1.cpp +++ b/tests/tt_metal/tt_metal/test_matmul_single_tile_output_in_l1.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_multi_core_kernel.cpp b/tests/tt_metal/tt_metal/test_multi_core_kernel.cpp index 194e2d9a4bb..2d8d3a82fdb 100644 --- a/tests/tt_metal/tt_metal/test_multi_core_kernel.cpp +++ b/tests/tt_metal/tt_metal/test_multi_core_kernel.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_multiple_programs.cpp b/tests/tt_metal/tt_metal/test_multiple_programs.cpp index c92fb35bc7b..e111e961283 100644 --- a/tests/tt_metal/tt_metal/test_multiple_programs.cpp +++ b/tests/tt_metal/tt_metal/test_multiple_programs.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_transpose_hc.cpp b/tests/tt_metal/tt_metal/test_transpose_hc.cpp index fc242dd9379..7fec0de0f62 100644 --- a/tests/tt_metal/tt_metal/test_transpose_hc.cpp +++ b/tests/tt_metal/tt_metal/test_transpose_hc.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/tt_metal/tt_metal/test_untilize_eltwise_binary.cpp b/tests/tt_metal/tt_metal/test_untilize_eltwise_binary.cpp index 890315de6fe..ff43b6ccfb3 100644 --- a/tests/tt_metal/tt_metal/test_untilize_eltwise_binary.cpp +++ b/tests/tt_metal/tt_metal/test_untilize_eltwise_binary.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/conftest.py b/tests/ttnn/conftest.py index fd71e6f487a..c20fd2ce22e 100644 --- a/tests/ttnn/conftest.py +++ b/tests/ttnn/conftest.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/bert/test_performance.py b/tests/ttnn/integration_tests/bert/test_performance.py index fcb07990b2f..00d94b1ef6a 100644 --- a/tests/ttnn/integration_tests/bert/test_performance.py +++ b/tests/ttnn/integration_tests/bert/test_performance.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/bert/test_torch_bert.py b/tests/ttnn/integration_tests/bert/test_torch_bert.py index 76d793ed3bc..6ab56ce0e55 100644 --- a/tests/ttnn/integration_tests/bert/test_torch_bert.py +++ b/tests/ttnn/integration_tests/bert/test_torch_bert.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/bert/test_ttnn_bert.py b/tests/ttnn/integration_tests/bert/test_ttnn_bert.py index 674985b684f..3dc58b62ba3 100644 --- a/tests/ttnn/integration_tests/bert/test_ttnn_bert.py +++ b/tests/ttnn/integration_tests/bert/test_ttnn_bert.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/bert/test_ttnn_optimized_bert.py b/tests/ttnn/integration_tests/bert/test_ttnn_optimized_bert.py index a4a7479b1d7..d1100f548e6 100644 --- a/tests/ttnn/integration_tests/bert/test_ttnn_optimized_bert.py +++ b/tests/ttnn/integration_tests/bert/test_ttnn_optimized_bert.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/bert/test_ttnn_optimized_sharded_bert.py b/tests/ttnn/integration_tests/bert/test_ttnn_optimized_sharded_bert.py index 0fe59723aee..b8d3dabe540 100644 --- a/tests/ttnn/integration_tests/bert/test_ttnn_optimized_sharded_bert.py +++ b/tests/ttnn/integration_tests/bert/test_ttnn_optimized_sharded_bert.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/bert_tiny/test_bert_tiny.py b/tests/ttnn/integration_tests/bert_tiny/test_bert_tiny.py index 3b69570c8e5..946e104264b 100644 --- a/tests/ttnn/integration_tests/bert_tiny/test_bert_tiny.py +++ b/tests/ttnn/integration_tests/bert_tiny/test_bert_tiny.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/tests/ttnn/integration_tests/bert_tiny/test_bert_tiny_wh.py b/tests/ttnn/integration_tests/bert_tiny/test_bert_tiny_wh.py index d309befa0b2..9da314416e1 100644 --- a/tests/ttnn/integration_tests/bert_tiny/test_bert_tiny_wh.py +++ b/tests/ttnn/integration_tests/bert_tiny/test_bert_tiny_wh.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import torch diff --git a/tests/ttnn/integration_tests/bloom/test_bloom_for_causal_lm.py b/tests/ttnn/integration_tests/bloom/test_bloom_for_causal_lm.py index 4e8b99e94d8..8941864d012 100644 --- a/tests/ttnn/integration_tests/bloom/test_bloom_for_causal_lm.py +++ b/tests/ttnn/integration_tests/bloom/test_bloom_for_causal_lm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/bloom/test_bloom_for_question_answering.py b/tests/ttnn/integration_tests/bloom/test_bloom_for_question_answering.py index ea893ed6f4e..515bf58010a 100644 --- a/tests/ttnn/integration_tests/bloom/test_bloom_for_question_answering.py +++ b/tests/ttnn/integration_tests/bloom/test_bloom_for_question_answering.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/bloom/test_demo.py b/tests/ttnn/integration_tests/bloom/test_demo.py index 2b3882dded6..7c30a7d7e61 100644 --- a/tests/ttnn/integration_tests/bloom/test_demo.py +++ b/tests/ttnn/integration_tests/bloom/test_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/bloom/test_performance.py b/tests/ttnn/integration_tests/bloom/test_performance.py index 47b2646d4d5..bc59d15ec88 100644 --- a/tests/ttnn/integration_tests/bloom/test_performance.py +++ b/tests/ttnn/integration_tests/bloom/test_performance.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/bloom/test_torch_functional_bloom.py b/tests/ttnn/integration_tests/bloom/test_torch_functional_bloom.py index 2846d7cec26..8b7ba1da73a 100644 --- a/tests/ttnn/integration_tests/bloom/test_torch_functional_bloom.py +++ b/tests/ttnn/integration_tests/bloom/test_torch_functional_bloom.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/bloom/test_ttnn_functional_bloom.py b/tests/ttnn/integration_tests/bloom/test_ttnn_functional_bloom.py index c6e594e5557..a9c7c28929e 100644 --- a/tests/ttnn/integration_tests/bloom/test_ttnn_functional_bloom.py +++ b/tests/ttnn/integration_tests/bloom/test_ttnn_functional_bloom.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/bloom/test_ttnn_optimized_functional_bloom.py b/tests/ttnn/integration_tests/bloom/test_ttnn_optimized_functional_bloom.py index 4bfe5d7f8d6..c85156f9245 100644 --- a/tests/ttnn/integration_tests/bloom/test_ttnn_optimized_functional_bloom.py +++ b/tests/ttnn/integration_tests/bloom/test_ttnn_optimized_functional_bloom.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/convnet_mnist/test_convnet_mnist.py b/tests/ttnn/integration_tests/convnet_mnist/test_convnet_mnist.py index f09722d5a65..80b0131a7ee 100644 --- a/tests/ttnn/integration_tests/convnet_mnist/test_convnet_mnist.py +++ b/tests/ttnn/integration_tests/convnet_mnist/test_convnet_mnist.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/distilbert/test_ttnn_distilbert.py b/tests/ttnn/integration_tests/distilbert/test_ttnn_distilbert.py index 29fe4a6b809..8d95f7fac3d 100644 --- a/tests/ttnn/integration_tests/distilbert/test_ttnn_distilbert.py +++ b/tests/ttnn/integration_tests/distilbert/test_ttnn_distilbert.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/falcon7b/test_falcon_attention.py b/tests/ttnn/integration_tests/falcon7b/test_falcon_attention.py index 4fd9f8c41b0..14c04e3058b 100644 --- a/tests/ttnn/integration_tests/falcon7b/test_falcon_attention.py +++ b/tests/ttnn/integration_tests/falcon7b/test_falcon_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import math diff --git a/tests/ttnn/integration_tests/falcon7b/test_falcon_mlp.py b/tests/ttnn/integration_tests/falcon7b/test_falcon_mlp.py index 220f76cedec..c83cc88ad79 100644 --- a/tests/ttnn/integration_tests/falcon7b/test_falcon_mlp.py +++ b/tests/ttnn/integration_tests/falcon7b/test_falcon_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/falcon7b/test_falcon_rotary_embeddings.py b/tests/ttnn/integration_tests/falcon7b/test_falcon_rotary_embeddings.py index ef0668537bb..2289cae28c6 100644 --- a/tests/ttnn/integration_tests/falcon7b/test_falcon_rotary_embeddings.py +++ b/tests/ttnn/integration_tests/falcon7b/test_falcon_rotary_embeddings.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import math diff --git a/tests/ttnn/integration_tests/mnist/test_mnist.py b/tests/ttnn/integration_tests/mnist/test_mnist.py index e4ea5143a08..09be033178f 100644 --- a/tests/ttnn/integration_tests/mnist/test_mnist.py +++ b/tests/ttnn/integration_tests/mnist/test_mnist.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/resnet/test_ttnn_functional_resnet50_large_new.py b/tests/ttnn/integration_tests/resnet/test_ttnn_functional_resnet50_large_new.py index dd569518980..bc414470085 100644 --- a/tests/ttnn/integration_tests/resnet/test_ttnn_functional_resnet50_large_new.py +++ b/tests/ttnn/integration_tests/resnet/test_ttnn_functional_resnet50_large_new.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/resnet/test_ttnn_functional_resnet50_new.py b/tests/ttnn/integration_tests/resnet/test_ttnn_functional_resnet50_new.py index 78ff318c5d8..e6d05c63635 100644 --- a/tests/ttnn/integration_tests/resnet/test_ttnn_functional_resnet50_new.py +++ b/tests/ttnn/integration_tests/resnet/test_ttnn_functional_resnet50_new.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/resnet/test_ttnn_functional_resnet50_xlarge_new.py b/tests/ttnn/integration_tests/resnet/test_ttnn_functional_resnet50_xlarge_new.py index 087cd657560..4e450abe753 100644 --- a/tests/ttnn/integration_tests/resnet/test_ttnn_functional_resnet50_xlarge_new.py +++ b/tests/ttnn/integration_tests/resnet/test_ttnn_functional_resnet50_xlarge_new.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/resnet/test_ttnn_functional_resnet50_xxlarge_new.py b/tests/ttnn/integration_tests/resnet/test_ttnn_functional_resnet50_xxlarge_new.py index a867334a169..8810d810e11 100644 --- a/tests/ttnn/integration_tests/resnet/test_ttnn_functional_resnet50_xxlarge_new.py +++ b/tests/ttnn/integration_tests/resnet/test_ttnn_functional_resnet50_xxlarge_new.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/roberta/test_performance.py b/tests/ttnn/integration_tests/roberta/test_performance.py index 2579da7f246..b77b87ff3a1 100644 --- a/tests/ttnn/integration_tests/roberta/test_performance.py +++ b/tests/ttnn/integration_tests/roberta/test_performance.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/segformer/test_segformer_attention.py b/tests/ttnn/integration_tests/segformer/test_segformer_attention.py index 4cc714506cb..a4ff0946b41 100644 --- a/tests/ttnn/integration_tests/segformer/test_segformer_attention.py +++ b/tests/ttnn/integration_tests/segformer/test_segformer_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/segformer/test_segformer_decode_head.py b/tests/ttnn/integration_tests/segformer/test_segformer_decode_head.py index 61b0ee600f5..98596c7440c 100644 --- a/tests/ttnn/integration_tests/segformer/test_segformer_decode_head.py +++ b/tests/ttnn/integration_tests/segformer/test_segformer_decode_head.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/segformer/test_segformer_dwconv.py b/tests/ttnn/integration_tests/segformer/test_segformer_dwconv.py index 188ac4ecdfd..ecf7bc1842f 100644 --- a/tests/ttnn/integration_tests/segformer/test_segformer_dwconv.py +++ b/tests/ttnn/integration_tests/segformer/test_segformer_dwconv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/segformer/test_segformer_efficient_selfattention.py b/tests/ttnn/integration_tests/segformer/test_segformer_efficient_selfattention.py index ac7bd074624..feaf5f2025a 100644 --- a/tests/ttnn/integration_tests/segformer/test_segformer_efficient_selfattention.py +++ b/tests/ttnn/integration_tests/segformer/test_segformer_efficient_selfattention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/segformer/test_segformer_encoder.py b/tests/ttnn/integration_tests/segformer/test_segformer_encoder.py index bd315c59102..14912bbf09f 100644 --- a/tests/ttnn/integration_tests/segformer/test_segformer_encoder.py +++ b/tests/ttnn/integration_tests/segformer/test_segformer_encoder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/segformer/test_segformer_for_semantic_segmentation.py b/tests/ttnn/integration_tests/segformer/test_segformer_for_semantic_segmentation.py index 34b1b7d7ea8..a59b0001c65 100644 --- a/tests/ttnn/integration_tests/segformer/test_segformer_for_semantic_segmentation.py +++ b/tests/ttnn/integration_tests/segformer/test_segformer_for_semantic_segmentation.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/segformer/test_segformer_layer.py b/tests/ttnn/integration_tests/segformer/test_segformer_layer.py index a685a77e59d..324184d29e2 100644 --- a/tests/ttnn/integration_tests/segformer/test_segformer_layer.py +++ b/tests/ttnn/integration_tests/segformer/test_segformer_layer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/segformer/test_segformer_mix_ffn.py b/tests/ttnn/integration_tests/segformer/test_segformer_mix_ffn.py index ac2fbd79692..b1a95fee3b6 100644 --- a/tests/ttnn/integration_tests/segformer/test_segformer_mix_ffn.py +++ b/tests/ttnn/integration_tests/segformer/test_segformer_mix_ffn.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/segformer/test_segformer_mlp.py b/tests/ttnn/integration_tests/segformer/test_segformer_mlp.py index ae9101601f3..6d1b74a2cb7 100644 --- a/tests/ttnn/integration_tests/segformer/test_segformer_mlp.py +++ b/tests/ttnn/integration_tests/segformer/test_segformer_mlp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/segformer/test_segformer_model.py b/tests/ttnn/integration_tests/segformer/test_segformer_model.py index c10e2ac8ba8..8a72514b274 100644 --- a/tests/ttnn/integration_tests/segformer/test_segformer_model.py +++ b/tests/ttnn/integration_tests/segformer/test_segformer_model.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/segformer/test_segformer_overlap_path_embeddings.py b/tests/ttnn/integration_tests/segformer/test_segformer_overlap_path_embeddings.py index 6f6d22ca9d2..83febe3b570 100644 --- a/tests/ttnn/integration_tests/segformer/test_segformer_overlap_path_embeddings.py +++ b/tests/ttnn/integration_tests/segformer/test_segformer_overlap_path_embeddings.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/segformer/test_segformer_selfoutput.py b/tests/ttnn/integration_tests/segformer/test_segformer_selfoutput.py index bb0e766fcc2..f82d70ce5c4 100644 --- a/tests/ttnn/integration_tests/segformer/test_segformer_selfoutput.py +++ b/tests/ttnn/integration_tests/segformer/test_segformer_selfoutput.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/stable_diffusion/test_basic_transformer_block.py b/tests/ttnn/integration_tests/stable_diffusion/test_basic_transformer_block.py index 138d3ea6793..eb4881f6093 100644 --- a/tests/ttnn/integration_tests/stable_diffusion/test_basic_transformer_block.py +++ b/tests/ttnn/integration_tests/stable_diffusion/test_basic_transformer_block.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/stable_diffusion/test_cross_attention.py b/tests/ttnn/integration_tests/stable_diffusion/test_cross_attention.py index 7216a1e67f2..6bf7b0af38f 100644 --- a/tests/ttnn/integration_tests/stable_diffusion/test_cross_attention.py +++ b/tests/ttnn/integration_tests/stable_diffusion/test_cross_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/stable_diffusion/test_cross_attn_up_block_2d_new_conv.py b/tests/ttnn/integration_tests/stable_diffusion/test_cross_attn_up_block_2d_new_conv.py index 3402240f4ec..7c12b2fcebd 100644 --- a/tests/ttnn/integration_tests/stable_diffusion/test_cross_attn_up_block_2d_new_conv.py +++ b/tests/ttnn/integration_tests/stable_diffusion/test_cross_attn_up_block_2d_new_conv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/stable_diffusion/test_demo.py b/tests/ttnn/integration_tests/stable_diffusion/test_demo.py index 5c8dc03b967..8ee16c42e40 100644 --- a/tests/ttnn/integration_tests/stable_diffusion/test_demo.py +++ b/tests/ttnn/integration_tests/stable_diffusion/test_demo.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/stable_diffusion/test_embedding.py b/tests/ttnn/integration_tests/stable_diffusion/test_embedding.py index 837c427aa2c..8f945e1808e 100644 --- a/tests/ttnn/integration_tests/stable_diffusion/test_embedding.py +++ b/tests/ttnn/integration_tests/stable_diffusion/test_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/stable_diffusion/test_feedforward.py b/tests/ttnn/integration_tests/stable_diffusion/test_feedforward.py index c22e493e2e9..1705a21bbda 100644 --- a/tests/ttnn/integration_tests/stable_diffusion/test_feedforward.py +++ b/tests/ttnn/integration_tests/stable_diffusion/test_feedforward.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/stable_diffusion/test_geglu.py b/tests/ttnn/integration_tests/stable_diffusion/test_geglu.py index ee09072f55f..cba0f03813a 100644 --- a/tests/ttnn/integration_tests/stable_diffusion/test_geglu.py +++ b/tests/ttnn/integration_tests/stable_diffusion/test_geglu.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/stable_diffusion/test_resnet_block_2d_new_conv.py b/tests/ttnn/integration_tests/stable_diffusion/test_resnet_block_2d_new_conv.py index 51afb5afd0d..2cc82c8637f 100644 --- a/tests/ttnn/integration_tests/stable_diffusion/test_resnet_block_2d_new_conv.py +++ b/tests/ttnn/integration_tests/stable_diffusion/test_resnet_block_2d_new_conv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/stable_diffusion/test_sharded_attention.py b/tests/ttnn/integration_tests/stable_diffusion/test_sharded_attention.py index 1b45761e11c..f85fafb13db 100644 --- a/tests/ttnn/integration_tests/stable_diffusion/test_sharded_attention.py +++ b/tests/ttnn/integration_tests/stable_diffusion/test_sharded_attention.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/stable_diffusion/test_sharded_matmuls.py b/tests/ttnn/integration_tests/stable_diffusion/test_sharded_matmuls.py index 304b49c9d12..244bc462674 100644 --- a/tests/ttnn/integration_tests/stable_diffusion/test_sharded_matmuls.py +++ b/tests/ttnn/integration_tests/stable_diffusion/test_sharded_matmuls.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/stable_diffusion/test_transformer_2d_model_new_conv.py b/tests/ttnn/integration_tests/stable_diffusion/test_transformer_2d_model_new_conv.py index bce0f47892d..7d023eeb23f 100644 --- a/tests/ttnn/integration_tests/stable_diffusion/test_transformer_2d_model_new_conv.py +++ b/tests/ttnn/integration_tests/stable_diffusion/test_transformer_2d_model_new_conv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/stable_diffusion/test_unet_2d_condition_model_new_conv.py b/tests/ttnn/integration_tests/stable_diffusion/test_unet_2d_condition_model_new_conv.py index 35b1253ea54..72ecb6e4678 100644 --- a/tests/ttnn/integration_tests/stable_diffusion/test_unet_2d_condition_model_new_conv.py +++ b/tests/ttnn/integration_tests/stable_diffusion/test_unet_2d_condition_model_new_conv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/stable_diffusion/test_upblock_2d_new_conv.py b/tests/ttnn/integration_tests/stable_diffusion/test_upblock_2d_new_conv.py index 0445d58164b..1b42cb45848 100644 --- a/tests/ttnn/integration_tests/stable_diffusion/test_upblock_2d_new_conv.py +++ b/tests/ttnn/integration_tests/stable_diffusion/test_upblock_2d_new_conv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/stable_diffusion/test_upsample_2d_new_conv.py b/tests/ttnn/integration_tests/stable_diffusion/test_upsample_2d_new_conv.py index 5805ac33aac..3a8ad678bef 100644 --- a/tests/ttnn/integration_tests/stable_diffusion/test_upsample_2d_new_conv.py +++ b/tests/ttnn/integration_tests/stable_diffusion/test_upsample_2d_new_conv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/stable_diffusion/test_upsample_nearest_2d.py b/tests/ttnn/integration_tests/stable_diffusion/test_upsample_nearest_2d.py index 3b7329852c9..a408ba6f6c8 100644 --- a/tests/ttnn/integration_tests/stable_diffusion/test_upsample_nearest_2d.py +++ b/tests/ttnn/integration_tests/stable_diffusion/test_upsample_nearest_2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/t5/test_performance.py b/tests/ttnn/integration_tests/t5/test_performance.py index 64299ccac39..ec087203fb5 100644 --- a/tests/ttnn/integration_tests/t5/test_performance.py +++ b/tests/ttnn/integration_tests/t5/test_performance.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/t5/test_torch_functional_t5.py b/tests/ttnn/integration_tests/t5/test_torch_functional_t5.py index d343a4bae74..a2f40f233fc 100644 --- a/tests/ttnn/integration_tests/t5/test_torch_functional_t5.py +++ b/tests/ttnn/integration_tests/t5/test_torch_functional_t5.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/t5/test_ttnn_functional_t5.py b/tests/ttnn/integration_tests/t5/test_ttnn_functional_t5.py index d299b4377ba..9440cdc289c 100644 --- a/tests/ttnn/integration_tests/t5/test_ttnn_functional_t5.py +++ b/tests/ttnn/integration_tests/t5/test_ttnn_functional_t5.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/t5/test_ttnn_optimized_functional_t5.py b/tests/ttnn/integration_tests/t5/test_ttnn_optimized_functional_t5.py index 78b7fd4f45e..fa8e8508450 100644 --- a/tests/ttnn/integration_tests/t5/test_ttnn_optimized_functional_t5.py +++ b/tests/ttnn/integration_tests/t5/test_ttnn_optimized_functional_t5.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/vgg/test_ttnn_vgg11.py b/tests/ttnn/integration_tests/vgg/test_ttnn_vgg11.py index 2cdf5b87bbe..6849bb84bd8 100644 --- a/tests/ttnn/integration_tests/vgg/test_ttnn_vgg11.py +++ b/tests/ttnn/integration_tests/vgg/test_ttnn_vgg11.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/vgg/test_ttnn_vgg16.py b/tests/ttnn/integration_tests/vgg/test_ttnn_vgg16.py index 5ca85ba6794..6a8218f80b5 100644 --- a/tests/ttnn/integration_tests/vgg/test_ttnn_vgg16.py +++ b/tests/ttnn/integration_tests/vgg/test_ttnn_vgg16.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/vit/test_accuracy_ttnn_functional_vit.py b/tests/ttnn/integration_tests/vit/test_accuracy_ttnn_functional_vit.py index 151a59730a1..a5cc02e7883 100644 --- a/tests/ttnn/integration_tests/vit/test_accuracy_ttnn_functional_vit.py +++ b/tests/ttnn/integration_tests/vit/test_accuracy_ttnn_functional_vit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/vit/test_accuracy_ttnn_optim_interleaved_vit.py b/tests/ttnn/integration_tests/vit/test_accuracy_ttnn_optim_interleaved_vit.py index 4ba5e1da154..c29861106a0 100644 --- a/tests/ttnn/integration_tests/vit/test_accuracy_ttnn_optim_interleaved_vit.py +++ b/tests/ttnn/integration_tests/vit/test_accuracy_ttnn_optim_interleaved_vit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/vit/test_accuracy_ttnn_optim_sharded_vit.py b/tests/ttnn/integration_tests/vit/test_accuracy_ttnn_optim_sharded_vit.py index 8c9de0c84ab..75356620c9d 100644 --- a/tests/ttnn/integration_tests/vit/test_accuracy_ttnn_optim_sharded_vit.py +++ b/tests/ttnn/integration_tests/vit/test_accuracy_ttnn_optim_sharded_vit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/vit/test_performance_deviceOPs_ttnn_functional_vit.py b/tests/ttnn/integration_tests/vit/test_performance_deviceOPs_ttnn_functional_vit.py index 511df217787..ed90e653bde 100644 --- a/tests/ttnn/integration_tests/vit/test_performance_deviceOPs_ttnn_functional_vit.py +++ b/tests/ttnn/integration_tests/vit/test_performance_deviceOPs_ttnn_functional_vit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/vit/test_performance_deviceOPs_ttnn_optim_interleaved_vit.py b/tests/ttnn/integration_tests/vit/test_performance_deviceOPs_ttnn_optim_interleaved_vit.py index e2b7abc2499..d92cc922f0c 100644 --- a/tests/ttnn/integration_tests/vit/test_performance_deviceOPs_ttnn_optim_interleaved_vit.py +++ b/tests/ttnn/integration_tests/vit/test_performance_deviceOPs_ttnn_optim_interleaved_vit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/vit/test_performance_deviceOPs_ttnn_optim_sharded_vit.py b/tests/ttnn/integration_tests/vit/test_performance_deviceOPs_ttnn_optim_sharded_vit.py index 2543f3453ed..8237ac9b94d 100644 --- a/tests/ttnn/integration_tests/vit/test_performance_deviceOPs_ttnn_optim_sharded_vit.py +++ b/tests/ttnn/integration_tests/vit/test_performance_deviceOPs_ttnn_optim_sharded_vit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/vit/test_performance_highres.py b/tests/ttnn/integration_tests/vit/test_performance_highres.py index f29a289030f..b3695d322d1 100644 --- a/tests/ttnn/integration_tests/vit/test_performance_highres.py +++ b/tests/ttnn/integration_tests/vit/test_performance_highres.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/vit/test_performance_highres_deviceOPs.py b/tests/ttnn/integration_tests/vit/test_performance_highres_deviceOPs.py index 5030ccccbe6..67fcb1f517c 100644 --- a/tests/ttnn/integration_tests/vit/test_performance_highres_deviceOPs.py +++ b/tests/ttnn/integration_tests/vit/test_performance_highres_deviceOPs.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/vit/test_performance_ttnn_functional_vit.py b/tests/ttnn/integration_tests/vit/test_performance_ttnn_functional_vit.py index 7d99f5e4b3e..800ea8f4f65 100644 --- a/tests/ttnn/integration_tests/vit/test_performance_ttnn_functional_vit.py +++ b/tests/ttnn/integration_tests/vit/test_performance_ttnn_functional_vit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/vit/test_performance_ttnn_optim_interleaved_vit.py b/tests/ttnn/integration_tests/vit/test_performance_ttnn_optim_interleaved_vit.py index e67edd6eaf7..77001c2bc42 100644 --- a/tests/ttnn/integration_tests/vit/test_performance_ttnn_optim_interleaved_vit.py +++ b/tests/ttnn/integration_tests/vit/test_performance_ttnn_optim_interleaved_vit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/vit/test_performance_ttnn_optim_sharded_vit.py b/tests/ttnn/integration_tests/vit/test_performance_ttnn_optim_sharded_vit.py index 75d6ddf6f83..bc966d34f59 100644 --- a/tests/ttnn/integration_tests/vit/test_performance_ttnn_optim_sharded_vit.py +++ b/tests/ttnn/integration_tests/vit/test_performance_ttnn_optim_sharded_vit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/vit/test_torch_functional_vit.py b/tests/ttnn/integration_tests/vit/test_torch_functional_vit.py index f610faa06f3..4292334d03e 100644 --- a/tests/ttnn/integration_tests/vit/test_torch_functional_vit.py +++ b/tests/ttnn/integration_tests/vit/test_torch_functional_vit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/vit/test_torch_functional_vit_highres.py b/tests/ttnn/integration_tests/vit/test_torch_functional_vit_highres.py index ce462a873e5..5640f78d5e4 100644 --- a/tests/ttnn/integration_tests/vit/test_torch_functional_vit_highres.py +++ b/tests/ttnn/integration_tests/vit/test_torch_functional_vit_highres.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/vit/test_ttnn_functional_vit.py b/tests/ttnn/integration_tests/vit/test_ttnn_functional_vit.py index e0e40a1c77d..ba569d5ca35 100644 --- a/tests/ttnn/integration_tests/vit/test_ttnn_functional_vit.py +++ b/tests/ttnn/integration_tests/vit/test_ttnn_functional_vit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/vit/test_ttnn_functional_vit_highres.py b/tests/ttnn/integration_tests/vit/test_ttnn_functional_vit_highres.py index bd9f2124e06..3b519bbb069 100644 --- a/tests/ttnn/integration_tests/vit/test_ttnn_functional_vit_highres.py +++ b/tests/ttnn/integration_tests/vit/test_ttnn_functional_vit_highres.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/vit/test_ttnn_optimized_interleaved_vit.py b/tests/ttnn/integration_tests/vit/test_ttnn_optimized_interleaved_vit.py index 0bfe3191365..45c9b37987c 100644 --- a/tests/ttnn/integration_tests/vit/test_ttnn_optimized_interleaved_vit.py +++ b/tests/ttnn/integration_tests/vit/test_ttnn_optimized_interleaved_vit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/vit/test_ttnn_optimized_sharded_vit.py b/tests/ttnn/integration_tests/vit/test_ttnn_optimized_sharded_vit.py index 0d759547419..c7ee6e946f1 100644 --- a/tests/ttnn/integration_tests/vit/test_ttnn_optimized_sharded_vit.py +++ b/tests/ttnn/integration_tests/vit/test_ttnn_optimized_sharded_vit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/vit/test_ttnn_optimized_sharded_vit_wh.py b/tests/ttnn/integration_tests/vit/test_ttnn_optimized_sharded_vit_wh.py index 88a40a56b1b..4d514826f8b 100644 --- a/tests/ttnn/integration_tests/vit/test_ttnn_optimized_sharded_vit_wh.py +++ b/tests/ttnn/integration_tests/vit/test_ttnn_optimized_sharded_vit_wh.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/vit/test_ttnn_optimized_vit_highres.py b/tests/ttnn/integration_tests/vit/test_ttnn_optimized_vit_highres.py index 924c62114e4..587801b99c2 100644 --- a/tests/ttnn/integration_tests/vit/test_ttnn_optimized_vit_highres.py +++ b/tests/ttnn/integration_tests/vit/test_ttnn_optimized_vit_highres.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/whisper/test_performance.py b/tests/ttnn/integration_tests/whisper/test_performance.py index 288afa78719..ed0969a6657 100644 --- a/tests/ttnn/integration_tests/whisper/test_performance.py +++ b/tests/ttnn/integration_tests/whisper/test_performance.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/whisper/test_torch_functional_whisper.py b/tests/ttnn/integration_tests/whisper/test_torch_functional_whisper.py index 30c91e7f8fe..9d36868c840 100644 --- a/tests/ttnn/integration_tests/whisper/test_torch_functional_whisper.py +++ b/tests/ttnn/integration_tests/whisper/test_torch_functional_whisper.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/whisper/test_ttnn_functional_whisper.py b/tests/ttnn/integration_tests/whisper/test_ttnn_functional_whisper.py index e6f02bf3203..3f23589bf3c 100644 --- a/tests/ttnn/integration_tests/whisper/test_ttnn_functional_whisper.py +++ b/tests/ttnn/integration_tests/whisper/test_ttnn_functional_whisper.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/whisper/test_ttnn_optimized_functional_whisper.py b/tests/ttnn/integration_tests/whisper/test_ttnn_optimized_functional_whisper.py index e6cea2f8870..c72200bd57d 100644 --- a/tests/ttnn/integration_tests/whisper/test_ttnn_optimized_functional_whisper.py +++ b/tests/ttnn/integration_tests/whisper/test_ttnn_optimized_functional_whisper.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/yolov4/test_ttnn_downsample1.py b/tests/ttnn/integration_tests/yolov4/test_ttnn_downsample1.py index ee69cb24bdd..6a37d62cc44 100644 --- a/tests/ttnn/integration_tests/yolov4/test_ttnn_downsample1.py +++ b/tests/ttnn/integration_tests/yolov4/test_ttnn_downsample1.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/yolov4/test_ttnn_downsample2.py b/tests/ttnn/integration_tests/yolov4/test_ttnn_downsample2.py index 55c311d01fb..2845ceffe61 100644 --- a/tests/ttnn/integration_tests/yolov4/test_ttnn_downsample2.py +++ b/tests/ttnn/integration_tests/yolov4/test_ttnn_downsample2.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/yolov4/test_ttnn_downsample3.py b/tests/ttnn/integration_tests/yolov4/test_ttnn_downsample3.py index e7e17e932a3..bebd2cb967d 100644 --- a/tests/ttnn/integration_tests/yolov4/test_ttnn_downsample3.py +++ b/tests/ttnn/integration_tests/yolov4/test_ttnn_downsample3.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/yolov4/test_ttnn_downsample4.py b/tests/ttnn/integration_tests/yolov4/test_ttnn_downsample4.py index 3652af1f679..a2110b40c0e 100644 --- a/tests/ttnn/integration_tests/yolov4/test_ttnn_downsample4.py +++ b/tests/ttnn/integration_tests/yolov4/test_ttnn_downsample4.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/yolov4/test_ttnn_downsample5.py b/tests/ttnn/integration_tests/yolov4/test_ttnn_downsample5.py index 7cae14baefb..413cfa9cfd4 100644 --- a/tests/ttnn/integration_tests/yolov4/test_ttnn_downsample5.py +++ b/tests/ttnn/integration_tests/yolov4/test_ttnn_downsample5.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/yolov4/test_ttnn_head.py b/tests/ttnn/integration_tests/yolov4/test_ttnn_head.py index 2dc894641a3..c167f0a6af8 100644 --- a/tests/ttnn/integration_tests/yolov4/test_ttnn_head.py +++ b/tests/ttnn/integration_tests/yolov4/test_ttnn_head.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/yolov4/test_ttnn_neck.py b/tests/ttnn/integration_tests/yolov4/test_ttnn_neck.py index 1943bc0dcd7..50827c61098 100644 --- a/tests/ttnn/integration_tests/yolov4/test_ttnn_neck.py +++ b/tests/ttnn/integration_tests/yolov4/test_ttnn_neck.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/integration_tests/yolov4/test_ttnn_yolov4.py b/tests/ttnn/integration_tests/yolov4/test_ttnn_yolov4.py index 2adea2af222..17c6df9c3c1 100644 --- a/tests/ttnn/integration_tests/yolov4/test_ttnn_yolov4.py +++ b/tests/ttnn/integration_tests/yolov4/test_ttnn_yolov4.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/profiling/ops_for_profiling.py b/tests/ttnn/profiling/ops_for_profiling.py index 885b8863bfe..fd3fb1ebe4b 100644 --- a/tests/ttnn/profiling/ops_for_profiling.py +++ b/tests/ttnn/profiling/ops_for_profiling.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/profiling/profile_host_overhead.py b/tests/ttnn/profiling/profile_host_overhead.py index 4a426efe145..bcb65d70070 100644 --- a/tests/ttnn/profiling/profile_host_overhead.py +++ b/tests/ttnn/profiling/profile_host_overhead.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/profiling/profile_host_overhead_with_tracy.py b/tests/ttnn/profiling/profile_host_overhead_with_tracy.py index 609a23e53e3..38f16550e0c 100644 --- a/tests/ttnn/profiling/profile_host_overhead_with_tracy.py +++ b/tests/ttnn/profiling/profile_host_overhead_with_tracy.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/profiling/test_host_overhead_ci.py b/tests/ttnn/profiling/test_host_overhead_ci.py index cfecba9e83d..940f9b7b42e 100644 --- a/tests/ttnn/profiling/test_host_overhead_ci.py +++ b/tests/ttnn/profiling/test_host_overhead_ci.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_arange.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_arange.py index 7e1f5269497..e8bd55d4589 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_arange.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_arange.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_argmax.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_argmax.py index abcea19c8fc..129297c6382 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_argmax.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_argmax.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_attention_softmax_2.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_attention_softmax_2.py index 415613fa352..f725099f89e 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_attention_softmax_2.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_attention_softmax_2.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_attention_softmax_nomask_2.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_attention_softmax_nomask_2.py index ad0f6f00313..dfa1171f4df 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_attention_softmax_nomask_2.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_attention_softmax_nomask_2.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_backward_hypot.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_backward_hypot.py index fe1311e5ed2..2ea0fa6075d 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_backward_hypot.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_backward_hypot.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_ldexp.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_ldexp.py index d8ad2564600..114be2c5a79 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_ldexp.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_ldexp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_logaddexp.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_logaddexp.py index 8e41d355da4..b6659f569cc 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_logaddexp.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_logaddexp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_logaddexp2.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_logaddexp2.py index 635097f82a6..1c287921171 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_logaddexp2.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_logaddexp2.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_polygamma.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_polygamma.py index 90aedcef5a7..3d0209d9476 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_polygamma.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_polygamma.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_pow.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_pow.py index 208b699a8fb..e353bcc4be7 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_pow.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_pow.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_rad2deg.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_rad2deg.py index 61fe460c8a3..3b0501ded1b 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_rad2deg.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_rad2deg.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_reciprocal.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_reciprocal.py index 1b17a8fc8a0..4ed475f8058 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_reciprocal.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_reciprocal.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_signbit.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_signbit.py index 31a4d3c941f..f26416ed36c 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_signbit.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_signbit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_sinh.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_sinh.py index d254372bfcb..cd11cdada8b 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_sinh.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_sinh.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_softmax.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_softmax.py index ee4e6a9f0fd..8efa183aba7 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_softmax.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_softmax.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_softplus.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_softplus.py index 959a51a21e6..f77063e249f 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_softplus.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_softplus.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_softplus_inf.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_softplus_inf.py index b1bbd87fbd5..66af9ee59c6 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_softplus_inf.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_softplus_inf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_softshrink.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_softshrink.py index 1eede0eddfa..512e1656c96 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_softshrink.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_softshrink.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_softsign.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_softsign.py index e9cd13511ea..b6bbbee19c8 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_softsign.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_softsign.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_tan.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_tan.py index 71ac820bf07..2179e48d5bd 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_tan.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_tan.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_threshold.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_threshold.py index ebded70c301..26f0a5315a0 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_threshold.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_threshold.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_unary_fmod.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_unary_fmod.py index f07d3b9cb84..4ed4871d1d1 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_unary_fmod.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_eltwise_unary_fmod.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_erfinv.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_erfinv.py index dc9c45d7eac..a144cc69648 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_erfinv.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_erfinv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_exp.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_exp.py index 381fa49e470..a575d11372c 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_exp.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_exp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_exp2.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_exp2.py index 55242088154..2a1b07af235 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_exp2.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_exp2.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_expm1.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_expm1.py index 50d4285de49..e5a84961a90 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_expm1.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_expm1.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_global_avg_pool2d.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_global_avg_pool2d.py index 74ad61cc037..57c8e0a4c93 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_global_avg_pool2d.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_global_avg_pool2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_global_avg_pool2d_uint16.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_global_avg_pool2d_uint16.py index 739e5aaa950..275328694f7 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_global_avg_pool2d_uint16.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_global_avg_pool2d_uint16.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_global_avg_pool2d_uint32.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_global_avg_pool2d_uint32.py index 1c3be237094..f3794cc5671 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_global_avg_pool2d_uint32.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_global_avg_pool2d_uint32.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_groupn_norm.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_groupn_norm.py index 3ea4fa867ec..a4939fdcd3a 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_groupn_norm.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_groupn_norm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_groupn_norm_noweights.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_groupn_norm_noweights.py index 2e5d1648080..d0a2c2d60c3 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_groupn_norm_noweights.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_groupn_norm_noweights.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_isclose.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_isclose.py index aabe08ca3fc..ca248f0b4eb 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_isclose.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_isclose.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_mse_loss.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_mse_loss.py index d3e28bb51e3..1bca0350159 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_mse_loss.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_mse_loss.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_mse_loss_mean.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_mse_loss_mean.py index 6486b046b22..0febb2d05ab 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_mse_loss_mean.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_mse_loss_mean.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_mse_loss_sum.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_mse_loss_sum.py index 1b3302f047c..609c61c10b6 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_mse_loss_sum.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_mse_loss_sum.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_nextafter.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_nextafter.py index 24f44dcc863..ee829702de2 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_nextafter.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_nextafter.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_permute.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_permute.py index 90715ae60de..731fa060108 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_permute.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_permute.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_repeat.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_repeat.py index 6fd5ce74d7b..63bc7b6136d 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_repeat.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_repeat.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_reshape.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_reshape.py index 64ff9c3b6e2..86b6e8e52ce 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_reshape.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_reshape.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_rmsnorm.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_rmsnorm.py index 6d5da6d2f6d..58f1ba86bc5 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_rmsnorm.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_rmsnorm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_softmax.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_softmax.py index 45573a747f5..425b855f7b5 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_softmax.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_softmax.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_std.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_std.py index 09261eb6504..7b859c7356e 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_std.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_std.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_sum.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_sum.py index b2b159e37ce..2140fb21c36 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_sum.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_sum.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_topk.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_topk.py index bc3081f2e13..a200548ae05 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_topk.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_topk.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_unpad.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_unpad.py index 7955876b9c8..8de2e9dd431 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_unpad.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_unpad.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_var.py b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_var.py index dcf61e3a7af..ea76608c26f 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_var.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/grayskull/test_var.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_attention_softmax.py b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_attention_softmax.py index 76640d95efa..2d0b8f5d0e0 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_attention_softmax.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_attention_softmax.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_backward_i0.py b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_backward_i0.py index 8f8b32e71f9..c8604ce911a 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_backward_i0.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_backward_i0.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_full_and_ones.py b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_full_and_ones.py index b8013da53eb..7621f2ac17f 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_full_and_ones.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_full_and_ones.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_i0_bw.py b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_i0_bw.py index c8467e8a547..e996f5d2d91 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_i0_bw.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_i0_bw.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_isfinite.py b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_isfinite.py index 2ac2f7adfd0..7d176f500a3 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_isfinite.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_isfinite.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_isinf.py b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_isinf.py index 6c6f1478a3a..cabbcaf49ae 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_isinf.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_isinf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_isnan.py b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_isnan.py index 173b3270400..65d14ff2ffd 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_isnan.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_isnan.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_isneginf.py b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_isneginf.py index 45f996dad2b..0f9926f5280 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_isneginf.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_isneginf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_isposinf.py b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_isposinf.py index 0ff1df74d8e..f49e535a80f 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_isposinf.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_isposinf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_lerp.py b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_lerp.py index 17992225fc6..50e05c25709 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_lerp.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_lerp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_log_log2_log10.py b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_log_log2_log10.py index 0ec66336192..5b553e4415c 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_log_log2_log10.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_log_log2_log10.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_tan_bw.py b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_tan_bw.py index b6d0a6d55c5..fc6eb1b93ca 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_tan_bw.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_eltwise_tan_bw.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_empty.py b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_empty.py index 177786b3484..f4c714d0eae 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_empty.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_empty.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_l1_loss_mean.py b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_l1_loss_mean.py index 6fdca61b163..88c9dbc0a45 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_l1_loss_mean.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_l1_loss_mean.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_l1_loss_sum.py b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_l1_loss_sum.py index d24bd441fb8..bbab2a512f5 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_l1_loss_sum.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_l1_loss_sum.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_layernorm.py b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_layernorm.py index 542aaee9dff..483b84c83c6 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_layernorm.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_layernorm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_layernorm_noweights.py b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_layernorm_noweights.py index 39efa205a01..ba937b9207f 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_layernorm_noweights.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_layernorm_noweights.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_layernorm_residual.py b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_layernorm_residual.py index 713203ee5af..634eb402005 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_layernorm_residual.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_layernorm_residual.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_matmul_hang.py b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_matmul_hang.py index f8109a5a860..4499955c9e8 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_matmul_hang.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_matmul_hang.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_min_max.py b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_min_max.py index d17199a4543..d06ca220426 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_min_max.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_min_max.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_transformer_concat_heads.py b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_transformer_concat_heads.py index 1be537dc5ff..2130e636a04 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_transformer_concat_heads.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_transformer_concat_heads.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_transpose.py b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_transpose.py index b173a49adb8..ed47d17ef7b 100644 --- a/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_transpose.py +++ b/tests/ttnn/python_api_testing/non_working_unit_tests/wormhole/test_transpose.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/sweep_tests/op_map.py b/tests/ttnn/python_api_testing/sweep_tests/op_map.py index 49f08546578..276fc6306e7 100644 --- a/tests/ttnn/python_api_testing/sweep_tests/op_map.py +++ b/tests/ttnn/python_api_testing/sweep_tests/op_map.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/sweep_tests/run_sweep_test.py b/tests/ttnn/python_api_testing/sweep_tests/run_sweep_test.py index 7ab52966d03..078dee03ffc 100644 --- a/tests/ttnn/python_api_testing/sweep_tests/run_sweep_test.py +++ b/tests/ttnn/python_api_testing/sweep_tests/run_sweep_test.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/sweep_tests/run_sweep_tests.py b/tests/ttnn/python_api_testing/sweep_tests/run_sweep_tests.py index ec5b384e57b..df75da98472 100644 --- a/tests/ttnn/python_api_testing/sweep_tests/run_sweep_tests.py +++ b/tests/ttnn/python_api_testing/sweep_tests/run_sweep_tests.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/sweep_tests/test_all_sweep_tests.py b/tests/ttnn/python_api_testing/sweep_tests/test_all_sweep_tests.py index 7aa4d1461f4..7bd3c63b76a 100644 --- a/tests/ttnn/python_api_testing/sweep_tests/test_all_sweep_tests.py +++ b/tests/ttnn/python_api_testing/sweep_tests/test_all_sweep_tests.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/sweep_tests/ttnn_ops.py b/tests/ttnn/python_api_testing/sweep_tests/ttnn_ops.py index 5388de12fc4..9db39b3ba91 100644 --- a/tests/ttnn/python_api_testing/sweep_tests/ttnn_ops.py +++ b/tests/ttnn/python_api_testing/sweep_tests/ttnn_ops.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/python_api_testing/sweep_tests/ttnn_pytorch_ops.py b/tests/ttnn/python_api_testing/sweep_tests/ttnn_pytorch_ops.py index 22116c42f4a..ec8d473d349 100644 --- a/tests/ttnn/python_api_testing/sweep_tests/ttnn_pytorch_ops.py +++ b/tests/ttnn/python_api_testing/sweep_tests/ttnn_pytorch_ops.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/print_report.py b/tests/ttnn/sweep_tests/print_report.py index 80dc975efcd..d46618faebf 100644 --- a/tests/ttnn/sweep_tests/print_report.py +++ b/tests/ttnn/sweep_tests/print_report.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/run_sweeps.py b/tests/ttnn/sweep_tests/run_sweeps.py index 206fdf758d2..622022f0fd2 100644 --- a/tests/ttnn/sweep_tests/run_sweeps.py +++ b/tests/ttnn/sweep_tests/run_sweeps.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/__init__.py b/tests/ttnn/sweep_tests/sweeps/__init__.py index 9d3dd9b08cf..dad7c65dd25 100644 --- a/tests/ttnn/sweep_tests/sweeps/__init__.py +++ b/tests/ttnn/sweep_tests/sweeps/__init__.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/abs.py b/tests/ttnn/sweep_tests/sweeps/sweeps/abs.py index c7c6916bfaa..e1f6a41b6de 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/abs.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/abs.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/acos.py b/tests/ttnn/sweep_tests/sweeps/sweeps/acos.py index e0e10d2b08f..b3cc5f339c4 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/acos.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/acos.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/acosh.py b/tests/ttnn/sweep_tests/sweeps/sweeps/acosh.py index ec26508c64c..6d0db575f1d 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/acosh.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/acosh.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/add.py b/tests/ttnn/sweep_tests/sweeps/sweeps/add.py index b3bc6469d64..b13d0a66277 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/add.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/add.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/add_output.py b/tests/ttnn/sweep_tests/sweeps/sweeps/add_output.py index 31254958f37..c1cb8acce9c 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/add_output.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/add_output.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/addcdiv.py b/tests/ttnn/sweep_tests/sweeps/sweeps/addcdiv.py index 4631fb8da0d..7d7c1b9afa5 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/addcdiv.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/addcdiv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/addcmul.py b/tests/ttnn/sweep_tests/sweeps/sweeps/addcmul.py index 6e303b66043..2fb04430f89 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/addcmul.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/addcmul.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/arange.py b/tests/ttnn/sweep_tests/sweeps/sweeps/arange.py index 24604989ff5..32554664100 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/arange.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/arange.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/asin.py b/tests/ttnn/sweep_tests/sweeps/sweeps/asin.py index 6c779c2de8f..6aacaeeee2d 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/asin.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/asin.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/asinh.py b/tests/ttnn/sweep_tests/sweeps/sweeps/asinh.py index 159725f0d24..ee33c524419 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/asinh.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/asinh.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/async/add.py b/tests/ttnn/sweep_tests/sweeps/sweeps/async/add.py index b3bc6469d64..b13d0a66277 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/async/add.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/async/add.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/atan.py b/tests/ttnn/sweep_tests/sweeps/sweeps/atan.py index f8f934b38c4..996e828b48f 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/atan.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/atan.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/atan2.py b/tests/ttnn/sweep_tests/sweeps/sweeps/atan2.py index 9aff74ea40c..d107abaf6d6 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/atan2.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/atan2.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/atanh.py b/tests/ttnn/sweep_tests/sweeps/sweeps/atanh.py index e7902c507ff..63472521c2e 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/atanh.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/atanh.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/bias_gelu_output.py b/tests/ttnn/sweep_tests/sweeps/sweeps/bias_gelu_output.py index 8aa6883ed40..f1be415b557 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/bias_gelu_output.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/bias_gelu_output.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/cbrt.py b/tests/ttnn/sweep_tests/sweeps/sweeps/cbrt.py index 0929cbcb7d1..26a4e6bd80a 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/cbrt.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/cbrt.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/celu.py b/tests/ttnn/sweep_tests/sweeps/sweeps/celu.py index 7a915ebc988..ef4d70262ba 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/celu.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/celu.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/clip.py b/tests/ttnn/sweep_tests/sweeps/sweeps/clip.py index ce0a0b1505a..18d318780a1 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/clip.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/clip.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/clone.py b/tests/ttnn/sweep_tests/sweeps/sweeps/clone.py index 768575272e8..a27f3b3cc94 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/clone.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/clone.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/concat.py b/tests/ttnn/sweep_tests/sweeps/sweeps/concat.py index 67e72c6e84c..f88193da5b5 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/concat.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/concat.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/cos.py b/tests/ttnn/sweep_tests/sweeps/sweeps/cos.py index efbca5e6861..475cc5d6a4c 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/cos.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/cos.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/cosh.py b/tests/ttnn/sweep_tests/sweeps/sweeps/cosh.py index ffc36e5590c..65b0b197e54 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/cosh.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/cosh.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/deg2rad.py b/tests/ttnn/sweep_tests/sweeps/sweeps/deg2rad.py index f4e270f3850..605bc97e062 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/deg2rad.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/deg2rad.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/digamma.py b/tests/ttnn/sweep_tests/sweeps/sweeps/digamma.py index f776013596f..0fcada374e3 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/digamma.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/digamma.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/empty.py b/tests/ttnn/sweep_tests/sweeps/sweeps/empty.py index 238f120d36f..6df279bc88e 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/empty.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/empty.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/eq.py b/tests/ttnn/sweep_tests/sweeps/sweeps/eq.py index 74bbc4b389a..666c0d4f488 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/eq.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/eq.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/eq_output.py b/tests/ttnn/sweep_tests/sweeps/sweeps/eq_output.py index 6441fcbf72c..bec52757012 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/eq_output.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/eq_output.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/eqz.py b/tests/ttnn/sweep_tests/sweeps/sweeps/eqz.py index c9a8184fcaa..7f71a2211e7 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/eqz.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/eqz.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/exp.py b/tests/ttnn/sweep_tests/sweeps/sweeps/exp.py index d61d1f0a848..f73a340021c 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/exp.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/exp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/exp2.py b/tests/ttnn/sweep_tests/sweeps/sweeps/exp2.py index c8aad4395b2..5dc6e293744 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/exp2.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/exp2.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/expm1.py b/tests/ttnn/sweep_tests/sweeps/sweeps/expm1.py index 6e4c27ad696..4c7b66e8ef2 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/expm1.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/expm1.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/full.py b/tests/ttnn/sweep_tests/sweeps/sweeps/full.py index 7450a52c335..feeaf527bd1 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/full.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/full.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/full_like.py b/tests/ttnn/sweep_tests/sweeps/sweeps/full_like.py index 9995a5dc370..a1eddb3cc0a 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/full_like.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/full_like.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/ge.py b/tests/ttnn/sweep_tests/sweeps/sweeps/ge.py index d7cd8690a22..e0d9fdc2089 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/ge.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/ge.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/ge_output.py b/tests/ttnn/sweep_tests/sweeps/sweeps/ge_output.py index a8698602ec6..5833f77b165 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/ge_output.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/ge_output.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/geglu.py b/tests/ttnn/sweep_tests/sweeps/sweeps/geglu.py index ea4a9028403..1316e84b707 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/geglu.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/geglu.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/gelu.py b/tests/ttnn/sweep_tests/sweeps/sweeps/gelu.py index f8cba7d23f6..9421be382c2 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/gelu.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/gelu.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/gez.py b/tests/ttnn/sweep_tests/sweeps/sweeps/gez.py index 209814a5682..54626226d2b 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/gez.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/gez.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/global_avg_pool2d.py b/tests/ttnn/sweep_tests/sweeps/sweeps/global_avg_pool2d.py index 1db5811cf05..9f620fcaa69 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/global_avg_pool2d.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/global_avg_pool2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/glu.py b/tests/ttnn/sweep_tests/sweeps/sweeps/glu.py index d19f1e4c649..84e856c2d9b 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/glu.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/glu.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/gt.py b/tests/ttnn/sweep_tests/sweeps/sweeps/gt.py index eb563933c4d..e9b040000b1 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/gt.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/gt.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/gt_output.py b/tests/ttnn/sweep_tests/sweeps/sweeps/gt_output.py index acef8f58c2e..0cf41f713c5 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/gt_output.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/gt_output.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/gtz.py b/tests/ttnn/sweep_tests/sweeps/sweeps/gtz.py index 6bbc7c438f4..a77c1aac058 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/gtz.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/gtz.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/hardshrink.py b/tests/ttnn/sweep_tests/sweeps/sweeps/hardshrink.py index f8f7e445ae1..a728db4f75a 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/hardshrink.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/hardshrink.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/hardsigmoid.py b/tests/ttnn/sweep_tests/sweeps/sweeps/hardsigmoid.py index 43df9562f36..7c55611d4a7 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/hardsigmoid.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/hardsigmoid.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/hardswish.py b/tests/ttnn/sweep_tests/sweeps/sweeps/hardswish.py index 385a60017bf..b9d9ae2b873 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/hardswish.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/hardswish.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/hardtanh.py b/tests/ttnn/sweep_tests/sweeps/sweeps/hardtanh.py index 158c6a24d64..cbb7be70ec7 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/hardtanh.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/hardtanh.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/heaviside.py b/tests/ttnn/sweep_tests/sweeps/sweeps/heaviside.py index b5a7b486462..fcd5988a3f1 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/heaviside.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/heaviside.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/hypot.py b/tests/ttnn/sweep_tests/sweeps/sweeps/hypot.py index c6057610460..484af952786 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/hypot.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/hypot.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/i0.py b/tests/ttnn/sweep_tests/sweeps/sweeps/i0.py index 8df3f4093e2..76fa0df6490 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/i0.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/i0.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/isclose.py b/tests/ttnn/sweep_tests/sweeps/sweeps/isclose.py index f8923c4b70d..9d1ac8e5b56 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/isclose.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/isclose.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/isfinite.py b/tests/ttnn/sweep_tests/sweeps/sweeps/isfinite.py index 7475c85ae60..4187d860efa 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/isfinite.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/isfinite.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/isinf.py b/tests/ttnn/sweep_tests/sweeps/sweeps/isinf.py index b40c61168c9..87df388262c 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/isinf.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/isinf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/isnan.py b/tests/ttnn/sweep_tests/sweeps/sweeps/isnan.py index 8db27523c62..2b00d5575b7 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/isnan.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/isnan.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/isneginf.py b/tests/ttnn/sweep_tests/sweeps/sweeps/isneginf.py index f251dd868bf..bddc7c4be08 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/isneginf.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/isneginf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/isposinf.py b/tests/ttnn/sweep_tests/sweeps/sweeps/isposinf.py index ebe3f0b721e..9b4f890aac2 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/isposinf.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/isposinf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/l1_loss.py b/tests/ttnn/sweep_tests/sweeps/sweeps/l1_loss.py index ca9bb4bb6a1..954b2dbc5be 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/l1_loss.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/l1_loss.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/layer_norm.py b/tests/ttnn/sweep_tests/sweeps/sweeps/layer_norm.py index fca6a9d76ea..d97a680e1c9 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/layer_norm.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/layer_norm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/ldexp.py b/tests/ttnn/sweep_tests/sweeps/sweeps/ldexp.py index 59a7179b835..b06733a357f 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/ldexp.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/ldexp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/ldexp_output.py b/tests/ttnn/sweep_tests/sweeps/sweeps/ldexp_output.py index 91df8823bd0..b4d0889d2e5 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/ldexp_output.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/ldexp_output.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/le.py b/tests/ttnn/sweep_tests/sweeps/sweeps/le.py index ffb05230c91..0f3583bd363 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/le.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/le.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/le_output.py b/tests/ttnn/sweep_tests/sweeps/sweeps/le_output.py index a88f83479c3..24b8f41f70a 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/le_output.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/le_output.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/leaky_relu.py b/tests/ttnn/sweep_tests/sweeps/sweeps/leaky_relu.py index e98de16ad76..06bcd53447b 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/leaky_relu.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/leaky_relu.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/lerp.py b/tests/ttnn/sweep_tests/sweeps/sweeps/lerp.py index d4a5fa40347..706ec724497 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/lerp.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/lerp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/lez.py b/tests/ttnn/sweep_tests/sweeps/sweeps/lez.py index 2f50f49d4f1..05b51f0a60d 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/lez.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/lez.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/lgamma.py b/tests/ttnn/sweep_tests/sweeps/sweeps/lgamma.py index 7821f5dc86f..b7069976d93 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/lgamma.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/lgamma.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/linear.py b/tests/ttnn/sweep_tests/sweeps/sweeps/linear.py index a2b6f6235ee..e4a20994b93 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/linear.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/linear.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/log10.py b/tests/ttnn/sweep_tests/sweeps/sweeps/log10.py index 156c2593a31..cd3026a343d 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/log10.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/log10.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/log1p.py b/tests/ttnn/sweep_tests/sweeps/sweeps/log1p.py index 0a1da6a18d2..471f22aa2ee 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/log1p.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/log1p.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/log2.py b/tests/ttnn/sweep_tests/sweeps/sweeps/log2.py index 6bab21bf9ec..df389fd9026 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/log2.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/log2.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/log_sigmoid.py b/tests/ttnn/sweep_tests/sweeps/sweeps/log_sigmoid.py index 3e3981f34d2..1ce8d9044a5 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/log_sigmoid.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/log_sigmoid.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/logaddexp.py b/tests/ttnn/sweep_tests/sweeps/sweeps/logaddexp.py index fbd53f0d6db..3a00706f0f5 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/logaddexp.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/logaddexp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/logaddexp2.py b/tests/ttnn/sweep_tests/sweeps/sweeps/logaddexp2.py index f1b82f60dcc..cc44b8f18e9 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/logaddexp2.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/logaddexp2.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/logaddexp2_output.py b/tests/ttnn/sweep_tests/sweeps/sweeps/logaddexp2_output.py index e1fcde45396..5064723e46c 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/logaddexp2_output.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/logaddexp2_output.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/logaddexp_output.py b/tests/ttnn/sweep_tests/sweeps/sweeps/logaddexp_output.py index 58e4dc78abb..165a8da5481 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/logaddexp_output.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/logaddexp_output.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/logical_not.py b/tests/ttnn/sweep_tests/sweeps/sweeps/logical_not.py index f47f50e947a..a9fe5750bf1 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/logical_not.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/logical_not.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/logit.py b/tests/ttnn/sweep_tests/sweeps/sweeps/logit.py index 637a0c485eb..d90bf947f39 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/logit.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/logit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/lt.py b/tests/ttnn/sweep_tests/sweeps/sweeps/lt.py index f7a158672e5..312dea984ea 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/lt.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/lt.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/lt_output.py b/tests/ttnn/sweep_tests/sweeps/sweeps/lt_output.py index 40a2f0bb895..0c0aa17e7aa 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/lt_output.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/lt_output.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/ltz.py b/tests/ttnn/sweep_tests/sweeps/sweeps/ltz.py index f2d21244468..1cf577d9886 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/ltz.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/ltz.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/mac.py b/tests/ttnn/sweep_tests/sweeps/sweeps/mac.py index 7cb2dcbd279..31ac876d962 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/mac.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/mac.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/max.py b/tests/ttnn/sweep_tests/sweeps/sweeps/max.py index 447166075c8..eb45db61ba6 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/max.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/max.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/max_pool2d.py b/tests/ttnn/sweep_tests/sweeps/sweeps/max_pool2d.py index 32117124266..deb0f8e3422 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/max_pool2d.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/max_pool2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/maximum.py b/tests/ttnn/sweep_tests/sweeps/sweeps/maximum.py index aafc7b54aaa..98b4bccd4a5 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/maximum.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/maximum.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/mean.py b/tests/ttnn/sweep_tests/sweeps/sweeps/mean.py index fa42b850d82..601893c651e 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/mean.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/mean.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/min.py b/tests/ttnn/sweep_tests/sweeps/sweeps/min.py index df1d61d2fb9..efc83059566 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/min.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/min.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/minimum.py b/tests/ttnn/sweep_tests/sweeps/sweeps/minimum.py index f936f684dcb..6ff62e8fb83 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/minimum.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/minimum.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/mish.py b/tests/ttnn/sweep_tests/sweeps/sweeps/mish.py index 235c84ff122..61eebad8892 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/mish.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/mish.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/mse_loss.py b/tests/ttnn/sweep_tests/sweeps/sweeps/mse_loss.py index dbe0fc8552d..d623b311e9e 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/mse_loss.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/mse_loss.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/mul.py b/tests/ttnn/sweep_tests/sweeps/sweeps/mul.py index 79a701c65e9..016e9fe77b2 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/mul.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/mul.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/mul_output.py b/tests/ttnn/sweep_tests/sweeps/sweeps/mul_output.py index a98e67ef4af..b74219d595e 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/mul_output.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/mul_output.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/multigammaln.py b/tests/ttnn/sweep_tests/sweeps/sweeps/multigammaln.py index da384a4d62a..3a9c0230753 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/multigammaln.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/multigammaln.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/ne.py b/tests/ttnn/sweep_tests/sweeps/sweeps/ne.py index 23a5c35b093..4fc2ac08134 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/ne.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/ne.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/ne_output.py b/tests/ttnn/sweep_tests/sweeps/sweeps/ne_output.py index f157c94c7bd..e1a9e1373f9 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/ne_output.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/ne_output.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/neg.py b/tests/ttnn/sweep_tests/sweeps/sweeps/neg.py index 999bab6cf56..1d6640d84dc 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/neg.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/neg.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/nextafter.py b/tests/ttnn/sweep_tests/sweeps/sweeps/nextafter.py index e41b58ff8f7..a821b3f81c1 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/nextafter.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/nextafter.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/nez.py b/tests/ttnn/sweep_tests/sweeps/sweeps/nez.py index 0fd5fa505b9..79da19cd809 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/nez.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/nez.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/ones.py b/tests/ttnn/sweep_tests/sweeps/sweeps/ones.py index 5909a5b3313..f208be3f410 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/ones.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/ones.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/polygamma.py b/tests/ttnn/sweep_tests/sweeps/sweeps/polygamma.py index f9f77222dce..1aafa86249e 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/polygamma.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/polygamma.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/prelu.py b/tests/ttnn/sweep_tests/sweeps/sweeps/prelu.py index 9033ca5c337..2f39595fbaa 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/prelu.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/prelu.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/rad2deg.py b/tests/ttnn/sweep_tests/sweeps/sweeps/rad2deg.py index a8f8e3c38c2..5407b76e782 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/rad2deg.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/rad2deg.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/reciprocal.py b/tests/ttnn/sweep_tests/sweeps/sweeps/reciprocal.py index 4d7db0aa084..1022263ffdd 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/reciprocal.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/reciprocal.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/reglu.py b/tests/ttnn/sweep_tests/sweeps/sweeps/reglu.py index bb676572b39..31018aa3881 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/reglu.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/reglu.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/relu.py b/tests/ttnn/sweep_tests/sweeps/sweeps/relu.py index b63a2bf07de..b18f0eb2bc7 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/relu.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/relu.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/relu6.py b/tests/ttnn/sweep_tests/sweeps/sweeps/relu6.py index b739c861bb6..b9184dd7730 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/relu6.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/relu6.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/repeat.py b/tests/ttnn/sweep_tests/sweeps/sweeps/repeat.py index 32507fabc95..08b43958150 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/repeat.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/repeat.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/repeat_interleave.py b/tests/ttnn/sweep_tests/sweeps/sweeps/repeat_interleave.py index 676c707edf3..9718227e541 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/repeat_interleave.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/repeat_interleave.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/rsqrt.py b/tests/ttnn/sweep_tests/sweeps/sweeps/rsqrt.py index 46af4ca8053..d61c4e022d4 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/rsqrt.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/rsqrt.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/sigmoid.py b/tests/ttnn/sweep_tests/sweeps/sweeps/sigmoid.py index 094b5db24ab..932f44f4259 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/sigmoid.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/sigmoid.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/sign.py b/tests/ttnn/sweep_tests/sweeps/sweeps/sign.py index 3747c77185f..db4335a4667 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/sign.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/sign.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/signbit.py b/tests/ttnn/sweep_tests/sweeps/sweeps/signbit.py index 773a8a47ce8..fe8af17e710 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/signbit.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/signbit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/sin.py b/tests/ttnn/sweep_tests/sweeps/sweeps/sin.py index 68ba32f9215..70f48a57e4e 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/sin.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/sin.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/sinh.py b/tests/ttnn/sweep_tests/sweeps/sweeps/sinh.py index 29747ab3b78..ad0cb8931b5 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/sinh.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/sinh.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/softmax.py b/tests/ttnn/sweep_tests/sweeps/sweeps/softmax.py index 3dd34bcc7ef..3daeb57c539 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/softmax.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/softmax.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/softplus.py b/tests/ttnn/sweep_tests/sweeps/sweeps/softplus.py index 4d7a603cac9..3282c8f4e64 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/softplus.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/softplus.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/softshrink.py b/tests/ttnn/sweep_tests/sweeps/sweeps/softshrink.py index 85057ea4dcb..53414bf1f9f 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/softshrink.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/softshrink.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/softsign.py b/tests/ttnn/sweep_tests/sweeps/sweeps/softsign.py index 3e526c5fa50..7dc9d223acc 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/softsign.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/softsign.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/sqrt.py b/tests/ttnn/sweep_tests/sweeps/sweeps/sqrt.py index 569108a0814..607e4b2b9e0 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/sqrt.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/sqrt.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/square.py b/tests/ttnn/sweep_tests/sweeps/sweeps/square.py index 14ee2a38090..b0d3865281e 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/square.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/square.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/std.py b/tests/ttnn/sweep_tests/sweeps/sweeps/std.py index dc392ef4a94..f8892af8044 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/std.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/std.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/sub.py b/tests/ttnn/sweep_tests/sweeps/sweeps/sub.py index 79a701c65e9..016e9fe77b2 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/sub.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/sub.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/sub_output.py b/tests/ttnn/sweep_tests/sweeps/sweeps/sub_output.py index 1c0db58195f..ce1a3346b77 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/sub_output.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/sub_output.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/sum.py b/tests/ttnn/sweep_tests/sweeps/sweeps/sum.py index 29cf98ff839..355529727ac 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/sum.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/sum.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/swiglu.py b/tests/ttnn/sweep_tests/sweeps/sweeps/swiglu.py index 91e66708195..76db6aa49f1 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/swiglu.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/swiglu.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/swish.py b/tests/ttnn/sweep_tests/sweeps/sweeps/swish.py index 7d814ebbf46..e90ae9da792 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/swish.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/swish.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/tan.py b/tests/ttnn/sweep_tests/sweeps/sweeps/tan.py index e188d9ee1f8..0827b8a709f 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/tan.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/tan.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/tanh.py b/tests/ttnn/sweep_tests/sweeps/sweeps/tanh.py index db9b078e111..e186607c085 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/tanh.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/tanh.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/tanhshrink.py b/tests/ttnn/sweep_tests/sweeps/sweeps/tanhshrink.py index 6e9d7515b15..3530dc6c87f 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/tanhshrink.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/tanhshrink.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/threshold.py b/tests/ttnn/sweep_tests/sweeps/sweeps/threshold.py index 8e307163634..cd5d3d6503f 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/threshold.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/threshold.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/transformer/rotary_embedding.py b/tests/ttnn/sweep_tests/sweeps/sweeps/transformer/rotary_embedding.py index 80ad063e81d..3a231573c03 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/transformer/rotary_embedding.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/transformer/rotary_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/transformer_attention_softmax.py b/tests/ttnn/sweep_tests/sweeps/sweeps/transformer_attention_softmax.py index cdd43c5f628..cc5b99d7cc8 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/transformer_attention_softmax.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/transformer_attention_softmax.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/transformer_concatenate_heads.py b/tests/ttnn/sweep_tests/sweeps/sweeps/transformer_concatenate_heads.py index a53c5efdede..9a131602898 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/transformer_concatenate_heads.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/transformer_concatenate_heads.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/tril.py b/tests/ttnn/sweep_tests/sweeps/sweeps/tril.py index 8766bd0c919..2f3a48205ae 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/tril.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/tril.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/triu.py b/tests/ttnn/sweep_tests/sweeps/sweeps/triu.py index 30a00e8b9d9..956a2366bd9 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/triu.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/triu.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/upsample.py b/tests/ttnn/sweep_tests/sweeps/sweeps/upsample.py index 0b752e7cef2..405ef993f7a 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/upsample.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/upsample.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/var.py b/tests/ttnn/sweep_tests/sweeps/sweeps/var.py index f21f6b98e3c..b4223a624b2 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/var.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/var.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/where.py b/tests/ttnn/sweep_tests/sweeps/sweeps/where.py index d0efbef8bc4..4cf28802e50 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/where.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/where.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/zeros.py b/tests/ttnn/sweep_tests/sweeps/sweeps/zeros.py index 21604e2a855..e519853b024 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/zeros.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/zeros.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/sweeps/sweeps/zeros_like.py b/tests/ttnn/sweep_tests/sweeps/sweeps/zeros_like.py index a5e495d634e..159035784e2 100644 --- a/tests/ttnn/sweep_tests/sweeps/sweeps/zeros_like.py +++ b/tests/ttnn/sweep_tests/sweeps/sweeps/zeros_like.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/sweep_tests/test_sweeps.py b/tests/ttnn/sweep_tests/test_sweeps.py index 2859fc6a24d..544e9b58142 100644 --- a/tests/ttnn/sweep_tests/test_sweeps.py +++ b/tests/ttnn/sweep_tests/test_sweeps.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/ttnn_utility_fuction.py b/tests/ttnn/ttnn_utility_fuction.py index ec7ba445631..7743fa9c114 100644 --- a/tests/ttnn/ttnn_utility_fuction.py +++ b/tests/ttnn/ttnn_utility_fuction.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/benchmarks/test_benchmark.py b/tests/ttnn/unit_tests/benchmarks/test_benchmark.py index 0dec5c0df0a..a1794f0d10e 100644 --- a/tests/ttnn/unit_tests/benchmarks/test_benchmark.py +++ b/tests/ttnn/unit_tests/benchmarks/test_benchmark.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/gtests/ccl/kernels/erisc_datamover_receiver_worker_reader.cpp b/tests/ttnn/unit_tests/gtests/ccl/kernels/erisc_datamover_receiver_worker_reader.cpp index 3cd359a863a..e516ca67a53 100644 --- a/tests/ttnn/unit_tests/gtests/ccl/kernels/erisc_datamover_receiver_worker_reader.cpp +++ b/tests/ttnn/unit_tests/gtests/ccl/kernels/erisc_datamover_receiver_worker_reader.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/gtests/ccl/kernels/erisc_datamover_receiver_worker_sender.cpp b/tests/ttnn/unit_tests/gtests/ccl/kernels/erisc_datamover_receiver_worker_sender.cpp index 2b43fda44cc..b0352bb19fc 100644 --- a/tests/ttnn/unit_tests/gtests/ccl/kernels/erisc_datamover_receiver_worker_sender.cpp +++ b/tests/ttnn/unit_tests/gtests/ccl/kernels/erisc_datamover_receiver_worker_sender.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/gtests/ccl/kernels/erisc_datamover_sender_worker_reader.cpp b/tests/ttnn/unit_tests/gtests/ccl/kernels/erisc_datamover_sender_worker_reader.cpp index 03004e8638f..29003862a16 100644 --- a/tests/ttnn/unit_tests/gtests/ccl/kernels/erisc_datamover_sender_worker_reader.cpp +++ b/tests/ttnn/unit_tests/gtests/ccl/kernels/erisc_datamover_sender_worker_reader.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/gtests/ccl/kernels/erisc_datamover_sender_worker_sender.cpp b/tests/ttnn/unit_tests/gtests/ccl/kernels/erisc_datamover_sender_worker_sender.cpp index 02bceae2699..0d8af692e75 100644 --- a/tests/ttnn/unit_tests/gtests/ccl/kernels/erisc_datamover_sender_worker_sender.cpp +++ b/tests/ttnn/unit_tests/gtests/ccl/kernels/erisc_datamover_sender_worker_sender.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/gtests/ccl/test_erisc_data_mover_with_workers.cpp b/tests/ttnn/unit_tests/gtests/ccl/test_erisc_data_mover_with_workers.cpp index d16bb46ba2e..4984fe5b8ec 100644 --- a/tests/ttnn/unit_tests/gtests/ccl/test_erisc_data_mover_with_workers.cpp +++ b/tests/ttnn/unit_tests/gtests/ccl/test_erisc_data_mover_with_workers.cpp @@ -1,5 +1,5 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/gtests/tensor/test_create_tensor_multi_device.cpp b/tests/ttnn/unit_tests/gtests/tensor/test_create_tensor_multi_device.cpp index 585326afc8b..3d0fb48cb0e 100644 --- a/tests/ttnn/unit_tests/gtests/tensor/test_create_tensor_multi_device.cpp +++ b/tests/ttnn/unit_tests/gtests/tensor/test_create_tensor_multi_device.cpp @@ -1,5 +1,5 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/gtests/test_add.cpp b/tests/ttnn/unit_tests/gtests/test_add.cpp index 579aa08e4bd..5824c8b998f 100644 --- a/tests/ttnn/unit_tests/gtests/test_add.cpp +++ b/tests/ttnn/unit_tests/gtests/test_add.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/gtests/test_async_runtime.cpp b/tests/ttnn/unit_tests/gtests/test_async_runtime.cpp index 7e1ab23115e..aea11103bbb 100644 --- a/tests/ttnn/unit_tests/gtests/test_async_runtime.cpp +++ b/tests/ttnn/unit_tests/gtests/test_async_runtime.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/gtests/test_ccl_on_galaxy.cpp b/tests/ttnn/unit_tests/gtests/test_ccl_on_galaxy.cpp index 87e0c2b5d57..d45faf00f17 100644 --- a/tests/ttnn/unit_tests/gtests/test_ccl_on_galaxy.cpp +++ b/tests/ttnn/unit_tests/gtests/test_ccl_on_galaxy.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/gtests/test_graph_add.cpp b/tests/ttnn/unit_tests/gtests/test_graph_add.cpp index 8e936a90ded..8329f97a0a9 100644 --- a/tests/ttnn/unit_tests/gtests/test_graph_add.cpp +++ b/tests/ttnn/unit_tests/gtests/test_graph_add.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/gtests/test_graph_basic.cpp b/tests/ttnn/unit_tests/gtests/test_graph_basic.cpp index 9cfd0dec7b2..a6aab3906dc 100644 --- a/tests/ttnn/unit_tests/gtests/test_graph_basic.cpp +++ b/tests/ttnn/unit_tests/gtests/test_graph_basic.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/gtests/test_multi_cq_multi_dev.cpp b/tests/ttnn/unit_tests/gtests/test_multi_cq_multi_dev.cpp index 5da2cde8f93..f3a103f7c2f 100644 --- a/tests/ttnn/unit_tests/gtests/test_multi_cq_multi_dev.cpp +++ b/tests/ttnn/unit_tests/gtests/test_multi_cq_multi_dev.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/gtests/test_multi_device.cpp b/tests/ttnn/unit_tests/gtests/test_multi_device.cpp index 7404a7528bb..f0f4daf0b26 100644 --- a/tests/ttnn/unit_tests/gtests/test_multi_device.cpp +++ b/tests/ttnn/unit_tests/gtests/test_multi_device.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/gtests/test_multiprod_queue.cpp b/tests/ttnn/unit_tests/gtests/test_multiprod_queue.cpp index 038401cd0ff..e1febb0f0f1 100644 --- a/tests/ttnn/unit_tests/gtests/test_multiprod_queue.cpp +++ b/tests/ttnn/unit_tests/gtests/test_multiprod_queue.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/gtests/test_reflect.cpp b/tests/ttnn/unit_tests/gtests/test_reflect.cpp index 5f9a43bdb7a..4085e0abc57 100644 --- a/tests/ttnn/unit_tests/gtests/test_reflect.cpp +++ b/tests/ttnn/unit_tests/gtests/test_reflect.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/gtests/test_to_and_from_json.cpp b/tests/ttnn/unit_tests/gtests/test_to_and_from_json.cpp index f965df6f577..5f5d01c3414 100644 --- a/tests/ttnn/unit_tests/gtests/test_to_and_from_json.cpp +++ b/tests/ttnn/unit_tests/gtests/test_to_and_from_json.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/gtests/tests_main.cpp b/tests/ttnn/unit_tests/gtests/tests_main.cpp index 1e42f41a46c..e31906ca1a0 100644 --- a/tests/ttnn/unit_tests/gtests/tests_main.cpp +++ b/tests/ttnn/unit_tests/gtests/tests_main.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/gtests/ttnn_multi_command_queue_fixture.hpp b/tests/ttnn/unit_tests/gtests/ttnn_multi_command_queue_fixture.hpp index ab736838f2f..a5347a5c0cd 100644 --- a/tests/ttnn/unit_tests/gtests/ttnn_multi_command_queue_fixture.hpp +++ b/tests/ttnn/unit_tests/gtests/ttnn_multi_command_queue_fixture.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/gtests/ttnn_test_fixtures.hpp b/tests/ttnn/unit_tests/gtests/ttnn_test_fixtures.hpp index 6746149a60a..dac5cf675cb 100644 --- a/tests/ttnn/unit_tests/gtests/ttnn_test_fixtures.hpp +++ b/tests/ttnn/unit_tests/gtests/ttnn_test_fixtures.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/ccl/test_all_gather.py b/tests/ttnn/unit_tests/operations/ccl/test_all_gather.py index 2d195b9ccd6..fe471f6961a 100644 --- a/tests/ttnn/unit_tests/operations/ccl/test_all_gather.py +++ b/tests/ttnn/unit_tests/operations/ccl/test_all_gather.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/ccl/test_all_gather_N300_post_commit.py b/tests/ttnn/unit_tests/operations/ccl/test_all_gather_N300_post_commit.py index 2b4c81d6171..b2f3cb7aea2 100644 --- a/tests/ttnn/unit_tests/operations/ccl/test_all_gather_N300_post_commit.py +++ b/tests/ttnn/unit_tests/operations/ccl/test_all_gather_N300_post_commit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/ccl/test_all_gather_TG_nightly.py b/tests/ttnn/unit_tests/operations/ccl/test_all_gather_TG_nightly.py index 4af6dbaf9ca..004675f0f49 100644 --- a/tests/ttnn/unit_tests/operations/ccl/test_all_gather_TG_nightly.py +++ b/tests/ttnn/unit_tests/operations/ccl/test_all_gather_TG_nightly.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/ccl/test_all_gather_TG_post_commit.py b/tests/ttnn/unit_tests/operations/ccl/test_all_gather_TG_post_commit.py index 03222c33b8f..a177627a7a2 100644 --- a/tests/ttnn/unit_tests/operations/ccl/test_all_gather_TG_post_commit.py +++ b/tests/ttnn/unit_tests/operations/ccl/test_all_gather_TG_post_commit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/ccl/test_all_gather_llama_perf_sweep.py b/tests/ttnn/unit_tests/operations/ccl/test_all_gather_llama_perf_sweep.py index 4357e6996d9..79c673d0f83 100644 --- a/tests/ttnn/unit_tests/operations/ccl/test_all_gather_llama_perf_sweep.py +++ b/tests/ttnn/unit_tests/operations/ccl/test_all_gather_llama_perf_sweep.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/ccl/test_all_gather_matmul.py b/tests/ttnn/unit_tests/operations/ccl/test_all_gather_matmul.py index bef868ea190..6482f92de09 100644 --- a/tests/ttnn/unit_tests/operations/ccl/test_all_gather_matmul.py +++ b/tests/ttnn/unit_tests/operations/ccl/test_all_gather_matmul.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/ccl/test_all_gather_nightly.py b/tests/ttnn/unit_tests/operations/ccl/test_all_gather_nightly.py index 3313d73880c..3b5775e8643 100644 --- a/tests/ttnn/unit_tests/operations/ccl/test_all_gather_nightly.py +++ b/tests/ttnn/unit_tests/operations/ccl/test_all_gather_nightly.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/ccl/test_reduce_scatter_N300_post_commit.py b/tests/ttnn/unit_tests/operations/ccl/test_reduce_scatter_N300_post_commit.py index 086efb1d534..6e3bac9ca3b 100644 --- a/tests/ttnn/unit_tests/operations/ccl/test_reduce_scatter_N300_post_commit.py +++ b/tests/ttnn/unit_tests/operations/ccl/test_reduce_scatter_N300_post_commit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/ccl/test_reduce_scatter_TG_nightly.py b/tests/ttnn/unit_tests/operations/ccl/test_reduce_scatter_TG_nightly.py index 128907ce82c..76b760ff3fe 100644 --- a/tests/ttnn/unit_tests/operations/ccl/test_reduce_scatter_TG_nightly.py +++ b/tests/ttnn/unit_tests/operations/ccl/test_reduce_scatter_TG_nightly.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/ccl/test_reduce_scatter_llama_perf_sweep.py b/tests/ttnn/unit_tests/operations/ccl/test_reduce_scatter_llama_perf_sweep.py index 4d50577a004..3ad5cdf50c7 100644 --- a/tests/ttnn/unit_tests/operations/ccl/test_reduce_scatter_llama_perf_sweep.py +++ b/tests/ttnn/unit_tests/operations/ccl/test_reduce_scatter_llama_perf_sweep.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/ccl/test_reduce_scatter_nightly.py b/tests/ttnn/unit_tests/operations/ccl/test_reduce_scatter_nightly.py index aaf8e21fc10..f295f598522 100644 --- a/tests/ttnn/unit_tests/operations/ccl/test_reduce_scatter_nightly.py +++ b/tests/ttnn/unit_tests/operations/ccl/test_reduce_scatter_nightly.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/ccl/test_reduce_scatter_post_commit.py b/tests/ttnn/unit_tests/operations/ccl/test_reduce_scatter_post_commit.py index 4efe5152448..87e70bb94a6 100644 --- a/tests/ttnn/unit_tests/operations/ccl/test_reduce_scatter_post_commit.py +++ b/tests/ttnn/unit_tests/operations/ccl/test_reduce_scatter_post_commit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/backward_complex_utility_funcs.py b/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/backward_complex_utility_funcs.py index cfe46a45231..db6b07cca17 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/backward_complex_utility_funcs.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/backward_complex_utility_funcs.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_abs.py b/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_abs.py index 4da79b2f824..0f187e3052a 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_abs.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_abs.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_angle.py b/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_angle.py index 429bb518d69..04f9c04c47a 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_angle.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_angle.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_complex_add.py b/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_complex_add.py index bcf1fd9861c..4385b88b436 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_complex_add.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_complex_add.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_complex_div.py b/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_complex_div.py index 9572487d078..6d3fb73c253 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_complex_div.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_complex_div.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_complex_mul.py b/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_complex_mul.py index 588bbf32f00..dbd36734603 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_complex_mul.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_complex_mul.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_complex_sub.py b/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_complex_sub.py index 60fb342ae1c..bb74c738630 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_complex_sub.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_complex_sub.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_conj.py b/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_conj.py index 3845ae09789..06ad5a8dfa7 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_conj.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_conj.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_imag.py b/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_imag.py index 10b4ef3a74b..b36310c6b2c 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_imag.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_imag.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_polar.py b/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_polar.py index 36ae664a3cd..dc8183950c5 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_polar.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_polar.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_real.py b/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_real.py index 89a94d02360..a2f46fe5353 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_real.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_real.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_recip.py b/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_recip.py index 3a5e8cba83d..a356537448d 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_recip.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/complex_ops/test_backward_recip.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_abs.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_abs.py index 630242e0dc2..1f45c7f99d2 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_abs.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_abs.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_acos.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_acos.py index d4e4a190747..e9921715158 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_acos.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_acos.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_acosh.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_acosh.py index 137918090ef..cc1ec590f8e 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_acosh.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_acosh.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_add.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_add.py index db766ad32a6..246e7ee3c42 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_add.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_add.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_addalpha.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_addalpha.py index 048d087cf6e..70f4e8d1de3 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_addalpha.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_addalpha.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_addcdiv.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_addcdiv.py index 2df72410854..988131a31ea 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_addcdiv.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_addcdiv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_addcmul.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_addcmul.py index cf97d53a7d4..3bbe8533ae3 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_addcmul.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_addcmul.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_asin.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_asin.py index 39e48022133..e25b9194cc3 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_asin.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_asin.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_asinh.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_asinh.py index 023071ad3b2..5ef41380e48 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_asinh.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_asinh.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_assign.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_assign.py index 6b3cb9e144c..e6a822fc00f 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_assign.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_assign.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_atan.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_atan.py index 91aae353528..2d9646c8e4b 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_atan.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_atan.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_atan2.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_atan2.py index 528c129380d..cc8e76239aa 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_atan2.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_atan2.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_atanh.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_atanh.py index ef877ccbf02..007d8e66cc6 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_atanh.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_atanh.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_bias_gelu.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_bias_gelu.py index af2b406e292..d0778e2f25f 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_bias_gelu.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_bias_gelu.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_ceil.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_ceil.py index 04c07035493..d08b5d45d3d 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_ceil.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_ceil.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_celu.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_celu.py index 7be5986f39f..f197c402197 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_celu.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_celu.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_clamp.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_clamp.py index 1f1a6c6df06..f18bf145b28 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_clamp.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_clamp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_clip.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_clip.py index e8f4de8ac13..ef2eb7283ed 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_clip.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_clip.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_concat.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_concat.py index 4abcfd1c6eb..d4fdafcb32d 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_concat.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_concat.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_cos.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_cos.py index 9ce9c1a0788..94d6e4a3f3f 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_cos.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_cos.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_cosh.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_cosh.py index 702289300a1..ba73d4bd3de 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_cosh.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_cosh.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_deg2rad.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_deg2rad.py index 63955715069..e148cfd45fc 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_deg2rad.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_deg2rad.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_digamma.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_digamma.py index b776a6312dc..64345831dbd 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_digamma.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_digamma.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_div.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_div.py index 65faecec92c..6416e582b08 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_div.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_div.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_div_no_nan.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_div_no_nan.py index 60bc50101f6..708c54acb3d 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_div_no_nan.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_div_no_nan.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_elu.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_elu.py index f93abf03e8b..b34075518b1 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_elu.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_elu.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_erf.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_erf.py index 336965087e9..fa0e83049ed 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_erf.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_erf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_erfc.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_erfc.py index 6d91131c415..7982e997142 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_erfc.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_erfc.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_erfinv.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_erfinv.py index d235f11019e..0dd5068ee0b 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_erfinv.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_erfinv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_exp.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_exp.py index ab779433edf..61d7206c8b2 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_exp.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_exp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_exp2.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_exp2.py index 52511cdeaff..f332613d274 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_exp2.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_exp2.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_expm1.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_expm1.py index df8fbdf8153..d975d7a4093 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_expm1.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_expm1.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_fill.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_fill.py index 228e139f05e..226f8aee9f9 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_fill.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_fill.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_fill_zero.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_fill_zero.py index 6c946d303a3..39c2281b56b 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_fill_zero.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_fill_zero.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_floor.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_floor.py index afe14c79ec4..eddcf7c6b5e 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_floor.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_floor.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_fmod.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_fmod.py index d5ecc666e50..4e70665b433 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_fmod.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_fmod.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_frac.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_frac.py index 1f148d4fab4..b4ae076e2c1 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_frac.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_frac.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_gelu.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_gelu.py index 1b514166b83..96f7ebaaa01 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_gelu.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_gelu.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_hardshrink.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_hardshrink.py index 96812608e00..45e465e4139 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_hardshrink.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_hardshrink.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_hardsigmoid.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_hardsigmoid.py index 535c0844211..ef0dd78e652 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_hardsigmoid.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_hardsigmoid.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_hardswish.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_hardswish.py index 8241bb4b379..556d2431ae3 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_hardswish.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_hardswish.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_hardtanh.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_hardtanh.py index 75b0f22adab..fb20063e997 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_hardtanh.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_hardtanh.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_hypot.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_hypot.py index 05c199fb804..2ed77bf62c9 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_hypot.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_hypot.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_i0.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_i0.py index 598b0c47ecd..a9320178f31 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_i0.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_i0.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_ldexp.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_ldexp.py index 2cd474c89cc..f04db84734b 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_ldexp.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_ldexp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_leaky_relu.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_leaky_relu.py index 41f87a4e4a6..ca6675dca83 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_leaky_relu.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_leaky_relu.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_lerp.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_lerp.py index 676a5885b45..818f78f2f81 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_lerp.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_lerp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_lgamma.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_lgamma.py index 2d066175651..799f392d406 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_lgamma.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_lgamma.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_log.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_log.py index 85db970d27b..fc5412361c6 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_log.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_log.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_log10.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_log10.py index 0c8e4aea027..1beeeb578cb 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_log10.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_log10.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_log1p.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_log1p.py index c0e04042a46..29baa6a5ece 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_log1p.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_log1p.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_log2.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_log2.py index 820fa92cee3..554b1fe68f9 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_log2.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_log2.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_log_sigmoid.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_log_sigmoid.py index bd3def80766..43ea3d185e8 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_log_sigmoid.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_log_sigmoid.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_logaddexp.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_logaddexp.py index db0c1d6453f..38e2f89060d 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_logaddexp.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_logaddexp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_logaddexp2.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_logaddexp2.py index 6a2f56a2745..ee0e9d09b66 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_logaddexp2.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_logaddexp2.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_logit.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_logit.py index 576c0d7be79..dbe78ccdaa2 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_logit.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_logit.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_logiteps.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_logiteps.py index bbe3733444b..bed5181cf46 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_logiteps.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_logiteps.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_max.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_max.py index 9025bf37420..d4275357983 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_max.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_max.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_min.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_min.py index dcf48a8a79c..1b487c3ba6c 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_min.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_min.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_mul.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_mul.py index 9aa3126bd2e..fc6d4c6a191 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_mul.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_mul.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_mvlgamma.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_mvlgamma.py index 1b4bace286e..e45834f0a95 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_mvlgamma.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_mvlgamma.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_neg.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_neg.py index a103128a4db..0a6fcad06b9 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_neg.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_neg.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_polygamma.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_polygamma.py index b2053185bea..bc8a3a8883d 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_polygamma.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_polygamma.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_pow.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_pow.py index aa5d72dc4c0..c08bd612e74 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_pow.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_pow.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_prod.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_prod.py index 1dada61fe41..d3a0b5d6518 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_prod.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_prod.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_rad2deg.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_rad2deg.py index 8eaed4c7c89..c7bb7398c62 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_rad2deg.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_rad2deg.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_rdiv.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_rdiv.py index dc059035382..c4132167773 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_rdiv.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_rdiv.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_reciprocal.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_reciprocal.py index a226f2f6137..63f8076414f 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_reciprocal.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_reciprocal.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_relu.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_relu.py index 76bcad4413d..1ed48bfe162 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_relu.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_relu.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_relu6.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_relu6.py index ec96169e8aa..99596183a2a 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_relu6.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_relu6.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_remainder.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_remainder.py index 1bb21aaa033..459aeca64ae 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_remainder.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_remainder.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_repeat.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_repeat.py index 5aead86970f..1a607b161b3 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_repeat.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_repeat.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_round.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_round.py index cbf5af1c47c..fcb125ca074 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_round.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_round.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_rpow.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_rpow.py index fcaa965b3af..b4356ef0811 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_rpow.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_rpow.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_rsqrt.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_rsqrt.py index 6430d29cdd1..e80ff391566 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_rsqrt.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_rsqrt.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_rsub.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_rsub.py index 452846d4a8e..9f744c146bb 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_rsub.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_rsub.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_selu.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_selu.py index 60a32f18abe..56b8edc02e2 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_selu.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_selu.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_sigmoid.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_sigmoid.py index 6c0d38576ac..b1de441b325 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_sigmoid.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_sigmoid.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_sign.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_sign.py index abbd7a1335d..45033c688dc 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_sign.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_sign.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_silu.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_silu.py index 1274ede323c..3b657a181f8 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_silu.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_silu.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_sin.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_sin.py index 79d4b4ad05c..dd364e21190 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_sin.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_sin.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_sinh.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_sinh.py index 26b511683bf..a0e8c01ba05 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_sinh.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_sinh.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_softplus.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_softplus.py index 7d191595c64..85eb418fc02 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_softplus.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_softplus.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_softshrink.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_softshrink.py index 40af4d4befb..f29d48b029d 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_softshrink.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_softshrink.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_softsign.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_softsign.py index a4c5d1837a3..77c3b2ba254 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_softsign.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_softsign.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_sqrt.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_sqrt.py index e435b33c390..b3eb4c4f898 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_sqrt.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_sqrt.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_square.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_square.py index 86bfae70d69..9bf4c465923 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_square.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_square.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_squared_difference.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_squared_difference.py index 11404a49303..1ab6b0a242a 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_squared_difference.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_squared_difference.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_sub.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_sub.py index ea7ed922aa5..83608df584a 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_sub.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_sub.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_subalpha.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_subalpha.py index 2b6870dd002..9cb1f94e9d2 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_subalpha.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_subalpha.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_tan.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_tan.py index a5ab6581cf7..3c23efa32ba 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_tan.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_tan.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_tanh.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_tanh.py index e4e74470648..4589c86565f 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_tanh.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_tanh.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_tanhshrink.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_tanhshrink.py index cf74e5bd8bc..46323183800 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_tanhshrink.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_tanhshrink.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_threshold.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_threshold.py index 05fdabe68e5..4a785c7d780 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_threshold.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_threshold.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_trunc.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_trunc.py index 5ef3b2b91ac..ae57f93ab34 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_trunc.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_trunc.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_where.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_where.py index 8a28bccb2fc..74c26152da9 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_where.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_where.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_xlogy.py b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_xlogy.py index ae7990a164c..c320ca4905c 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_xlogy.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/test_backward_xlogy.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/backward/utility_funcs.py b/tests/ttnn/unit_tests/operations/eltwise/backward/utility_funcs.py index 313802ef8a1..6bcfb7b642f 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/backward/utility_funcs.py +++ b/tests/ttnn/unit_tests/operations/eltwise/backward/utility_funcs.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/complex/utility_funcs.py b/tests/ttnn/unit_tests/operations/eltwise/complex/utility_funcs.py index 6dadd463252..13432bc752a 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/complex/utility_funcs.py +++ b/tests/ttnn/unit_tests/operations/eltwise/complex/utility_funcs.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/test_activation.py b/tests/ttnn/unit_tests/operations/eltwise/test_activation.py index 4407dd2a306..585eecd53e3 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/test_activation.py +++ b/tests/ttnn/unit_tests/operations/eltwise/test_activation.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/test_add.py b/tests/ttnn/unit_tests/operations/eltwise/test_add.py index 9344e59ccf0..2c4f050e796 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/test_add.py +++ b/tests/ttnn/unit_tests/operations/eltwise/test_add.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/test_backward.py b/tests/ttnn/unit_tests/operations/eltwise/test_backward.py index 5530a9ababb..b3f1a390f30 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/test_backward.py +++ b/tests/ttnn/unit_tests/operations/eltwise/test_backward.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/test_binary_comp_init.py b/tests/ttnn/unit_tests/operations/eltwise/test_binary_comp_init.py index 294a6e892b1..61df44f9ca9 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/test_binary_comp_init.py +++ b/tests/ttnn/unit_tests/operations/eltwise/test_binary_comp_init.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/test_complex.py b/tests/ttnn/unit_tests/operations/eltwise/test_complex.py index 4db8c640952..766bfa36672 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/test_complex.py +++ b/tests/ttnn/unit_tests/operations/eltwise/test_complex.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/test_elt_binary.py b/tests/ttnn/unit_tests/operations/eltwise/test_elt_binary.py index d28272b9bac..3d7def36bd3 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/test_elt_binary.py +++ b/tests/ttnn/unit_tests/operations/eltwise/test_elt_binary.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/test_eltwise_logical_and_.py b/tests/ttnn/unit_tests/operations/eltwise/test_eltwise_logical_and_.py index aa4c0bc8ae0..5ef7cf7d00f 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/test_eltwise_logical_and_.py +++ b/tests/ttnn/unit_tests/operations/eltwise/test_eltwise_logical_and_.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/test_eltwise_pow_float.py b/tests/ttnn/unit_tests/operations/eltwise/test_eltwise_pow_float.py index 5e594815fe6..b7cd25a60b5 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/test_eltwise_pow_float.py +++ b/tests/ttnn/unit_tests/operations/eltwise/test_eltwise_pow_float.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/test_eltwise_rsqrt.py b/tests/ttnn/unit_tests/operations/eltwise/test_eltwise_rsqrt.py index 3e58a3d80fd..e42ed002fbe 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/test_eltwise_rsqrt.py +++ b/tests/ttnn/unit_tests/operations/eltwise/test_eltwise_rsqrt.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/test_eltwise_sin.py b/tests/ttnn/unit_tests/operations/eltwise/test_eltwise_sin.py index 3b2a14af7a6..c6ae372bd96 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/test_eltwise_sin.py +++ b/tests/ttnn/unit_tests/operations/eltwise/test_eltwise_sin.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/test_eltwise_softplus_inf.py b/tests/ttnn/unit_tests/operations/eltwise/test_eltwise_softplus_inf.py index bff785ebee2..b3e5887aab7 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/test_eltwise_softplus_inf.py +++ b/tests/ttnn/unit_tests/operations/eltwise/test_eltwise_softplus_inf.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/test_eltwise_sqrt.py b/tests/ttnn/unit_tests/operations/eltwise/test_eltwise_sqrt.py index ced4b1a2958..0e217024bf3 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/test_eltwise_sqrt.py +++ b/tests/ttnn/unit_tests/operations/eltwise/test_eltwise_sqrt.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/test_inplace.py b/tests/ttnn/unit_tests/operations/eltwise/test_inplace.py index 6d23b553267..5816f0f32d9 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/test_inplace.py +++ b/tests/ttnn/unit_tests/operations/eltwise/test_inplace.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/test_math.py b/tests/ttnn/unit_tests/operations/eltwise/test_math.py index 9c3bae2c24d..a2833fe9813 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/test_math.py +++ b/tests/ttnn/unit_tests/operations/eltwise/test_math.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/test_math_binary.py b/tests/ttnn/unit_tests/operations/eltwise/test_math_binary.py index 4b0efc77bfd..eb508a856a0 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/test_math_binary.py +++ b/tests/ttnn/unit_tests/operations/eltwise/test_math_binary.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/test_mul.py b/tests/ttnn/unit_tests/operations/eltwise/test_mul.py index e82560cd941..7fe4eff711d 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/test_mul.py +++ b/tests/ttnn/unit_tests/operations/eltwise/test_mul.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/test_mul_bcast.py b/tests/ttnn/unit_tests/operations/eltwise/test_mul_bcast.py index de4122f29ad..ae93955a7c4 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/test_mul_bcast.py +++ b/tests/ttnn/unit_tests/operations/eltwise/test_mul_bcast.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/test_pow.py b/tests/ttnn/unit_tests/operations/eltwise/test_pow.py index 51296079a5e..98e3b4ec1ba 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/test_pow.py +++ b/tests/ttnn/unit_tests/operations/eltwise/test_pow.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/test_relational.py b/tests/ttnn/unit_tests/operations/eltwise/test_relational.py index d57fe851e6f..1c5788877b4 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/test_relational.py +++ b/tests/ttnn/unit_tests/operations/eltwise/test_relational.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/test_sub.py b/tests/ttnn/unit_tests/operations/eltwise/test_sub.py index dc2c47c9070..8cacfe8dafc 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/test_sub.py +++ b/tests/ttnn/unit_tests/operations/eltwise/test_sub.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/test_ternary.py b/tests/ttnn/unit_tests/operations/eltwise/test_ternary.py index 10397e95c2f..1bb8f9c38b9 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/test_ternary.py +++ b/tests/ttnn/unit_tests/operations/eltwise/test_ternary.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/eltwise/test_unary.py b/tests/ttnn/unit_tests/operations/eltwise/test_unary.py index c4ac62d3e41..e5d8796b1b1 100644 --- a/tests/ttnn/unit_tests/operations/eltwise/test_unary.py +++ b/tests/ttnn/unit_tests/operations/eltwise/test_unary.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_backward_embedding.py b/tests/ttnn/unit_tests/operations/test_backward_embedding.py index 102490cee3f..c30cc98ac31 100644 --- a/tests/ttnn/unit_tests/operations/test_backward_embedding.py +++ b/tests/ttnn/unit_tests/operations/test_backward_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_concat.py b/tests/ttnn/unit_tests/operations/test_concat.py index fdd66a00f1a..9cee05b5477 100644 --- a/tests/ttnn/unit_tests/operations/test_concat.py +++ b/tests/ttnn/unit_tests/operations/test_concat.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_concatenate_heads.py b/tests/ttnn/unit_tests/operations/test_concatenate_heads.py index 5123941a55f..e517d6bf114 100644 --- a/tests/ttnn/unit_tests/operations/test_concatenate_heads.py +++ b/tests/ttnn/unit_tests/operations/test_concatenate_heads.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_conv1d.py b/tests/ttnn/unit_tests/operations/test_conv1d.py index 3e7a1496c63..959e03c8ebd 100644 --- a/tests/ttnn/unit_tests/operations/test_conv1d.py +++ b/tests/ttnn/unit_tests/operations/test_conv1d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_core.py b/tests/ttnn/unit_tests/operations/test_core.py index c39154379df..07c8e3dc389 100644 --- a/tests/ttnn/unit_tests/operations/test_core.py +++ b/tests/ttnn/unit_tests/operations/test_core.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_creation.py b/tests/ttnn/unit_tests/operations/test_creation.py index f6f6773dc81..05616a1d310 100644 --- a/tests/ttnn/unit_tests/operations/test_creation.py +++ b/tests/ttnn/unit_tests/operations/test_creation.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_embedding.py b/tests/ttnn/unit_tests/operations/test_embedding.py index 89dc39a0788..d11e9ff9a0f 100644 --- a/tests/ttnn/unit_tests/operations/test_embedding.py +++ b/tests/ttnn/unit_tests/operations/test_embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_examples.py b/tests/ttnn/unit_tests/operations/test_examples.py index ccc0a8f4f41..4ac2f94e5ed 100644 --- a/tests/ttnn/unit_tests/operations/test_examples.py +++ b/tests/ttnn/unit_tests/operations/test_examples.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_experimental.py b/tests/ttnn/unit_tests/operations/test_experimental.py index 7bd00147a16..adf9de80d48 100644 --- a/tests/ttnn/unit_tests/operations/test_experimental.py +++ b/tests/ttnn/unit_tests/operations/test_experimental.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_fast_reduce_nc.py b/tests/ttnn/unit_tests/operations/test_fast_reduce_nc.py index ff084e5c685..a35d8e08a8f 100644 --- a/tests/ttnn/unit_tests/operations/test_fast_reduce_nc.py +++ b/tests/ttnn/unit_tests/operations/test_fast_reduce_nc.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_full.py b/tests/ttnn/unit_tests/operations/test_full.py index eda2eabab07..ab8dc305955 100644 --- a/tests/ttnn/unit_tests/operations/test_full.py +++ b/tests/ttnn/unit_tests/operations/test_full.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_full_like.py b/tests/ttnn/unit_tests/operations/test_full_like.py index 92aa32fd5e0..ad1bff0a859 100644 --- a/tests/ttnn/unit_tests/operations/test_full_like.py +++ b/tests/ttnn/unit_tests/operations/test_full_like.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_global_avg_pool2d.py b/tests/ttnn/unit_tests/operations/test_global_avg_pool2d.py index 5b91c111347..76b8218bc32 100644 --- a/tests/ttnn/unit_tests/operations/test_global_avg_pool2d.py +++ b/tests/ttnn/unit_tests/operations/test_global_avg_pool2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_index_fill.py b/tests/ttnn/unit_tests/operations/test_index_fill.py index 8935f5c5bab..7bf6e290523 100644 --- a/tests/ttnn/unit_tests/operations/test_index_fill.py +++ b/tests/ttnn/unit_tests/operations/test_index_fill.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_layer_norm.py b/tests/ttnn/unit_tests/operations/test_layer_norm.py index b803e8da4f8..c1c1d03642e 100644 --- a/tests/ttnn/unit_tests/operations/test_layer_norm.py +++ b/tests/ttnn/unit_tests/operations/test_layer_norm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_lerp.py b/tests/ttnn/unit_tests/operations/test_lerp.py index 67835b78fbd..701e5bf06f3 100644 --- a/tests/ttnn/unit_tests/operations/test_lerp.py +++ b/tests/ttnn/unit_tests/operations/test_lerp.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_linear.py b/tests/ttnn/unit_tests/operations/test_linear.py index 97df1e7b8ef..be400fb25a1 100644 --- a/tests/ttnn/unit_tests/operations/test_linear.py +++ b/tests/ttnn/unit_tests/operations/test_linear.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_losses.py b/tests/ttnn/unit_tests/operations/test_losses.py index 02a2ad6a000..2f8122c2d6a 100644 --- a/tests/ttnn/unit_tests/operations/test_losses.py +++ b/tests/ttnn/unit_tests/operations/test_losses.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_matmul.py b/tests/ttnn/unit_tests/operations/test_matmul.py index 66b5ef56331..42acfc72845 100644 --- a/tests/ttnn/unit_tests/operations/test_matmul.py +++ b/tests/ttnn/unit_tests/operations/test_matmul.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_max.py b/tests/ttnn/unit_tests/operations/test_max.py index 2a9c6f91ed9..41f98da1300 100644 --- a/tests/ttnn/unit_tests/operations/test_max.py +++ b/tests/ttnn/unit_tests/operations/test_max.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_maxpool2d.py b/tests/ttnn/unit_tests/operations/test_maxpool2d.py index 77b51a0a0bd..d908c951745 100644 --- a/tests/ttnn/unit_tests/operations/test_maxpool2d.py +++ b/tests/ttnn/unit_tests/operations/test_maxpool2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_moreh_adam.py b/tests/ttnn/unit_tests/operations/test_moreh_adam.py index cebf7fc4d07..d28525c0fea 100644 --- a/tests/ttnn/unit_tests/operations/test_moreh_adam.py +++ b/tests/ttnn/unit_tests/operations/test_moreh_adam.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_moreh_arange.py b/tests/ttnn/unit_tests/operations/test_moreh_arange.py index f7717e59ff1..cc85fc2684a 100644 --- a/tests/ttnn/unit_tests/operations/test_moreh_arange.py +++ b/tests/ttnn/unit_tests/operations/test_moreh_arange.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_moreh_bmm.py b/tests/ttnn/unit_tests/operations/test_moreh_bmm.py index 72c1e6bc8fb..dad5bd8e556 100644 --- a/tests/ttnn/unit_tests/operations/test_moreh_bmm.py +++ b/tests/ttnn/unit_tests/operations/test_moreh_bmm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_moreh_clip_grad_norm.py b/tests/ttnn/unit_tests/operations/test_moreh_clip_grad_norm.py index c4989099cc4..e24fb2f70a1 100644 --- a/tests/ttnn/unit_tests/operations/test_moreh_clip_grad_norm.py +++ b/tests/ttnn/unit_tests/operations/test_moreh_clip_grad_norm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_moreh_cumsum.py b/tests/ttnn/unit_tests/operations/test_moreh_cumsum.py index 34048c0ec00..7d027efb998 100644 --- a/tests/ttnn/unit_tests/operations/test_moreh_cumsum.py +++ b/tests/ttnn/unit_tests/operations/test_moreh_cumsum.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_moreh_dot.py b/tests/ttnn/unit_tests/operations/test_moreh_dot.py index 3719883defe..f4622b76eb1 100644 --- a/tests/ttnn/unit_tests/operations/test_moreh_dot.py +++ b/tests/ttnn/unit_tests/operations/test_moreh_dot.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_moreh_dot_backward.py b/tests/ttnn/unit_tests/operations/test_moreh_dot_backward.py index 51b443396bf..f0ce1b84099 100644 --- a/tests/ttnn/unit_tests/operations/test_moreh_dot_backward.py +++ b/tests/ttnn/unit_tests/operations/test_moreh_dot_backward.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_moreh_layer_norm.py b/tests/ttnn/unit_tests/operations/test_moreh_layer_norm.py index f5bec45afd9..3b48565105f 100644 --- a/tests/ttnn/unit_tests/operations/test_moreh_layer_norm.py +++ b/tests/ttnn/unit_tests/operations/test_moreh_layer_norm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_moreh_linear.py b/tests/ttnn/unit_tests/operations/test_moreh_linear.py index d5368466b29..0faba25d367 100644 --- a/tests/ttnn/unit_tests/operations/test_moreh_linear.py +++ b/tests/ttnn/unit_tests/operations/test_moreh_linear.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_moreh_logsoftmax.py b/tests/ttnn/unit_tests/operations/test_moreh_logsoftmax.py index 94723e12e30..81fff4f52ec 100644 --- a/tests/ttnn/unit_tests/operations/test_moreh_logsoftmax.py +++ b/tests/ttnn/unit_tests/operations/test_moreh_logsoftmax.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_moreh_mean.py b/tests/ttnn/unit_tests/operations/test_moreh_mean.py index 228c18171aa..36197a1cdb5 100644 --- a/tests/ttnn/unit_tests/operations/test_moreh_mean.py +++ b/tests/ttnn/unit_tests/operations/test_moreh_mean.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_moreh_nll_loss.py b/tests/ttnn/unit_tests/operations/test_moreh_nll_loss.py index 9015b77d65d..a4c235e0b5f 100644 --- a/tests/ttnn/unit_tests/operations/test_moreh_nll_loss.py +++ b/tests/ttnn/unit_tests/operations/test_moreh_nll_loss.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_moreh_nll_loss_unreduced.py b/tests/ttnn/unit_tests/operations/test_moreh_nll_loss_unreduced.py index 1f3e9b701aa..2228fcdfd9e 100644 --- a/tests/ttnn/unit_tests/operations/test_moreh_nll_loss_unreduced.py +++ b/tests/ttnn/unit_tests/operations/test_moreh_nll_loss_unreduced.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_moreh_sgd.py b/tests/ttnn/unit_tests/operations/test_moreh_sgd.py index 841da226892..9baf67a1fb6 100644 --- a/tests/ttnn/unit_tests/operations/test_moreh_sgd.py +++ b/tests/ttnn/unit_tests/operations/test_moreh_sgd.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_moreh_softmax.py b/tests/ttnn/unit_tests/operations/test_moreh_softmax.py index 5c414f9b191..10bedc5bc7e 100644 --- a/tests/ttnn/unit_tests/operations/test_moreh_softmax.py +++ b/tests/ttnn/unit_tests/operations/test_moreh_softmax.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_moreh_softmin.py b/tests/ttnn/unit_tests/operations/test_moreh_softmin.py index ba9f6e317f8..9927395b290 100644 --- a/tests/ttnn/unit_tests/operations/test_moreh_softmin.py +++ b/tests/ttnn/unit_tests/operations/test_moreh_softmin.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_moreh_sum.py b/tests/ttnn/unit_tests/operations/test_moreh_sum.py index 5e8616b99a8..bda6a1cf9da 100644 --- a/tests/ttnn/unit_tests/operations/test_moreh_sum.py +++ b/tests/ttnn/unit_tests/operations/test_moreh_sum.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_new_conv2d.py b/tests/ttnn/unit_tests/operations/test_new_conv2d.py index cfe4c0f143a..f215775bb5b 100644 --- a/tests/ttnn/unit_tests/operations/test_new_conv2d.py +++ b/tests/ttnn/unit_tests/operations/test_new_conv2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_nextafter.py b/tests/ttnn/unit_tests/operations/test_nextafter.py index 44d7190e331..abfb02ed1fb 100644 --- a/tests/ttnn/unit_tests/operations/test_nextafter.py +++ b/tests/ttnn/unit_tests/operations/test_nextafter.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_non_zero_indices.py b/tests/ttnn/unit_tests/operations/test_non_zero_indices.py index 5ef2da06d0e..aa39bbfdab8 100644 --- a/tests/ttnn/unit_tests/operations/test_non_zero_indices.py +++ b/tests/ttnn/unit_tests/operations/test_non_zero_indices.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_pad.py b/tests/ttnn/unit_tests/operations/test_pad.py index 2ff6a79097a..05d3a76ffc7 100644 --- a/tests/ttnn/unit_tests/operations/test_pad.py +++ b/tests/ttnn/unit_tests/operations/test_pad.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_paged_fused_update_cache.py b/tests/ttnn/unit_tests/operations/test_paged_fused_update_cache.py index afec7662f0c..9f92dd1d4b0 100644 --- a/tests/ttnn/unit_tests/operations/test_paged_fused_update_cache.py +++ b/tests/ttnn/unit_tests/operations/test_paged_fused_update_cache.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_paged_update_cache.py b/tests/ttnn/unit_tests/operations/test_paged_update_cache.py index 90f4f9f2798..31184afd86a 100644 --- a/tests/ttnn/unit_tests/operations/test_paged_update_cache.py +++ b/tests/ttnn/unit_tests/operations/test_paged_update_cache.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_permute.py b/tests/ttnn/unit_tests/operations/test_permute.py index 40a57515f56..363ad32cbf9 100644 --- a/tests/ttnn/unit_tests/operations/test_permute.py +++ b/tests/ttnn/unit_tests/operations/test_permute.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_polyval.py b/tests/ttnn/unit_tests/operations/test_polyval.py index aec2d56c1b2..4430c9e1e88 100644 --- a/tests/ttnn/unit_tests/operations/test_polyval.py +++ b/tests/ttnn/unit_tests/operations/test_polyval.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_reallocate.py b/tests/ttnn/unit_tests/operations/test_reallocate.py index 516209425f4..0508accde40 100644 --- a/tests/ttnn/unit_tests/operations/test_reallocate.py +++ b/tests/ttnn/unit_tests/operations/test_reallocate.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_reduction.py b/tests/ttnn/unit_tests/operations/test_reduction.py index 6769fea9414..97253094ef1 100644 --- a/tests/ttnn/unit_tests/operations/test_reduction.py +++ b/tests/ttnn/unit_tests/operations/test_reduction.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_reduction_mean.py b/tests/ttnn/unit_tests/operations/test_reduction_mean.py index d11a087342b..be049248cb5 100644 --- a/tests/ttnn/unit_tests/operations/test_reduction_mean.py +++ b/tests/ttnn/unit_tests/operations/test_reduction_mean.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_reduction_min.py b/tests/ttnn/unit_tests/operations/test_reduction_min.py index c520c87fb7c..8fc607e3c59 100644 --- a/tests/ttnn/unit_tests/operations/test_reduction_min.py +++ b/tests/ttnn/unit_tests/operations/test_reduction_min.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_repeat.py b/tests/ttnn/unit_tests/operations/test_repeat.py index 59589cd53db..7698882f1d1 100644 --- a/tests/ttnn/unit_tests/operations/test_repeat.py +++ b/tests/ttnn/unit_tests/operations/test_repeat.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_repeat_interleave.py b/tests/ttnn/unit_tests/operations/test_repeat_interleave.py index ab21f1462ff..8224bcc59cb 100644 --- a/tests/ttnn/unit_tests/operations/test_repeat_interleave.py +++ b/tests/ttnn/unit_tests/operations/test_repeat_interleave.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_rms_norm.py b/tests/ttnn/unit_tests/operations/test_rms_norm.py index d7abd444e7b..b9011bf9109 100644 --- a/tests/ttnn/unit_tests/operations/test_rms_norm.py +++ b/tests/ttnn/unit_tests/operations/test_rms_norm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_silu.py b/tests/ttnn/unit_tests/operations/test_silu.py index fd6e5f353ff..223a933c99b 100644 --- a/tests/ttnn/unit_tests/operations/test_silu.py +++ b/tests/ttnn/unit_tests/operations/test_silu.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_silu_row_major.py b/tests/ttnn/unit_tests/operations/test_silu_row_major.py index f205e23d758..c8df1f3a033 100644 --- a/tests/ttnn/unit_tests/operations/test_silu_row_major.py +++ b/tests/ttnn/unit_tests/operations/test_silu_row_major.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_slice.py b/tests/ttnn/unit_tests/operations/test_slice.py index 9facb46a90c..082e9fe4124 100644 --- a/tests/ttnn/unit_tests/operations/test_slice.py +++ b/tests/ttnn/unit_tests/operations/test_slice.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_small_resnet50_block.py b/tests/ttnn/unit_tests/operations/test_small_resnet50_block.py index 84ee4d5d972..e37a7f9c20f 100644 --- a/tests/ttnn/unit_tests/operations/test_small_resnet50_block.py +++ b/tests/ttnn/unit_tests/operations/test_small_resnet50_block.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import pytest diff --git a/tests/ttnn/unit_tests/operations/test_softmax.py b/tests/ttnn/unit_tests/operations/test_softmax.py index ff45493669c..c44764602e0 100644 --- a/tests/ttnn/unit_tests/operations/test_softmax.py +++ b/tests/ttnn/unit_tests/operations/test_softmax.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_sum.py b/tests/ttnn/unit_tests/operations/test_sum.py index ccbf7c7859d..17e28435395 100644 --- a/tests/ttnn/unit_tests/operations/test_sum.py +++ b/tests/ttnn/unit_tests/operations/test_sum.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_tilizer.py b/tests/ttnn/unit_tests/operations/test_tilizer.py index c91c414fbe1..395861942e6 100644 --- a/tests/ttnn/unit_tests/operations/test_tilizer.py +++ b/tests/ttnn/unit_tests/operations/test_tilizer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_transformer.py b/tests/ttnn/unit_tests/operations/test_transformer.py index 92ff0f3694b..7ce515aec24 100644 --- a/tests/ttnn/unit_tests/operations/test_transformer.py +++ b/tests/ttnn/unit_tests/operations/test_transformer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/operations/test_upsample.py b/tests/ttnn/unit_tests/operations/test_upsample.py index 86047a86581..c01fdd9f783 100644 --- a/tests/ttnn/unit_tests/operations/test_upsample.py +++ b/tests/ttnn/unit_tests/operations/test_upsample.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/tensor/test_tensor_alignment.py b/tests/ttnn/unit_tests/tensor/test_tensor_alignment.py index 31ddffdf356..1beb3f1c672 100644 --- a/tests/ttnn/unit_tests/tensor/test_tensor_alignment.py +++ b/tests/ttnn/unit_tests/tensor/test_tensor_alignment.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/tensor/test_tensor_conversion.py b/tests/ttnn/unit_tests/tensor/test_tensor_conversion.py index 63442308831..79c33dfad76 100644 --- a/tests/ttnn/unit_tests/tensor/test_tensor_conversion.py +++ b/tests/ttnn/unit_tests/tensor/test_tensor_conversion.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/tensor/test_tensor_prealloc_and_write.py b/tests/ttnn/unit_tests/tensor/test_tensor_prealloc_and_write.py index a8418376d26..2ecf8213415 100644 --- a/tests/ttnn/unit_tests/tensor/test_tensor_prealloc_and_write.py +++ b/tests/ttnn/unit_tests/tensor/test_tensor_prealloc_and_write.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/tensor/test_tensor_ranks.py b/tests/ttnn/unit_tests/tensor/test_tensor_ranks.py index bbb990da0cb..ca6aabad72b 100644 --- a/tests/ttnn/unit_tests/tensor/test_tensor_ranks.py +++ b/tests/ttnn/unit_tests/tensor/test_tensor_ranks.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/tensor/test_tensor_serialization.py b/tests/ttnn/unit_tests/tensor/test_tensor_serialization.py index 1db497c0843..570ed5c58f3 100644 --- a/tests/ttnn/unit_tests/tensor/test_tensor_serialization.py +++ b/tests/ttnn/unit_tests/tensor/test_tensor_serialization.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/test_as_tensor.py b/tests/ttnn/unit_tests/test_as_tensor.py index 884aa3c3075..d3dc502d4a6 100644 --- a/tests/ttnn/unit_tests/test_as_tensor.py +++ b/tests/ttnn/unit_tests/test_as_tensor.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/test_async.py b/tests/ttnn/unit_tests/test_async.py index 1f7ee4bc421..113868e01a9 100644 --- a/tests/ttnn/unit_tests/test_async.py +++ b/tests/ttnn/unit_tests/test_async.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/test_comparison_mode.py b/tests/ttnn/unit_tests/test_comparison_mode.py index a1fc12a910f..4799b70e0ee 100644 --- a/tests/ttnn/unit_tests/test_comparison_mode.py +++ b/tests/ttnn/unit_tests/test_comparison_mode.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/test_database.py b/tests/ttnn/unit_tests/test_database.py index 6b0eec17f3b..5ccf1de9e20 100644 --- a/tests/ttnn/unit_tests/test_database.py +++ b/tests/ttnn/unit_tests/test_database.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/test_deallocate.py b/tests/ttnn/unit_tests/test_deallocate.py index bd98ca975c9..2765223f406 100644 --- a/tests/ttnn/unit_tests/test_deallocate.py +++ b/tests/ttnn/unit_tests/test_deallocate.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/test_device.py b/tests/ttnn/unit_tests/test_device.py index 31180420312..2b80e42eb47 100644 --- a/tests/ttnn/unit_tests/test_device.py +++ b/tests/ttnn/unit_tests/test_device.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/test_dump_and_load.py b/tests/ttnn/unit_tests/test_dump_and_load.py index 1b49910032b..927e8327421 100644 --- a/tests/ttnn/unit_tests/test_dump_and_load.py +++ b/tests/ttnn/unit_tests/test_dump_and_load.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/test_getitem.py b/tests/ttnn/unit_tests/test_getitem.py index 455f82bcf47..040b54ae549 100644 --- a/tests/ttnn/unit_tests/test_getitem.py +++ b/tests/ttnn/unit_tests/test_getitem.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/test_memory_config.py b/tests/ttnn/unit_tests/test_memory_config.py index c910920c712..ae8714b6566 100644 --- a/tests/ttnn/unit_tests/test_memory_config.py +++ b/tests/ttnn/unit_tests/test_memory_config.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/test_model_preprocessing.py b/tests/ttnn/unit_tests/test_model_preprocessing.py index 9702c9f75f5..dc50a5c57ef 100644 --- a/tests/ttnn/unit_tests/test_model_preprocessing.py +++ b/tests/ttnn/unit_tests/test_model_preprocessing.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/test_multi_device.py b/tests/ttnn/unit_tests/test_multi_device.py index 3d29efae17b..0fc51a86fda 100644 --- a/tests/ttnn/unit_tests/test_multi_device.py +++ b/tests/ttnn/unit_tests/test_multi_device.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/test_multi_device_async.py b/tests/ttnn/unit_tests/test_multi_device_async.py index 5a8890c497e..b0e03b0abed 100644 --- a/tests/ttnn/unit_tests/test_multi_device_async.py +++ b/tests/ttnn/unit_tests/test_multi_device_async.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/test_multi_device_trace.py b/tests/ttnn/unit_tests/test_multi_device_trace.py index 2e81db7b248..abe8981aa1c 100644 --- a/tests/ttnn/unit_tests/test_multi_device_trace.py +++ b/tests/ttnn/unit_tests/test_multi_device_trace.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/test_multi_device_trace_TG.py b/tests/ttnn/unit_tests/test_multi_device_trace_TG.py index 60c5f57d613..8aa2e856219 100644 --- a/tests/ttnn/unit_tests/test_multi_device_trace_TG.py +++ b/tests/ttnn/unit_tests/test_multi_device_trace_TG.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/test_multi_device_trace_tgg.py b/tests/ttnn/unit_tests/test_multi_device_trace_tgg.py index f7c9fb0c8e1..a063f25258d 100644 --- a/tests/ttnn/unit_tests/test_multi_device_trace_tgg.py +++ b/tests/ttnn/unit_tests/test_multi_device_trace_tgg.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/test_pre_and_post_operation_hook.py b/tests/ttnn/unit_tests/test_pre_and_post_operation_hook.py index ab168a1ff81..8903242a365 100644 --- a/tests/ttnn/unit_tests/test_pre_and_post_operation_hook.py +++ b/tests/ttnn/unit_tests/test_pre_and_post_operation_hook.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/test_print_tensor.py b/tests/ttnn/unit_tests/test_print_tensor.py index 66254f7d363..dd3af47b787 100644 --- a/tests/ttnn/unit_tests/test_print_tensor.py +++ b/tests/ttnn/unit_tests/test_print_tensor.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/test_reshape.py b/tests/ttnn/unit_tests/test_reshape.py index f3ae5e8112f..01d51a59c91 100644 --- a/tests/ttnn/unit_tests/test_reshape.py +++ b/tests/ttnn/unit_tests/test_reshape.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/test_shape.py b/tests/ttnn/unit_tests/test_shape.py index 5a630787805..672694a730f 100644 --- a/tests/ttnn/unit_tests/test_shape.py +++ b/tests/ttnn/unit_tests/test_shape.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/test_single_device_trace.py b/tests/ttnn/unit_tests/test_single_device_trace.py index 2e4ad3d26f5..c7c0b7effc3 100644 --- a/tests/ttnn/unit_tests/test_single_device_trace.py +++ b/tests/ttnn/unit_tests/test_single_device_trace.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/test_to_and_from_device.py b/tests/ttnn/unit_tests/test_to_and_from_device.py index 6d819211e1d..fb1fa601533 100644 --- a/tests/ttnn/unit_tests/test_to_and_from_device.py +++ b/tests/ttnn/unit_tests/test_to_and_from_device.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/test_to_and_from_torch.py b/tests/ttnn/unit_tests/test_to_and_from_torch.py index 4b84f8ea120..47afd9f7adb 100644 --- a/tests/ttnn/unit_tests/test_to_and_from_torch.py +++ b/tests/ttnn/unit_tests/test_to_and_from_torch.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/test_to_dtype.py b/tests/ttnn/unit_tests/test_to_dtype.py index 9a55e72f470..9bb001c7715 100644 --- a/tests/ttnn/unit_tests/test_to_dtype.py +++ b/tests/ttnn/unit_tests/test_to_dtype.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/test_to_layout.py b/tests/ttnn/unit_tests/test_to_layout.py index b84a8f4c5fc..b278d7f3896 100644 --- a/tests/ttnn/unit_tests/test_to_layout.py +++ b/tests/ttnn/unit_tests/test_to_layout.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/test_tracer.py b/tests/ttnn/unit_tests/test_tracer.py index fafdfacc243..fbc9163702d 100644 --- a/tests/ttnn/unit_tests/test_tracer.py +++ b/tests/ttnn/unit_tests/test_tracer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/test_tracer_codegen.py b/tests/ttnn/unit_tests/test_tracer_codegen.py index 75af49dbdf0..a6ba7f71920 100644 --- a/tests/ttnn/unit_tests/test_tracer_codegen.py +++ b/tests/ttnn/unit_tests/test_tracer_codegen.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/test_tracer_evaluate.py b/tests/ttnn/unit_tests/test_tracer_evaluate.py index 10ecd617fa8..16b3a8b4998 100644 --- a/tests/ttnn/unit_tests/test_tracer_evaluate.py +++ b/tests/ttnn/unit_tests/test_tracer_evaluate.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/unit_tests/test_tutorials.py b/tests/ttnn/unit_tests/test_tutorials.py index 7ab97bc9bbf..a4586331bad 100644 --- a/tests/ttnn/unit_tests/test_tutorials.py +++ b/tests/ttnn/unit_tests/test_tutorials.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tests/ttnn/utils_for_testing.py b/tests/ttnn/utils_for_testing.py index fb083a681ff..12a2dcc72ca 100644 --- a/tests/ttnn/utils_for_testing.py +++ b/tests/ttnn/utils_for_testing.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/common/assert.hpp b/tt_metal/common/assert.hpp index c0ec41cd8c7..271decb080b 100644 --- a/tt_metal/common/assert.hpp +++ b/tt_metal/common/assert.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/common/base.hpp b/tt_metal/common/base.hpp index 54c31041644..dc833d42b29 100644 --- a/tt_metal/common/base.hpp +++ b/tt_metal/common/base.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/common/base_types.hpp b/tt_metal/common/base_types.hpp index 6b2c7aaa282..a9e46307ff2 100644 --- a/tt_metal/common/base_types.hpp +++ b/tt_metal/common/base_types.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/common/bfloat16.hpp b/tt_metal/common/bfloat16.hpp index e81d5059e6b..a4f96bd4582 100644 --- a/tt_metal/common/bfloat16.hpp +++ b/tt_metal/common/bfloat16.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/common/bfloat4.hpp b/tt_metal/common/bfloat4.hpp index fd469fa5b18..fd6834af8dc 100644 --- a/tt_metal/common/bfloat4.hpp +++ b/tt_metal/common/bfloat4.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/common/bfloat8.hpp b/tt_metal/common/bfloat8.hpp index 55fcb1376ce..7b310acbe68 100644 --- a/tt_metal/common/bfloat8.hpp +++ b/tt_metal/common/bfloat8.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/common/blockfloat_common.hpp b/tt_metal/common/blockfloat_common.hpp index ab92a74b3cb..18dc97c3bbf 100644 --- a/tt_metal/common/blockfloat_common.hpp +++ b/tt_metal/common/blockfloat_common.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/common/constants.hpp b/tt_metal/common/constants.hpp index dcb60b12d15..890a068d36d 100644 --- a/tt_metal/common/constants.hpp +++ b/tt_metal/common/constants.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/common/core_coord.hpp b/tt_metal/common/core_coord.hpp index b8d6f4d9935..ad5d70970c4 100644 --- a/tt_metal/common/core_coord.hpp +++ b/tt_metal/common/core_coord.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/common/core_descriptor.hpp b/tt_metal/common/core_descriptor.hpp index d14d9f9a445..e996cb73b9d 100644 --- a/tt_metal/common/core_descriptor.hpp +++ b/tt_metal/common/core_descriptor.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/common/executor.hpp b/tt_metal/common/executor.hpp index 59f256b1544..482e00393c7 100644 --- a/tt_metal/common/executor.hpp +++ b/tt_metal/common/executor.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/common/logger.hpp b/tt_metal/common/logger.hpp index 33659f290fa..fb868d95e80 100644 --- a/tt_metal/common/logger.hpp +++ b/tt_metal/common/logger.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/common/math.hpp b/tt_metal/common/math.hpp index 12e7c3d5182..c067227c9ab 100644 --- a/tt_metal/common/math.hpp +++ b/tt_metal/common/math.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/common/metal_soc_descriptor.cpp b/tt_metal/common/metal_soc_descriptor.cpp index e4aa3683491..5ce26051148 100644 --- a/tt_metal/common/metal_soc_descriptor.cpp +++ b/tt_metal/common/metal_soc_descriptor.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/common/metal_soc_descriptor.h b/tt_metal/common/metal_soc_descriptor.h index cf897ba73b1..fe764489ca8 100644 --- a/tt_metal/common/metal_soc_descriptor.h +++ b/tt_metal/common/metal_soc_descriptor.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/common/scoped_timer.hpp b/tt_metal/common/scoped_timer.hpp index 24f209666c6..3299cd1e55a 100644 --- a/tt_metal/common/scoped_timer.hpp +++ b/tt_metal/common/scoped_timer.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/common/test_common.hpp b/tt_metal/common/test_common.hpp index 45e4a639c0d..1c77949c980 100644 --- a/tt_metal/common/test_common.hpp +++ b/tt_metal/common/test_common.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/common/test_tiles.hpp b/tt_metal/common/test_tiles.hpp index 44e18fbc448..205f3596123 100644 --- a/tt_metal/common/test_tiles.hpp +++ b/tt_metal/common/test_tiles.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/common/tilize_untilize.hpp b/tt_metal/common/tilize_untilize.hpp index 0d5fb77ec64..b5c11d9d21d 100644 --- a/tt_metal/common/tilize_untilize.hpp +++ b/tt_metal/common/tilize_untilize.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/common/tt_backend_api_types.cpp b/tt_metal/common/tt_backend_api_types.cpp index 58a082b5f72..a560155c76d 100644 --- a/tt_metal/common/tt_backend_api_types.cpp +++ b/tt_metal/common/tt_backend_api_types.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/common/tt_backend_api_types.hpp b/tt_metal/common/tt_backend_api_types.hpp index a629744eab9..b9d97f844f2 100644 --- a/tt_metal/common/tt_backend_api_types.hpp +++ b/tt_metal/common/tt_backend_api_types.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/common/tt_rounding.h b/tt_metal/common/tt_rounding.h index 5fd954e8a75..db3761473a0 100644 --- a/tt_metal/common/tt_rounding.h +++ b/tt_metal/common/tt_rounding.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/common/utils.cpp b/tt_metal/common/utils.cpp index be7b8dbad93..4fc852351ce 100644 --- a/tt_metal/common/utils.cpp +++ b/tt_metal/common/utils.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/common/utils.hpp b/tt_metal/common/utils.hpp index 06cb7c77b7e..a33903244d6 100644 --- a/tt_metal/common/utils.hpp +++ b/tt_metal/common/utils.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/common/work_split.cpp b/tt_metal/common/work_split.cpp index f2a213a1721..a04b54795de 100644 --- a/tt_metal/common/work_split.cpp +++ b/tt_metal/common/work_split.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/common/work_split.hpp b/tt_metal/common/work_split.hpp index 39cdec9bf21..b1fda52b99c 100644 --- a/tt_metal/common/work_split.hpp +++ b/tt_metal/common/work_split.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/detail/kernel_cache.hpp b/tt_metal/detail/kernel_cache.hpp index 67234310f1a..95dff2c9e8b 100644 --- a/tt_metal/detail/kernel_cache.hpp +++ b/tt_metal/detail/kernel_cache.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/detail/persistent_kernel_cache.hpp b/tt_metal/detail/persistent_kernel_cache.hpp index 10e3b683c75..6c46adbcc3b 100644 --- a/tt_metal/detail/persistent_kernel_cache.hpp +++ b/tt_metal/detail/persistent_kernel_cache.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/detail/reports/compilation_reporter.cpp b/tt_metal/detail/reports/compilation_reporter.cpp index 5dcebd2fbb3..b5a7d236eb1 100644 --- a/tt_metal/detail/reports/compilation_reporter.cpp +++ b/tt_metal/detail/reports/compilation_reporter.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/detail/reports/compilation_reporter.hpp b/tt_metal/detail/reports/compilation_reporter.hpp index 29c25988298..eedcac4db88 100644 --- a/tt_metal/detail/reports/compilation_reporter.hpp +++ b/tt_metal/detail/reports/compilation_reporter.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/detail/reports/memory_reporter.cpp b/tt_metal/detail/reports/memory_reporter.cpp index abb5936c670..e348ac00230 100644 --- a/tt_metal/detail/reports/memory_reporter.cpp +++ b/tt_metal/detail/reports/memory_reporter.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/detail/reports/memory_reporter.hpp b/tt_metal/detail/reports/memory_reporter.hpp index 10ae811dad7..f77770c0256 100644 --- a/tt_metal/detail/reports/memory_reporter.hpp +++ b/tt_metal/detail/reports/memory_reporter.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/detail/reports/report_utils.hpp b/tt_metal/detail/reports/report_utils.hpp index c927fbcc1c8..5d3848da5f3 100644 --- a/tt_metal/detail/reports/report_utils.hpp +++ b/tt_metal/detail/reports/report_utils.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/detail/tt_metal.hpp b/tt_metal/detail/tt_metal.hpp index e0bd1d543cf..755cec4d906 100644 --- a/tt_metal/detail/tt_metal.hpp +++ b/tt_metal/detail/tt_metal.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/detail/util.hpp b/tt_metal/detail/util.hpp index 0373544ba6a..79796d4d159 100644 --- a/tt_metal/detail/util.hpp +++ b/tt_metal/detail/util.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/distributed/mesh_device.cpp b/tt_metal/distributed/mesh_device.cpp index db820323ae5..5cb874805b3 100644 --- a/tt_metal/distributed/mesh_device.cpp +++ b/tt_metal/distributed/mesh_device.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/distributed/mesh_device.hpp b/tt_metal/distributed/mesh_device.hpp index 2c0ee62f872..7061025da65 100644 --- a/tt_metal/distributed/mesh_device.hpp +++ b/tt_metal/distributed/mesh_device.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/distributed/mesh_device_view.cpp b/tt_metal/distributed/mesh_device_view.cpp index b0c2ef050be..de3d94f7e7a 100644 --- a/tt_metal/distributed/mesh_device_view.cpp +++ b/tt_metal/distributed/mesh_device_view.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/distributed/mesh_device_view.hpp b/tt_metal/distributed/mesh_device_view.hpp index 67bda684ebb..fad4d1d1088 100644 --- a/tt_metal/distributed/mesh_device_view.hpp +++ b/tt_metal/distributed/mesh_device_view.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/graph/graph_tracking.cpp b/tt_metal/graph/graph_tracking.cpp index a2fb719f34b..9680f43ae6a 100644 --- a/tt_metal/graph/graph_tracking.cpp +++ b/tt_metal/graph/graph_tracking.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/graph/graph_tracking.hpp b/tt_metal/graph/graph_tracking.hpp index 3fc67a9ca83..d48b18ffa00 100644 --- a/tt_metal/graph/graph_tracking.hpp +++ b/tt_metal/graph/graph_tracking.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/host_api.hpp b/tt_metal/host_api.hpp index 67dedb5df5d..cc420113874 100644 --- a/tt_metal/host_api.hpp +++ b/tt_metal/host_api.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hostdevcommon/common_runtime_address_map.h b/tt_metal/hostdevcommon/common_runtime_address_map.h index d8c6cc917ca..6703630702b 100644 --- a/tt_metal/hostdevcommon/common_runtime_address_map.h +++ b/tt_metal/hostdevcommon/common_runtime_address_map.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hostdevcommon/common_values.hpp b/tt_metal/hostdevcommon/common_values.hpp index 668baaa7c46..91671ea44f8 100644 --- a/tt_metal/hostdevcommon/common_values.hpp +++ b/tt_metal/hostdevcommon/common_values.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hostdevcommon/dprint_common.h b/tt_metal/hostdevcommon/dprint_common.h index aefc4f41906..f237e458a17 100644 --- a/tt_metal/hostdevcommon/dprint_common.h +++ b/tt_metal/hostdevcommon/dprint_common.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hostdevcommon/kernel_structs.h b/tt_metal/hostdevcommon/kernel_structs.h index 36eed656320..b5ebced63f4 100644 --- a/tt_metal/hostdevcommon/kernel_structs.h +++ b/tt_metal/hostdevcommon/kernel_structs.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hostdevcommon/profiler_common.h b/tt_metal/hostdevcommon/profiler_common.h index a0afb2dc1ad..024c2a8e0ea 100644 --- a/tt_metal/hostdevcommon/profiler_common.h +++ b/tt_metal/hostdevcommon/profiler_common.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/common/chlkc_list.h b/tt_metal/hw/ckernels/blackhole/metal/common/chlkc_list.h index 30ed491da3b..117d4805b41 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/common/chlkc_list.h +++ b/tt_metal/hw/ckernels/blackhole/metal/common/chlkc_list.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_math_binary_api.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_math_binary_api.h index efead1bca4a..4b5ede1d8a6 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_math_binary_api.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_math_binary_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_math_binary_sfpu_api.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_math_binary_sfpu_api.h index d57a3db8c3e..b657ca4f9f0 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_math_binary_sfpu_api.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_math_binary_sfpu_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_math_common_api.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_math_common_api.h index f8acbe7739c..73e860bffb1 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_math_common_api.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_math_common_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_math_matmul_api.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_math_matmul_api.h index 3a8603b9e63..2950c313447 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_math_matmul_api.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_math_matmul_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_math_unary_datacopy_api.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_math_unary_datacopy_api.h index 366aca4831c..5fbb3717906 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_math_unary_datacopy_api.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_math_unary_datacopy_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_math_unary_sfpu_api.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_math_unary_sfpu_api.h index 31f888030db..1b33ad78d98 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_math_unary_sfpu_api.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_math_unary_sfpu_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_pack_api.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_pack_api.h index 43fc45577f3..babd455912b 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_pack_api.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_pack_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_param_structs.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_param_structs.h index 5816509c780..41e6ca956ff 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_param_structs.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_param_structs.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_reverseops.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_reverseops.h index f2ae321b1bc..b28dfa793f7 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_reverseops.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_reverseops.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_abs.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_abs.h index 42def5f950d..9215ea77fef 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_abs.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_abs.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_add1.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_add1.h index 73c89e2645f..56fef613463 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_add1.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_add1.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_binop_with_unary.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_binop_with_unary.h index a6c95d87567..bb84cc336a3 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_binop_with_unary.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_binop_with_unary.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_and.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_and.h index 028900ff2ee..09e84616c66 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_and.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_and.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_not.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_not.h index 8f40ba0e476..dd175523628 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_not.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_not.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_or.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_or.h index 66118365030..f7a26494a38 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_or.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_or.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 #pragma once diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_xor.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_xor.h index 36a84d63067..511fb2a88e3 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_xor.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_xor.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_cast_fp32_to_fp16a.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_cast_fp32_to_fp16a.h index 5aefc834f95..e6e3a928e5f 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_cast_fp32_to_fp16a.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_cast_fp32_to_fp16a.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_cdf.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_cdf.h index da29070fcb5..eec65b8c1b3 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_cdf.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_cdf.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_ceil.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_ceil.h index d803f841dbf..a55e69384b6 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_ceil.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_ceil.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_clamp.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_clamp.h index 8659f464a4b..a891c67a588 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_clamp.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_clamp.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_comp.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_comp.h index 16c106a6dc1..e348af416af 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_comp.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_comp.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_converter.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_converter.h index 3dc0167de82..2456b9bdc60 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_converter.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_converter.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_dropout.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_dropout.h index 1b53d048b87..959b72cebfc 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_dropout.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_dropout.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_elu.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_elu.h index 63023717605..ca0fa32f8ff 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_elu.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_elu.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_erf_erfc.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_erf_erfc.h index 725c8026052..c396f4629cf 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_erf_erfc.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_erf_erfc.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_erfinv.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_erfinv.h index 1b91f5abc0c..c693ad0f378 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_erfinv.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_erfinv.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_exp.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_exp.h index 0a84ec11865..bdc8b5aa23a 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_exp.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_exp.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_exp2.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_exp2.h index a450a480b60..4519bc90962 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_exp2.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_exp2.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_expm1.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_expm1.h index b4949a85f3d..a66126dc2d9 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_expm1.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_expm1.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_fill.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_fill.h index d728e2cd4b3..b20848de3e9 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_fill.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_fill.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_floor.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_floor.h index 30d18596ef4..c6f536c1bf3 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_floor.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_floor.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_fmod.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_fmod.h index 9cc2bef84c7..fac1f58f5ea 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_fmod.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_fmod.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_gelu.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_gelu.h index 16ccbb8d7c6..cc09b54c846 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_gelu.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_gelu.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_hardtanh.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_hardtanh.h index d14b978d594..a0b0e13bab0 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_hardtanh.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_hardtanh.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_heaviside.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_heaviside.h index 3c655af03fb..e1a8196e3b2 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_heaviside.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_heaviside.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_i0.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_i0.h index c42507e55ad..c9df3f290a2 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_i0.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_i0.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_identity.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_identity.h index 999304e5a93..759f45fa2cf 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_identity.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_identity.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_isinf_isnan.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_isinf_isnan.h index 8943804fd70..8625df50445 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_isinf_isnan.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_isinf_isnan.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_left_shift.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_left_shift.h index 2c69fe1353c..436a884b3ba 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_left_shift.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_left_shift.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_log.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_log.h index 1ea8b63ca87..ec9ade3452b 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_log.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_log.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_logical_not_noti.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_logical_not_noti.h index 00220f09820..9dfe7befadb 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_logical_not_noti.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_logical_not_noti.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_mask.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_mask.h index 47343d42b48..56dd7fded22 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_mask.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_mask.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_max.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_max.h index d16856fad0a..58a4e92899b 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_max.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_max.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_min.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_min.h index 67fe9ced3e5..48dc32ec222 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_min.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_min.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_negative.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_negative.h index 75e6342a40a..3a1d20197f0 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_negative.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_negative.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_power_iterative.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_power_iterative.h index 8a7e2253bee..bf1a366718e 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_power_iterative.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_power_iterative.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_recip.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_recip.h index ce5e51894ae..a36d3ac6b9b 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_recip.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_recip.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_relu.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_relu.h index 86ef6f565a6..c28b3b69eb4 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_relu.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_relu.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_remainder.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_remainder.h index 2d151d697cd..b3f014bc93c 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_remainder.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_remainder.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_right_shift.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_right_shift.h index 6c9c56812b0..8d972016079 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_right_shift.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_right_shift.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_rsqrt.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_rsqrt.h index b4d9706fe29..df80c111e41 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_rsqrt.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_rsqrt.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid.h index 1b6d3ad6f6e..e1a6e53dc8e 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid_appx.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid_appx.h index cbcb37e3f39..84c2feb0d9a 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid_appx.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid_appx.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_sign.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_sign.h index 3f0a3d2b443..148e10cc049 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_sign.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_sign.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_signbit.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_signbit.h index b8b7684d4d7..a3d5bc28dc3 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_signbit.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_signbit.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_silu.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_silu.h index 78662f13aee..6bbe1637404 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_silu.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_silu.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_softplus.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_softplus.h index 731889214e7..b4ceabf3cd0 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_softplus.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_softplus.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_sqrt.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_sqrt.h index 0030c495e56..342b5319218 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_sqrt.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_sqrt.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_square.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_square.h index 2102c25f4b8..149606ed6c2 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_square.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_square.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_tanh.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_tanh.h index ecc875a0d49..fa8234b178c 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_tanh.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_tanh.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_tanh_derivative.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_tanh_derivative.h index 913cf36f7b2..408f2b49907 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_tanh_derivative.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_tanh_derivative.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_tiled_prod.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_tiled_prod.h index 01b1f1cea0d..8bdbb1dbf55 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_tiled_prod.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_tiled_prod.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_trigonometry.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_trigonometry.h index ac94702d6c9..4bf607ecfa0 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_trigonometry.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_trigonometry.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_unary_comp.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_unary_comp.h index 8a6a70be1eb..0d1e1375580 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_unary_comp.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/ckernel_sfpu_unary_comp.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_abs.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_abs.h index e28190475cf..c81b5f6c1e2 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_abs.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_abs.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_add1.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_add1.h index 7c357a6acbc..27c6cf35784 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_add1.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_add1.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_binop_with_scalar.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_binop_with_scalar.h index 645a2ec7805..da48c3841be 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_binop_with_scalar.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_binop_with_scalar.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_and.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_and.h index 0fe749cc53f..dc203c170ab 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_and.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_and.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_not.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_not.h index d2548ccafa5..3744fe15671 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_not.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_not.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_or.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_or.h index 0c035198385..4c307bd40b6 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_or.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_or.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_xor.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_xor.h index e5c0928ecd7..0b6c736b8bc 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_xor.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_xor.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_cast_fp32_to_fp16a.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_cast_fp32_to_fp16a.h index 45991771ec6..03bdeb40e95 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_cast_fp32_to_fp16a.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_cast_fp32_to_fp16a.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_ceil.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_ceil.h index 690528ed0c4..79b0e26962b 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_ceil.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_ceil.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_clamp.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_clamp.h index 51eb55cf67a..9ad025a34b2 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_clamp.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_clamp.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_comp.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_comp.h index dbb495bf328..313e9ea885a 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_comp.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_comp.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_dropout.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_dropout.h index 4b1701c37b7..0bc8b846a86 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_dropout.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_dropout.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_elu.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_elu.h index aa2579184ff..560124a3c0e 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_elu.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_elu.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erf_erfc.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erf_erfc.h index db1241e88fc..08aa2ba2f26 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erf_erfc.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erf_erfc.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erfinv.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erfinv.h index 0626b187729..8fba226462f 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erfinv.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erfinv.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp.h index a46758c4f47..b0b38adc93b 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp2.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp2.h index 022542f1ab6..b52b7d57003 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp2.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp2.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_expm1.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_expm1.h index 69f949d5fcc..e2f5c116358 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_expm1.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_expm1.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_floor.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_floor.h index ff0e6e96daf..3f22a2355b5 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_floor.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_floor.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_fmod.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_fmod.h index 1cfa949f1b5..c5400332b6c 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_fmod.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_fmod.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_gelu.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_gelu.h index 2ca5d0b4632..84d948d91c8 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_gelu.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_gelu.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_hardtanh.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_hardtanh.h index 868e0f1e5c6..c0e36100660 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_hardtanh.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_hardtanh.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_heaviside.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_heaviside.h index a5107280f82..c7780b85ad9 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_heaviside.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_heaviside.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_i0.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_i0.h index 578cf47cf1e..8366688d2f0 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_i0.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_i0.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_identity.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_identity.h index a171a4ef42a..66f5842ecee 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_identity.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_identity.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_init.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_init.h index 4c92826b2ad..fc642b22c6b 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_init.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_init.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_isinf_isnan.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_isinf_isnan.h index 3e3b3608b72..d839d52e521 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_isinf_isnan.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_isinf_isnan.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_left_shift.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_left_shift.h index 42c5b9563ff..89e5cf47e6f 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_left_shift.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_left_shift.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_log.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_log.h index 6932c14f225..a4b0ab894e5 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_log.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_log.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_logical_not_noti.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_logical_not_noti.h index 9b630efdfe9..225e685f8bf 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_logical_not_noti.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_logical_not_noti.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_mask.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_mask.h index c5dfca8bac9..42bebe74c06 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_mask.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_mask.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_max.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_max.h index 85031cf2c67..2f8d5623e3f 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_max.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_max.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_min.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_min.h index 583a403392e..9195d32b6ea 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_min.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_min.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_negative.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_negative.h index 497d2292727..91520b40636 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_negative.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_negative.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_params.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_params.h index 6a4874b733e..e681d0940ec 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_params.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_params.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_power.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_power.h index e39be099da2..247616c1a4a 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_power.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_power.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_recip.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_recip.h index 1c9bd070483..28c537cc683 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_recip.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_recip.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_relu.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_relu.h index c36d91175a6..ecff9703e26 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_relu.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_relu.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_remainder.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_remainder.h index 4ddb164a440..273ddc2ff12 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_remainder.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_remainder.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_reverseops.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_reverseops.h index 9077ca8a646..7a22ca95a29 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_reverseops.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_reverseops.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_right_shift.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_right_shift.h index 71a9d785ae4..1ac23b5a278 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_right_shift.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_right_shift.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_rsqrt.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_rsqrt.h index c3d332abd48..6f4be7973c6 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_rsqrt.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_rsqrt.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid.h index b44585d9f64..d695c21838d 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid_appx.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid_appx.h index 17c62502295..cdb0ab7fed3 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid_appx.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid_appx.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sign.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sign.h index 8a1603a248c..3abe4ab2bcb 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sign.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sign.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_signbit.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_signbit.h index 8071df429ee..7157558a37b 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_signbit.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_signbit.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_silu.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_silu.h index aa72acb2bcb..efb01618207 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_silu.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_silu.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_softplus.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_softplus.h index 6cabd3f68de..78d17c73d15 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_softplus.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_softplus.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sqrt.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sqrt.h index 1aced36421d..28c8e3c9722 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sqrt.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sqrt.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_square.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_square.h index faa5df9d0ed..293380cfc75 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_square.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_square.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tanh.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tanh.h index 63f61d0e700..6fa075709c2 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tanh.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tanh.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tanh_derivative.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tanh_derivative.h index f3cd691acd7..2abb0b19474 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tanh_derivative.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tanh_derivative.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tiled_prod.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tiled_prod.h index 6f22dfa3aa2..c6464946a89 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tiled_prod.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tiled_prod.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_topk.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_topk.h index 8525bc7d466..fe907fae37d 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_topk.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_topk.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_trigonometry.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_trigonometry.h index 72e99904f8c..2cab71c487d 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_trigonometry.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_trigonometry.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_unary_comp.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_unary_comp.h index a26c5a79851..cf2f089eebe 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_unary_comp.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_unary_comp.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu_types.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu_types.h index 22640cdd93d..fcd741a68e6 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu_types.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_sfpu_types.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_unpack_AB_api.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_unpack_AB_api.h index 59e6e12ea23..eb4792b8bec 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_unpack_AB_api.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_unpack_AB_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_unpack_AB_matmul_api.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_unpack_AB_matmul_api.h index 63e534a4b09..94040769432 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_unpack_AB_matmul_api.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_unpack_AB_matmul_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_unpack_A_api.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_unpack_A_api.h index 72e4195c48e..95e71f7b9eb 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_unpack_A_api.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_unpack_A_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_unpack_common_api.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_unpack_common_api.h index 323bc98f507..d3236635261 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_unpack_common_api.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_unpack_common_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_unpack_reduce_api.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_unpack_reduce_api.h index d1b893b0ad1..e10aede33d5 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_unpack_reduce_api.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_unpack_reduce_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_unpack_untilize_api.h b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_unpack_untilize_api.h index 3439b71e73e..4a4436b7981 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_unpack_untilize_api.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_api/llk_unpack_untilize_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_io/llk_io.h b/tt_metal/hw/ckernels/blackhole/metal/llk_io/llk_io.h index 79f2a1e6820..510fbd17c24 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_io/llk_io.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_io/llk_io.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_io/llk_io_pack.h b/tt_metal/hw/ckernels/blackhole/metal/llk_io/llk_io_pack.h index 1455f12fbd5..a11f68ef3ad 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_io/llk_io_pack.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_io/llk_io_pack.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_io/llk_io_unpack.h b/tt_metal/hw/ckernels/blackhole/metal/llk_io/llk_io_unpack.h index 223cc037ee0..7c13f29eb08 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_io/llk_io_unpack.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_io/llk_io_unpack.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_io/llk_operands.h b/tt_metal/hw/ckernels/blackhole/metal/llk_io/llk_operands.h index b8f33b36b91..beb673ba1d0 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_io/llk_operands.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_io/llk_operands.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/blackhole/metal/llk_io/llk_outputs.h b/tt_metal/hw/ckernels/blackhole/metal/llk_io/llk_outputs.h index 1d2829de634..d5313b9e36e 100644 --- a/tt_metal/hw/ckernels/blackhole/metal/llk_io/llk_outputs.h +++ b/tt_metal/hw/ckernels/blackhole/metal/llk_io/llk_outputs.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/common/chlkc_list.h b/tt_metal/hw/ckernels/grayskull/metal/common/chlkc_list.h index ea07cce6d64..78d3db07acd 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/common/chlkc_list.h +++ b/tt_metal/hw/ckernels/grayskull/metal/common/chlkc_list.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_math_binary_api.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_math_binary_api.h index 518f42b6df4..f453702d31b 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_math_binary_api.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_math_binary_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_math_common_api.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_math_common_api.h index 981903ecc91..08d6d549cbf 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_math_common_api.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_math_common_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_math_matmul_api.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_math_matmul_api.h index 7707cf1c4eb..1f7b6e91ad1 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_math_matmul_api.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_math_matmul_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_math_reduce_api.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_math_reduce_api.h index ca767356307..f35fa9b5504 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_math_reduce_api.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_math_reduce_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_math_unary_datacopy_api.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_math_unary_datacopy_api.h index 12771bc04b5..a5348fc1fe8 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_math_unary_datacopy_api.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_math_unary_datacopy_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_math_unary_sfpu_api.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_math_unary_sfpu_api.h index 5a32bc27bd9..5e12b392605 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_math_unary_sfpu_api.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_math_unary_sfpu_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_pack_api.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_pack_api.h index 307fe7b7dab..94f36dcf489 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_pack_api.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_pack_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_param_structs.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_param_structs.h index c3451350def..1c16d8274fa 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_param_structs.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_param_structs.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_reverseops.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_reverseops.h index 2fa82724c14..c2e8121e3d9 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_reverseops.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_reverseops.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_add1.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_add1.h index d4fc179ddb8..ae0439905ef 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_add1.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_add1.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_binop_with_unary.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_binop_with_unary.h index a9670d5bebb..19ffab11334 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_binop_with_unary.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_binop_with_unary.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_cdf.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_cdf.h index 5cbdc35c459..5910174ea11 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_cdf.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_cdf.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_comp.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_comp.h index 183fd30dd7a..140ff6a04fc 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_comp.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_comp.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_converter.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_converter.h index c40af28f532..3287a52674a 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_converter.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_converter.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_elu.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_elu.h index 7458be376ae..bcd4a479787 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_elu.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_elu.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_erf_erfc.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_erf_erfc.h index 5b02baf7dc6..8ec65368cea 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_erf_erfc.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_erf_erfc.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_erfinv.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_erfinv.h index fed9f676c85..c48afe3c5e3 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_erfinv.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_erfinv.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_exp.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_exp.h index b71bf51150d..93833eb509b 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_exp.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_exp.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_exp2.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_exp2.h index 4795c58b6c5..ef77809c003 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_exp2.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_exp2.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_expm1.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_expm1.h index 17f22ddcca2..5316b72c3ca 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_expm1.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_expm1.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_fill.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_fill.h index c2b7dedb8c1..005edc39924 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_fill.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_fill.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_gelu.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_gelu.h index b7d04217eac..21c899d0e53 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_gelu.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_gelu.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_heaviside.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_heaviside.h index a7689d9e1da..fbdafa3ec31 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_heaviside.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_heaviside.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_i0.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_i0.h index fb075d383ae..f438f8cd225 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_i0.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_i0.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_identity.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_identity.h index 8d87abf46d1..dbc2cb99a6a 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_identity.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_identity.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_isinf_isnan.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_isinf_isnan.h index 042e20cfbe1..442f4384ce7 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_isinf_isnan.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_isinf_isnan.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_logical_not_noti.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_logical_not_noti.h index 575d753b358..ac86f04eb1a 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_logical_not_noti.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_logical_not_noti.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_mask.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_mask.h index 8f1c90e63cc..fdadc5a9878 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_mask.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_mask.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_min.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_min.h index cf134dc7e05..9bff3a683f9 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_min.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_min.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_negative.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_negative.h index ab74e95bf73..fc0952838c2 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_negative.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_negative.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_power_iterative.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_power_iterative.h index fb3b0b7712b..4051205ae17 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_power_iterative.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_power_iterative.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_recip.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_recip.h index 4c1a49232c8..ef85ef2d9d0 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_recip.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_recip.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_relu.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_relu.h index 9245055dfbc..f2a466af6c5 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_relu.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_relu.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_rsqrt.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_rsqrt.h index 23ef1eecdcf..8163f8a33c8 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_rsqrt.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_rsqrt.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid.h index 3071b6fbd50..60edde1f7aa 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid_appx.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid_appx.h index 05737441154..71d91a1cdd1 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid_appx.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid_appx.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_sign.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_sign.h index 513fd38d7a7..df8330fcc99 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_sign.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_sign.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_signbit.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_signbit.h index 5b8ea8fde59..a006193da03 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_signbit.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_signbit.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_silu.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_silu.h index 19b88f84373..c5709b6ee34 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_silu.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_silu.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_sqrt.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_sqrt.h index 8b16a86df6f..cc1fe9d2c53 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_sqrt.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_sqrt.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_tiled_prod.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_tiled_prod.h index f50350fb350..93f0167389e 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_tiled_prod.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_tiled_prod.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_topk.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_topk.h index ef79228191d..fafd727fc45 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_topk.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_topk.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_trigonometry.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_trigonometry.h index 08a30ccb1fd..db75bedffbe 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_trigonometry.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_trigonometry.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_unary_comp.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_unary_comp.h index c52b181d078..d96ae605f18 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_unary_comp.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/ckernel_sfpu_unary_comp.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_add1.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_add1.h index 31e26717208..b1b42f1ddc9 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_add1.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_add1.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_binop_with_scalar.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_binop_with_scalar.h index d7cc6601129..ea1f5eea0e0 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_binop_with_scalar.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_binop_with_scalar.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_common_includes.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_common_includes.h index 737195d77c6..dc9b9aaee34 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_common_includes.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_common_includes.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_comp.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_comp.h index f79eeb57621..1fbdc63c6bc 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_comp.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_comp.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_elu.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_elu.h index f6caca92c0a..7cdd5cad5ec 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_elu.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_elu.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erf_erfc.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erf_erfc.h index 86915061f53..e5a4ec1b150 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erf_erfc.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erf_erfc.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erfinv.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erfinv.h index 884a612164a..c913c11ae18 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erfinv.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erfinv.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp.h index 1ef03fdf00b..6162d15f1c8 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp2.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp2.h index 4b12c792eb1..4453760370b 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp2.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp2.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_expm1.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_expm1.h index e949d4f0ff7..bf6092edb54 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_expm1.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_expm1.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_gelu.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_gelu.h index 231de821e46..c6e43e547ab 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_gelu.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_gelu.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_heaviside.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_heaviside.h index 5d102405f01..82fe14e4c32 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_heaviside.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_heaviside.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_i0.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_i0.h index 9d46d6780e9..980cccc88c0 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_i0.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_i0.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_identity.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_identity.h index da898a01e9e..7bf79414bfb 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_identity.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_identity.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_init.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_init.h index 635ce9dc127..7ef1a4e13e8 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_init.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_init.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_isinf_isnan.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_isinf_isnan.h index 6e52d05a8f3..9980d5d8e69 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_isinf_isnan.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_isinf_isnan.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_logical_not_noti.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_logical_not_noti.h index 2c6e6c60a64..8e37e732d10 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_logical_not_noti.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_logical_not_noti.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_mask.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_mask.h index e717341255d..108572f6c19 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_mask.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_mask.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_min.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_min.h index f8497d7dd7a..53033e3c743 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_min.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_min.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_negative.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_negative.h index 497d2292727..91520b40636 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_negative.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_negative.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_params.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_params.h index 26b4e8b422d..0d1526c40c6 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_params.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_params.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_power.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_power.h index f99e4788c77..0d434a33a80 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_power.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_power.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_recip.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_recip.h index f08b6b1a06d..cbfc8ee557e 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_recip.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_recip.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_relu.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_relu.h index 860e99b5f32..acb3a5e08e5 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_relu.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_relu.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_reverseops.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_reverseops.h index dc8b9c51dc2..5ac37d27ff7 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_reverseops.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_reverseops.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_rsqrt.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_rsqrt.h index 4e56b8d9456..07373c8a109 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_rsqrt.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_rsqrt.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid.h index 62bc0ce99de..8c76e362016 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid_appx.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid_appx.h index 58a71519c23..a5b2c37668c 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid_appx.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid_appx.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sign.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sign.h index 3b4918db6eb..f2c5e197e1e 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sign.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sign.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_signbit.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_signbit.h index c26364cfe2b..b4b70934411 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_signbit.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_signbit.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_silu.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_silu.h index 50f25e9a7fc..93cd4e2c812 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_silu.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_silu.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sqrt.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sqrt.h index b5dc51e9682..b067b757b7f 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sqrt.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sqrt.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tiled_prod.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tiled_prod.h index c7b6e11aab4..92725bced20 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tiled_prod.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tiled_prod.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_topk.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_topk.h index f95d36c5790..be49bb813c1 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_topk.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_topk.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_trigonometry.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_trigonometry.h index 6a811b3fb45..79b6173c67e 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_trigonometry.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_trigonometry.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_unary_comp.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_unary_comp.h index 4b86b95a8b9..0b343b68c83 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_unary_comp.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_unary_comp.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu_types.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu_types.h index 58c2586236d..9ec36e4ac26 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu_types.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_sfpu_types.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_unpack_AB_api.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_unpack_AB_api.h index 65ba64b0807..e3c16e2715b 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_unpack_AB_api.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_unpack_AB_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_unpack_AB_matmul_api.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_unpack_AB_matmul_api.h index 1089c59f1ac..70019943da6 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_unpack_AB_matmul_api.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_unpack_AB_matmul_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_unpack_A_api.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_unpack_A_api.h index fb913e9bf60..d59edc9847f 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_unpack_A_api.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_unpack_A_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_unpack_common_api.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_unpack_common_api.h index 70c761578c6..93566f3b718 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_unpack_common_api.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_unpack_common_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_unpack_reduce_api.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_unpack_reduce_api.h index 3579ee206e8..e570c662423 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_unpack_reduce_api.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_unpack_reduce_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_unpack_untilize_api.h b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_unpack_untilize_api.h index 51bf38a8615..2cecc5df154 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_unpack_untilize_api.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_api/llk_unpack_untilize_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_io/llk_io.h b/tt_metal/hw/ckernels/grayskull/metal/llk_io/llk_io.h index 79f2a1e6820..510fbd17c24 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_io/llk_io.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_io/llk_io.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_io/llk_io_pack.h b/tt_metal/hw/ckernels/grayskull/metal/llk_io/llk_io_pack.h index 7eb230d3410..14a4a9321ce 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_io/llk_io_pack.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_io/llk_io_pack.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_io/llk_io_unpack.h b/tt_metal/hw/ckernels/grayskull/metal/llk_io/llk_io_unpack.h index ed42d6e52a1..fcb3ed3cc11 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_io/llk_io_unpack.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_io/llk_io_unpack.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_io/llk_operands.h b/tt_metal/hw/ckernels/grayskull/metal/llk_io/llk_operands.h index f79965e8db7..1a6c5c678c2 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_io/llk_operands.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_io/llk_operands.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/grayskull/metal/llk_io/llk_outputs.h b/tt_metal/hw/ckernels/grayskull/metal/llk_io/llk_outputs.h index 027a7fe6524..b9c2a6ec9ed 100644 --- a/tt_metal/hw/ckernels/grayskull/metal/llk_io/llk_outputs.h +++ b/tt_metal/hw/ckernels/grayskull/metal/llk_io/llk_outputs.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/inc/ckernel_ops.h b/tt_metal/hw/ckernels/wormhole_b0/inc/ckernel_ops.h index 94947ef7456..89e6fac7c83 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/inc/ckernel_ops.h +++ b/tt_metal/hw/ckernels/wormhole_b0/inc/ckernel_ops.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/common/chlkc_list.h b/tt_metal/hw/ckernels/wormhole_b0/metal/common/chlkc_list.h index 01135c40169..113bfe6e4be 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/common/chlkc_list.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/common/chlkc_list.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_math_binary_api.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_math_binary_api.h index efead1bca4a..4b5ede1d8a6 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_math_binary_api.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_math_binary_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_math_binary_sfpu_api.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_math_binary_sfpu_api.h index bdca47da10d..b0a524bf56e 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_math_binary_sfpu_api.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_math_binary_sfpu_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_math_common_api.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_math_common_api.h index 29d92d7ff2a..809fd2586c5 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_math_common_api.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_math_common_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_math_matmul_api.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_math_matmul_api.h index a4292db9b52..da6d936a4dc 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_math_matmul_api.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_math_matmul_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_math_reduce_api.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_math_reduce_api.h index 57e9944ca43..b1682b7b030 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_math_reduce_api.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_math_reduce_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_math_unary_datacopy_api.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_math_unary_datacopy_api.h index 33cf1981f69..e15c4fcfc92 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_math_unary_datacopy_api.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_math_unary_datacopy_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_math_unary_sfpu_api.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_math_unary_sfpu_api.h index b1ae609e4fb..d88cd4f32b2 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_math_unary_sfpu_api.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_math_unary_sfpu_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_pack_api.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_pack_api.h index a30db8d97aa..0b7fdf49df7 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_pack_api.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_pack_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_param_structs.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_param_structs.h index 5816509c780..41e6ca956ff 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_param_structs.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_param_structs.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_reverseops.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_reverseops.h index d2487c656a0..f41da9990bc 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_reverseops.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_reverseops.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_abs.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_abs.h index 2df755ca8b5..2f478581880 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_abs.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_abs.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_add1.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_add1.h index 8e4c2ebc5e7..a0b65524cbb 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_add1.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_add1.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_binop_with_unary.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_binop_with_unary.h index 6c52e46d334..4d7c9f34a61 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_binop_with_unary.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_binop_with_unary.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_and.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_and.h index 028900ff2ee..09e84616c66 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_and.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_and.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_not.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_not.h index 8f40ba0e476..dd175523628 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_not.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_not.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_or.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_or.h index 66118365030..f7a26494a38 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_or.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_or.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 #pragma once diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_xor.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_xor.h index 36a84d63067..511fb2a88e3 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_xor.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_bitwise_xor.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_cast_fp32_to_fp16a.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_cast_fp32_to_fp16a.h index fe8002eb531..a049c949f1e 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_cast_fp32_to_fp16a.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_cast_fp32_to_fp16a.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_cdf.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_cdf.h index 5cbdc35c459..5910174ea11 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_cdf.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_cdf.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_ceil.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_ceil.h index d803f841dbf..a55e69384b6 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_ceil.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_ceil.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_clamp.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_clamp.h index cf71e5c7408..2728e0d7f8c 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_clamp.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_clamp.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_comp.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_comp.h index ede431f7613..0437847ed93 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_comp.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_comp.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_converter.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_converter.h index 3dc0167de82..2456b9bdc60 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_converter.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_converter.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_dropout.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_dropout.h index 76f10632ea4..ef3b269fad7 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_dropout.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_dropout.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_elu.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_elu.h index 1cf53efd1bd..7d2a7afa99f 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_elu.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_elu.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_erf_erfc.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_erf_erfc.h index cfb28465fd4..df854f5be4f 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_erf_erfc.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_erf_erfc.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_erfinv.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_erfinv.h index a87d6efecab..750fb28d0a2 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_erfinv.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_erfinv.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_exp.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_exp.h index 5bacc334456..9f32b8673bc 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_exp.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_exp.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_exp2.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_exp2.h index 1eeb69d68b4..07d968d01b6 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_exp2.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_exp2.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_expm1.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_expm1.h index 9b8c51000c0..bcccc8af993 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_expm1.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_expm1.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_fill.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_fill.h index d728e2cd4b3..b20848de3e9 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_fill.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_fill.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_floor.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_floor.h index 30d18596ef4..c6f536c1bf3 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_floor.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_floor.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_fmod.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_fmod.h index 9cc2bef84c7..fac1f58f5ea 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_fmod.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_fmod.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_gelu.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_gelu.h index 16ccbb8d7c6..cc09b54c846 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_gelu.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_gelu.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_hardtanh.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_hardtanh.h index da257383ad7..3a818648077 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_hardtanh.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_hardtanh.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_heaviside.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_heaviside.h index 16fca8a6cb2..0a01fa3875c 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_heaviside.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_heaviside.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_i0.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_i0.h index 91602a61697..98176099679 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_i0.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_i0.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_identity.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_identity.h index 1a98aed6b98..7cb29678305 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_identity.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_identity.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_isinf_isnan.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_isinf_isnan.h index 092b032f33b..61816ade4b9 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_isinf_isnan.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_isinf_isnan.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_left_shift.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_left_shift.h index ef7056e8834..2c720888f02 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_left_shift.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_left_shift.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_log.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_log.h index 5e652edb963..12ccc2f8057 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_log.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_log.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_logical_not_noti.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_logical_not_noti.h index a99dae12649..454467bddd7 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_logical_not_noti.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_logical_not_noti.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_mask.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_mask.h index 05a72184064..ca3c8e452c5 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_mask.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_mask.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_max.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_max.h index b940207fd93..2fe542eaf13 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_max.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_max.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_min.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_min.h index e4a173cab06..dc1485ea95d 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_min.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_min.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_negative.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_negative.h index 93dfd6f298c..9941510f32c 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_negative.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_negative.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_power_iterative.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_power_iterative.h index 3683a52c518..99650ce1010 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_power_iterative.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_power_iterative.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_recip.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_recip.h index f5df4e6d340..2e3bc600600 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_recip.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_recip.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_relu.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_relu.h index eb84d1486bb..8b96b27431f 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_relu.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_relu.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_remainder.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_remainder.h index 2d151d697cd..b3f014bc93c 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_remainder.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_remainder.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_reshuffle_rows.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_reshuffle_rows.h index f22a103d3eb..ca1b67d5d6d 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_reshuffle_rows.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_reshuffle_rows.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_right_shift.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_right_shift.h index 6c9c56812b0..8d972016079 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_right_shift.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_right_shift.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_rsqrt.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_rsqrt.h index 1e589545183..67780ef9863 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_rsqrt.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_rsqrt.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid.h index 33fbaa3e1a4..093473cfc29 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid_appx.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid_appx.h index d32f77b1ebf..bb20b88152e 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid_appx.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_sigmoid_appx.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_sign.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_sign.h index 513fd38d7a7..df8330fcc99 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_sign.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_sign.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_signbit.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_signbit.h index 2639bc2fed3..064660271cf 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_signbit.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_signbit.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_silu.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_silu.h index 8ed6615f86d..4688c4d055c 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_silu.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_silu.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_softplus.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_softplus.h index 731889214e7..b4ceabf3cd0 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_softplus.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_softplus.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_sqrt.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_sqrt.h index c978ad301b0..aa22eb18b6c 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_sqrt.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_sqrt.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_square.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_square.h index bb4c8ee70f9..5ebd9e26175 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_square.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_square.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_tanh.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_tanh.h index 2c2c038afd3..14ebfd9e801 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_tanh.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_tanh.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_tanh_derivative.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_tanh_derivative.h index fc3ff70cf47..43ce4a6efb0 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_tanh_derivative.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_tanh_derivative.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_tiled_prod.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_tiled_prod.h index 726537d8fdb..ded3a6245e4 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_tiled_prod.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_tiled_prod.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_trigonometry.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_trigonometry.h index 666740bb938..cdf20e43aac 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_trigonometry.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_trigonometry.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_unary_comp.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_unary_comp.h index d73228a0855..ac22a6f68b9 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_unary_comp.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/ckernel_sfpu_unary_comp.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_abs.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_abs.h index e28190475cf..c81b5f6c1e2 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_abs.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_abs.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_add1.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_add1.h index 7c357a6acbc..27c6cf35784 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_add1.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_add1.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_binop_with_scalar.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_binop_with_scalar.h index 645a2ec7805..da48c3841be 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_binop_with_scalar.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_binop_with_scalar.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_and.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_and.h index 0fe749cc53f..dc203c170ab 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_and.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_and.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_not.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_not.h index d2548ccafa5..3744fe15671 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_not.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_not.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_or.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_or.h index 0c035198385..4c307bd40b6 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_or.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_or.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_xor.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_xor.h index e5c0928ecd7..0b6c736b8bc 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_xor.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_bitwise_xor.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_cast_fp32_to_fp16a.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_cast_fp32_to_fp16a.h index 45991771ec6..03bdeb40e95 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_cast_fp32_to_fp16a.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_cast_fp32_to_fp16a.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_ceil.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_ceil.h index 690528ed0c4..79b0e26962b 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_ceil.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_ceil.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_clamp.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_clamp.h index 51eb55cf67a..9ad025a34b2 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_clamp.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_clamp.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_comp.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_comp.h index dbb495bf328..313e9ea885a 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_comp.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_comp.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_dropout.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_dropout.h index efeaba84703..feb04a69c92 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_dropout.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_dropout.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_elu.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_elu.h index aa2579184ff..560124a3c0e 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_elu.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_elu.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erf_erfc.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erf_erfc.h index db1241e88fc..08aa2ba2f26 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erf_erfc.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erf_erfc.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erfinv.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erfinv.h index 0626b187729..8fba226462f 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erfinv.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_erfinv.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp.h index a46758c4f47..b0b38adc93b 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp2.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp2.h index 022542f1ab6..b52b7d57003 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp2.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_exp2.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_expm1.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_expm1.h index 69f949d5fcc..e2f5c116358 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_expm1.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_expm1.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_floor.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_floor.h index ff0e6e96daf..3f22a2355b5 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_floor.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_floor.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_fmod.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_fmod.h index 1cfa949f1b5..c5400332b6c 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_fmod.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_fmod.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_gelu.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_gelu.h index 2ca5d0b4632..84d948d91c8 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_gelu.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_gelu.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_hardtanh.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_hardtanh.h index 868e0f1e5c6..c0e36100660 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_hardtanh.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_hardtanh.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_heaviside.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_heaviside.h index a5107280f82..c7780b85ad9 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_heaviside.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_heaviside.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_i0.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_i0.h index 578cf47cf1e..8366688d2f0 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_i0.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_i0.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_identity.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_identity.h index a171a4ef42a..66f5842ecee 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_identity.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_identity.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_init.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_init.h index 21c697b8e85..ca9ee87cb94 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_init.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_init.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_isinf_isnan.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_isinf_isnan.h index 3e3b3608b72..d839d52e521 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_isinf_isnan.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_isinf_isnan.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_left_shift.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_left_shift.h index 42c5b9563ff..89e5cf47e6f 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_left_shift.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_left_shift.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_log.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_log.h index 6932c14f225..a4b0ab894e5 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_log.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_log.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_logical_not_noti.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_logical_not_noti.h index 9b630efdfe9..225e685f8bf 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_logical_not_noti.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_logical_not_noti.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_mask.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_mask.h index c5dfca8bac9..42bebe74c06 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_mask.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_mask.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_max.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_max.h index 85031cf2c67..2f8d5623e3f 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_max.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_max.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_min.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_min.h index 583a403392e..9195d32b6ea 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_min.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_min.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_negative.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_negative.h index 497d2292727..91520b40636 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_negative.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_negative.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_params.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_params.h index 92450544139..f8fbec7fd9a 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_params.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_params.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_power.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_power.h index e39be099da2..247616c1a4a 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_power.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_power.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_recip.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_recip.h index 67cf94914fd..5895a603e78 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_recip.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_recip.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_relu.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_relu.h index c36d91175a6..ecff9703e26 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_relu.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_relu.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_remainder.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_remainder.h index 4ddb164a440..273ddc2ff12 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_remainder.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_remainder.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_reshuffle_rows.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_reshuffle_rows.h index dd85fb101b0..c1d48b1b863 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_reshuffle_rows.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_reshuffle_rows.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_reverseops.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_reverseops.h index 9077ca8a646..7a22ca95a29 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_reverseops.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_reverseops.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_right_shift.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_right_shift.h index 71a9d785ae4..1ac23b5a278 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_right_shift.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_right_shift.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_rsqrt.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_rsqrt.h index c3d332abd48..6f4be7973c6 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_rsqrt.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_rsqrt.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid.h index b44585d9f64..d695c21838d 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid_appx.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid_appx.h index 17c62502295..cdb0ab7fed3 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid_appx.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sigmoid_appx.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sign.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sign.h index 8a1603a248c..3abe4ab2bcb 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sign.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sign.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_signbit.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_signbit.h index 8071df429ee..7157558a37b 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_signbit.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_signbit.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_silu.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_silu.h index aa72acb2bcb..efb01618207 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_silu.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_silu.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_softplus.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_softplus.h index 6cabd3f68de..78d17c73d15 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_softplus.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_softplus.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sqrt.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sqrt.h index 1aced36421d..28c8e3c9722 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sqrt.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_sqrt.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_square.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_square.h index faa5df9d0ed..293380cfc75 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_square.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_square.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tanh.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tanh.h index 63f61d0e700..6fa075709c2 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tanh.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tanh.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tanh_derivative.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tanh_derivative.h index f3cd691acd7..2abb0b19474 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tanh_derivative.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tanh_derivative.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tiled_prod.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tiled_prod.h index 6f22dfa3aa2..c6464946a89 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tiled_prod.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_tiled_prod.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_topk.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_topk.h index 8525bc7d466..fe907fae37d 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_topk.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_topk.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_trigonometry.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_trigonometry.h index 72e99904f8c..2cab71c487d 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_trigonometry.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_trigonometry.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_unary_comp.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_unary_comp.h index a26c5a79851..cf2f089eebe 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_unary_comp.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu/llk_math_eltwise_unary_sfpu_unary_comp.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu_types.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu_types.h index 77f70afe745..37ee4c86ac6 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu_types.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_sfpu_types.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_unpack_AB_api.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_unpack_AB_api.h index 59e6e12ea23..eb4792b8bec 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_unpack_AB_api.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_unpack_AB_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_unpack_AB_matmul_api.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_unpack_AB_matmul_api.h index f678928510b..8a219d84065 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_unpack_AB_matmul_api.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_unpack_AB_matmul_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_unpack_A_api.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_unpack_A_api.h index 72e4195c48e..95e71f7b9eb 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_unpack_A_api.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_unpack_A_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_unpack_common_api.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_unpack_common_api.h index d4087520fad..d3f5c79224b 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_unpack_common_api.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_unpack_common_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_unpack_reduce_api.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_unpack_reduce_api.h index 90e911da97d..4512d30f057 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_unpack_reduce_api.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_unpack_reduce_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_unpack_untilize_api.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_unpack_untilize_api.h index 66c99d7efc3..0c08cce8d9c 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_unpack_untilize_api.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_api/llk_unpack_untilize_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_io/llk_io.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_io/llk_io.h index 79f2a1e6820..510fbd17c24 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_io/llk_io.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_io/llk_io.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_io/llk_io_pack.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_io/llk_io_pack.h index 6e74b3b283f..85876e7cb58 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_io/llk_io_pack.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_io/llk_io_pack.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_io/llk_io_unpack.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_io/llk_io_unpack.h index 349dc393255..78e7021e22d 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_io/llk_io_unpack.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_io/llk_io_unpack.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_io/llk_operands.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_io/llk_operands.h index c28f9d9bef1..ba4d2e051d8 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_io/llk_operands.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_io/llk_operands.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_io/llk_outputs.h b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_io/llk_outputs.h index 7623cb55937..324234b1468 100644 --- a/tt_metal/hw/ckernels/wormhole_b0/metal/llk_io/llk_outputs.h +++ b/tt_metal/hw/ckernels/wormhole_b0/metal/llk_io/llk_outputs.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/firmware/src/blackhole/noc.c b/tt_metal/hw/firmware/src/blackhole/noc.c index ce1599e08e3..774a57c3878 100644 --- a/tt_metal/hw/firmware/src/blackhole/noc.c +++ b/tt_metal/hw/firmware/src/blackhole/noc.c @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/firmware/src/brisc.cc b/tt_metal/hw/firmware/src/brisc.cc index 0702555d237..49180231b6f 100644 --- a/tt_metal/hw/firmware/src/brisc.cc +++ b/tt_metal/hw/firmware/src/brisc.cc @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/firmware/src/brisck.cc b/tt_metal/hw/firmware/src/brisck.cc index 21ab5c2bdd2..63c52a22981 100644 --- a/tt_metal/hw/firmware/src/brisck.cc +++ b/tt_metal/hw/firmware/src/brisck.cc @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/firmware/src/erisc.cc b/tt_metal/hw/firmware/src/erisc.cc index dcf1ffc60a7..10287016373 100644 --- a/tt_metal/hw/firmware/src/erisc.cc +++ b/tt_metal/hw/firmware/src/erisc.cc @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/firmware/src/erisck.cc b/tt_metal/hw/firmware/src/erisck.cc index e2c8f068a34..6925b33ef14 100644 --- a/tt_metal/hw/firmware/src/erisck.cc +++ b/tt_metal/hw/firmware/src/erisck.cc @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/firmware/src/grayskull/noc.c b/tt_metal/hw/firmware/src/grayskull/noc.c index 5453751c921..af939de0eae 100644 --- a/tt_metal/hw/firmware/src/grayskull/noc.c +++ b/tt_metal/hw/firmware/src/grayskull/noc.c @@ -1,8 +1,7 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 - #include "noc.h" #include #include diff --git a/tt_metal/hw/firmware/src/idle_erisc.cc b/tt_metal/hw/firmware/src/idle_erisc.cc index 307faa8e0dc..b953eb8a699 100644 --- a/tt_metal/hw/firmware/src/idle_erisc.cc +++ b/tt_metal/hw/firmware/src/idle_erisc.cc @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/firmware/src/idle_erisck.cc b/tt_metal/hw/firmware/src/idle_erisck.cc index e7fdeb2f718..dd4f011cb6d 100644 --- a/tt_metal/hw/firmware/src/idle_erisck.cc +++ b/tt_metal/hw/firmware/src/idle_erisck.cc @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/firmware/src/ncrisc.cc b/tt_metal/hw/firmware/src/ncrisc.cc index 53cc38c894e..1302aa5f548 100644 --- a/tt_metal/hw/firmware/src/ncrisc.cc +++ b/tt_metal/hw/firmware/src/ncrisc.cc @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/firmware/src/ncrisck.cc b/tt_metal/hw/firmware/src/ncrisck.cc index e3c228f96fb..fd51d3342a5 100644 --- a/tt_metal/hw/firmware/src/ncrisck.cc +++ b/tt_metal/hw/firmware/src/ncrisck.cc @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/firmware/src/tdma_xmov.c b/tt_metal/hw/firmware/src/tdma_xmov.c index 7379705b3d3..47d79e1942d 100644 --- a/tt_metal/hw/firmware/src/tdma_xmov.c +++ b/tt_metal/hw/firmware/src/tdma_xmov.c @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/firmware/src/trisc.cc b/tt_metal/hw/firmware/src/trisc.cc index 1a1f770d1cd..3ca359594bc 100644 --- a/tt_metal/hw/firmware/src/trisc.cc +++ b/tt_metal/hw/firmware/src/trisc.cc @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/firmware/src/trisck.cc b/tt_metal/hw/firmware/src/trisck.cc index 7e624b5767c..78eecc3fa3e 100644 --- a/tt_metal/hw/firmware/src/trisck.cc +++ b/tt_metal/hw/firmware/src/trisck.cc @@ -1,8 +1,7 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 - // This c-file's purpose is: // 1) include the generated list of kernels // The files hold run_kernel() definition and inline kernel_main functions for every ckernel diff --git a/tt_metal/hw/firmware/src/tt_eth_api.cpp b/tt_metal/hw/firmware/src/tt_eth_api.cpp index 2835915e4eb..9de04f16a65 100644 --- a/tt_metal/hw/firmware/src/tt_eth_api.cpp +++ b/tt_metal/hw/firmware/src/tt_eth_api.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/firmware/src/wormhole/noc.c b/tt_metal/hw/firmware/src/wormhole/noc.c index 534448ee8bb..13177c81c2a 100644 --- a/tt_metal/hw/firmware/src/wormhole/noc.c +++ b/tt_metal/hw/firmware/src/wormhole/noc.c @@ -1,8 +1,7 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 - #include "noc.h" #include #include diff --git a/tt_metal/hw/inc/atomic_rwptr.h b/tt_metal/hw/inc/atomic_rwptr.h index 8d9505c24ed..2f5d22c4760 100644 --- a/tt_metal/hw/inc/atomic_rwptr.h +++ b/tt_metal/hw/inc/atomic_rwptr.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/bit_utils.h b/tt_metal/hw/inc/bit_utils.h index e35e662eae3..09ff8e960da 100644 --- a/tt_metal/hw/inc/bit_utils.h +++ b/tt_metal/hw/inc/bit_utils.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/blackhole/c_tensix_core.h b/tt_metal/hw/inc/blackhole/c_tensix_core.h index a0ad035ca04..22b2d7b7033 100644 --- a/tt_metal/hw/inc/blackhole/c_tensix_core.h +++ b/tt_metal/hw/inc/blackhole/c_tensix_core.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/blackhole/cfg_defines.h b/tt_metal/hw/inc/blackhole/cfg_defines.h index cf8adbbbd0c..d9fe5d76a93 100644 --- a/tt_metal/hw/inc/blackhole/cfg_defines.h +++ b/tt_metal/hw/inc/blackhole/cfg_defines.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 //////////////////////////////////////////////////////////////////////// diff --git a/tt_metal/hw/inc/blackhole/cmd_params.h b/tt_metal/hw/inc/blackhole/cmd_params.h index 456c9658d97..51a17dc19be 100644 --- a/tt_metal/hw/inc/blackhole/cmd_params.h +++ b/tt_metal/hw/inc/blackhole/cmd_params.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/blackhole/dev_mem_map.h b/tt_metal/hw/inc/blackhole/dev_mem_map.h index 78afa1e7ff7..32158c7ad76 100644 --- a/tt_metal/hw/inc/blackhole/dev_mem_map.h +++ b/tt_metal/hw/inc/blackhole/dev_mem_map.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/blackhole/dram_address_map.h b/tt_metal/hw/inc/blackhole/dram_address_map.h index e2b61cd3f18..d4a08be9abb 100644 --- a/tt_metal/hw/inc/blackhole/dram_address_map.h +++ b/tt_metal/hw/inc/blackhole/dram_address_map.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/blackhole/eth_l1_address_map.h b/tt_metal/hw/inc/blackhole/eth_l1_address_map.h index e99d13af3d4..f2e1c7c6056 100644 --- a/tt_metal/hw/inc/blackhole/eth_l1_address_map.h +++ b/tt_metal/hw/inc/blackhole/eth_l1_address_map.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/blackhole/noc/noc.h b/tt_metal/hw/inc/blackhole/noc/noc.h index 6a772c0ffcc..7e5fa7c28ae 100644 --- a/tt_metal/hw/inc/blackhole/noc/noc.h +++ b/tt_metal/hw/inc/blackhole/noc/noc.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/blackhole/noc/noc_overlay_parameters.cpp b/tt_metal/hw/inc/blackhole/noc/noc_overlay_parameters.cpp index 0090bfcba37..a8282a83119 100644 --- a/tt_metal/hw/inc/blackhole/noc/noc_overlay_parameters.cpp +++ b/tt_metal/hw/inc/blackhole/noc/noc_overlay_parameters.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/blackhole/noc/noc_overlay_parameters.h b/tt_metal/hw/inc/blackhole/noc/noc_overlay_parameters.h index adcf6491e26..62ad37592cc 100644 --- a/tt_metal/hw/inc/blackhole/noc/noc_overlay_parameters.h +++ b/tt_metal/hw/inc/blackhole/noc/noc_overlay_parameters.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/blackhole/noc/noc_overlay_parameters.hpp b/tt_metal/hw/inc/blackhole/noc/noc_overlay_parameters.hpp index 107723a6df0..30c5bd3a615 100644 --- a/tt_metal/hw/inc/blackhole/noc/noc_overlay_parameters.hpp +++ b/tt_metal/hw/inc/blackhole/noc/noc_overlay_parameters.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/blackhole/noc/noc_parameters.h b/tt_metal/hw/inc/blackhole/noc/noc_parameters.h index 7618d83fe99..0decfbc4cf7 100644 --- a/tt_metal/hw/inc/blackhole/noc/noc_parameters.h +++ b/tt_metal/hw/inc/blackhole/noc/noc_parameters.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/blackhole/noc_nonblocking_api.h b/tt_metal/hw/inc/blackhole/noc_nonblocking_api.h index d91e3dcc270..7427fe5c876 100644 --- a/tt_metal/hw/inc/blackhole/noc_nonblocking_api.h +++ b/tt_metal/hw/inc/blackhole/noc_nonblocking_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/blackhole/risc_chip_specific.h b/tt_metal/hw/inc/blackhole/risc_chip_specific.h index 083d5ebb0bf..29a97f1e3e5 100644 --- a/tt_metal/hw/inc/blackhole/risc_chip_specific.h +++ b/tt_metal/hw/inc/blackhole/risc_chip_specific.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/blackhole/stream_interface.h b/tt_metal/hw/inc/blackhole/stream_interface.h index c01efa9f587..694c174086f 100644 --- a/tt_metal/hw/inc/blackhole/stream_interface.h +++ b/tt_metal/hw/inc/blackhole/stream_interface.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/blackhole/stream_io_map.h b/tt_metal/hw/inc/blackhole/stream_io_map.h index 4529baba1aa..e9906355c71 100644 --- a/tt_metal/hw/inc/blackhole/stream_io_map.h +++ b/tt_metal/hw/inc/blackhole/stream_io_map.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/blackhole/tdma_xmov.h b/tt_metal/hw/inc/blackhole/tdma_xmov.h index c33d748c2c1..1110fd092c7 100644 --- a/tt_metal/hw/inc/blackhole/tdma_xmov.h +++ b/tt_metal/hw/inc/blackhole/tdma_xmov.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 // diff --git a/tt_metal/hw/inc/blackhole/tensix.h b/tt_metal/hw/inc/blackhole/tensix.h index f9f129c712e..c4f3c6a1db0 100644 --- a/tt_metal/hw/inc/blackhole/tensix.h +++ b/tt_metal/hw/inc/blackhole/tensix.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/blackhole/tensix_types.h b/tt_metal/hw/inc/blackhole/tensix_types.h index d9501525762..915a3455385 100644 --- a/tt_metal/hw/inc/blackhole/tensix_types.h +++ b/tt_metal/hw/inc/blackhole/tensix_types.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/circular_buffer.h b/tt_metal/hw/inc/circular_buffer.h index e9b9f912b22..358d8c47a10 100644 --- a/tt_metal/hw/inc/circular_buffer.h +++ b/tt_metal/hw/inc/circular_buffer.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/cmd_defs.h b/tt_metal/hw/inc/cmd_defs.h index 40cddcc1099..28fc799438f 100644 --- a/tt_metal/hw/inc/cmd_defs.h +++ b/tt_metal/hw/inc/cmd_defs.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/compile_time_args.h b/tt_metal/hw/inc/compile_time_args.h index e507966c516..1712b013c1d 100644 --- a/tt_metal/hw/inc/compile_time_args.h +++ b/tt_metal/hw/inc/compile_time_args.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/dataflow_api.h b/tt_metal/hw/inc/dataflow_api.h index a8a9fe190c4..c636eb18925 100644 --- a/tt_metal/hw/inc/dataflow_api.h +++ b/tt_metal/hw/inc/dataflow_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/dataflow_internal.h b/tt_metal/hw/inc/dataflow_internal.h index 138f3e74c09..c2d5f2adb6f 100644 --- a/tt_metal/hw/inc/dataflow_internal.h +++ b/tt_metal/hw/inc/dataflow_internal.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/debug/assert.h b/tt_metal/hw/inc/debug/assert.h index f9da574761d..f1e539634bd 100644 --- a/tt_metal/hw/inc/debug/assert.h +++ b/tt_metal/hw/inc/debug/assert.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/debug/dprint.h b/tt_metal/hw/inc/debug/dprint.h index 6e88bff9ee3..0354c2aa8b9 100644 --- a/tt_metal/hw/inc/debug/dprint.h +++ b/tt_metal/hw/inc/debug/dprint.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/debug/dprint_buffer.h b/tt_metal/hw/inc/debug/dprint_buffer.h index 75da526b955..3f58408bb02 100644 --- a/tt_metal/hw/inc/debug/dprint_buffer.h +++ b/tt_metal/hw/inc/debug/dprint_buffer.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/debug/dprint_tensix.h b/tt_metal/hw/inc/debug/dprint_tensix.h index 4c1dead3047..773186f71f5 100644 --- a/tt_metal/hw/inc/debug/dprint_tensix.h +++ b/tt_metal/hw/inc/debug/dprint_tensix.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/debug/dprint_test_common.h b/tt_metal/hw/inc/debug/dprint_test_common.h index d92e3a28254..d6d42d1c435 100644 --- a/tt_metal/hw/inc/debug/dprint_test_common.h +++ b/tt_metal/hw/inc/debug/dprint_test_common.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 #pragma once diff --git a/tt_metal/hw/inc/debug/dprint_tile.h b/tt_metal/hw/inc/debug/dprint_tile.h index e0708d67f87..2e30aa4c126 100644 --- a/tt_metal/hw/inc/debug/dprint_tile.h +++ b/tt_metal/hw/inc/debug/dprint_tile.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/debug/fw_debug.h b/tt_metal/hw/inc/debug/fw_debug.h index 4232dcd6ddb..59db1b0a9b9 100644 --- a/tt_metal/hw/inc/debug/fw_debug.h +++ b/tt_metal/hw/inc/debug/fw_debug.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/debug/pause.h b/tt_metal/hw/inc/debug/pause.h index c4d27a3a367..80794653b89 100644 --- a/tt_metal/hw/inc/debug/pause.h +++ b/tt_metal/hw/inc/debug/pause.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/debug/ring_buffer.h b/tt_metal/hw/inc/debug/ring_buffer.h index 9190737caf8..278db5e8990 100644 --- a/tt_metal/hw/inc/debug/ring_buffer.h +++ b/tt_metal/hw/inc/debug/ring_buffer.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/debug/sanitize_noc.h b/tt_metal/hw/inc/debug/sanitize_noc.h index f01427da492..ef977d1dba6 100644 --- a/tt_metal/hw/inc/debug/sanitize_noc.h +++ b/tt_metal/hw/inc/debug/sanitize_noc.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/debug/stack_usage.h b/tt_metal/hw/inc/debug/stack_usage.h index 7a0598e1b61..dc2ca6e0372 100644 --- a/tt_metal/hw/inc/debug/stack_usage.h +++ b/tt_metal/hw/inc/debug/stack_usage.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/debug/watcher_common.h b/tt_metal/hw/inc/debug/watcher_common.h index 87690f6038b..a64ea899b1f 100644 --- a/tt_metal/hw/inc/debug/watcher_common.h +++ b/tt_metal/hw/inc/debug/watcher_common.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/debug/waypoint.h b/tt_metal/hw/inc/debug/waypoint.h index b34cb6efe2a..f57ff642f26 100644 --- a/tt_metal/hw/inc/debug/waypoint.h +++ b/tt_metal/hw/inc/debug/waypoint.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/dev_msgs.h b/tt_metal/hw/inc/dev_msgs.h index 1c176564ece..6900d24256c 100644 --- a/tt_metal/hw/inc/dev_msgs.h +++ b/tt_metal/hw/inc/dev_msgs.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/ethernet/dataflow_api.h b/tt_metal/hw/inc/ethernet/dataflow_api.h index 160a5c7f863..c6bc710ff3e 100644 --- a/tt_metal/hw/inc/ethernet/dataflow_api.h +++ b/tt_metal/hw/inc/ethernet/dataflow_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/ethernet/erisc.h b/tt_metal/hw/inc/ethernet/erisc.h index 132433aa8e6..e3af9c4f225 100644 --- a/tt_metal/hw/inc/ethernet/erisc.h +++ b/tt_metal/hw/inc/ethernet/erisc.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/ethernet/tt_eth_api.h b/tt_metal/hw/inc/ethernet/tt_eth_api.h index c1f1b8050b9..43d17dbf0d1 100644 --- a/tt_metal/hw/inc/ethernet/tt_eth_api.h +++ b/tt_metal/hw/inc/ethernet/tt_eth_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/ethernet/tt_eth_ss_regs.h b/tt_metal/hw/inc/ethernet/tt_eth_ss_regs.h index dbeff0ae738..7391bb1907e 100644 --- a/tt_metal/hw/inc/ethernet/tt_eth_ss_regs.h +++ b/tt_metal/hw/inc/ethernet/tt_eth_ss_regs.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/ethernet/tunneling.h b/tt_metal/hw/inc/ethernet/tunneling.h index 375df30fa67..61ee7cf6b94 100644 --- a/tt_metal/hw/inc/ethernet/tunneling.h +++ b/tt_metal/hw/inc/ethernet/tunneling.h @@ -1,5 +1,5 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/firmware_common.h b/tt_metal/hw/inc/firmware_common.h index 7ba1cf5a968..cdcf2fa99d9 100644 --- a/tt_metal/hw/inc/firmware_common.h +++ b/tt_metal/hw/inc/firmware_common.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/grayskull/c_tensix_core.h b/tt_metal/hw/inc/grayskull/c_tensix_core.h index 716f4d6ef19..5b5d446fd78 100644 --- a/tt_metal/hw/inc/grayskull/c_tensix_core.h +++ b/tt_metal/hw/inc/grayskull/c_tensix_core.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/grayskull/cfg_defines.h b/tt_metal/hw/inc/grayskull/cfg_defines.h index ef9242ce278..f1a0b247d3b 100644 --- a/tt_metal/hw/inc/grayskull/cfg_defines.h +++ b/tt_metal/hw/inc/grayskull/cfg_defines.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/grayskull/cmd_params.h b/tt_metal/hw/inc/grayskull/cmd_params.h index d1205038f80..8c8106b66e6 100644 --- a/tt_metal/hw/inc/grayskull/cmd_params.h +++ b/tt_metal/hw/inc/grayskull/cmd_params.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/grayskull/dev_mem_map.h b/tt_metal/hw/inc/grayskull/dev_mem_map.h index a6342a264f3..88cfacffbd8 100644 --- a/tt_metal/hw/inc/grayskull/dev_mem_map.h +++ b/tt_metal/hw/inc/grayskull/dev_mem_map.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/grayskull/eth_l1_address_map.h b/tt_metal/hw/inc/grayskull/eth_l1_address_map.h index 0ad8580b15b..04df315fe91 100644 --- a/tt_metal/hw/inc/grayskull/eth_l1_address_map.h +++ b/tt_metal/hw/inc/grayskull/eth_l1_address_map.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/grayskull/noc/noc.h b/tt_metal/hw/inc/grayskull/noc/noc.h index 7eee273943a..7384d0bd56d 100644 --- a/tt_metal/hw/inc/grayskull/noc/noc.h +++ b/tt_metal/hw/inc/grayskull/noc/noc.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/grayskull/noc/noc_overlay_parameters.cpp b/tt_metal/hw/inc/grayskull/noc/noc_overlay_parameters.cpp index b0e4a9cb249..475237c8594 100644 --- a/tt_metal/hw/inc/grayskull/noc/noc_overlay_parameters.cpp +++ b/tt_metal/hw/inc/grayskull/noc/noc_overlay_parameters.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/grayskull/noc/noc_overlay_parameters.h b/tt_metal/hw/inc/grayskull/noc/noc_overlay_parameters.h index 1bb3caa7dcb..d52e81f7968 100644 --- a/tt_metal/hw/inc/grayskull/noc/noc_overlay_parameters.h +++ b/tt_metal/hw/inc/grayskull/noc/noc_overlay_parameters.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/grayskull/noc/noc_parameters.h b/tt_metal/hw/inc/grayskull/noc/noc_parameters.h index 46ebaadd638..4e4de06c099 100644 --- a/tt_metal/hw/inc/grayskull/noc/noc_parameters.h +++ b/tt_metal/hw/inc/grayskull/noc/noc_parameters.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/grayskull/noc_nonblocking_api.h b/tt_metal/hw/inc/grayskull/noc_nonblocking_api.h index cc584a5a337..b2d1057c5db 100644 --- a/tt_metal/hw/inc/grayskull/noc_nonblocking_api.h +++ b/tt_metal/hw/inc/grayskull/noc_nonblocking_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/grayskull/risc_chip_specific.h b/tt_metal/hw/inc/grayskull/risc_chip_specific.h index 6df7ab768f9..ca53067bd17 100644 --- a/tt_metal/hw/inc/grayskull/risc_chip_specific.h +++ b/tt_metal/hw/inc/grayskull/risc_chip_specific.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/grayskull/stream_interface.h b/tt_metal/hw/inc/grayskull/stream_interface.h index 38b6ec4cc5f..5b2767b2565 100644 --- a/tt_metal/hw/inc/grayskull/stream_interface.h +++ b/tt_metal/hw/inc/grayskull/stream_interface.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/grayskull/stream_io_map.h b/tt_metal/hw/inc/grayskull/stream_io_map.h index 4e0c99846b7..0ba74178b29 100644 --- a/tt_metal/hw/inc/grayskull/stream_io_map.h +++ b/tt_metal/hw/inc/grayskull/stream_io_map.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/grayskull/tdma_xmov.h b/tt_metal/hw/inc/grayskull/tdma_xmov.h index 0b4c10aea39..7c4cae4d185 100644 --- a/tt_metal/hw/inc/grayskull/tdma_xmov.h +++ b/tt_metal/hw/inc/grayskull/tdma_xmov.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/grayskull/tensix.h b/tt_metal/hw/inc/grayskull/tensix.h index 520e59451e2..0eacb7d838b 100644 --- a/tt_metal/hw/inc/grayskull/tensix.h +++ b/tt_metal/hw/inc/grayskull/tensix.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/grayskull/tensix_types.h b/tt_metal/hw/inc/grayskull/tensix_types.h index ddea2e9ce70..96c3e2b82ee 100644 --- a/tt_metal/hw/inc/grayskull/tensix_types.h +++ b/tt_metal/hw/inc/grayskull/tensix_types.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/mod_div_lib.h b/tt_metal/hw/inc/mod_div_lib.h index 418e514eb3a..3b847087797 100644 --- a/tt_metal/hw/inc/mod_div_lib.h +++ b/tt_metal/hw/inc/mod_div_lib.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/risc_attribs.h b/tt_metal/hw/inc/risc_attribs.h index e7ccb80a10d..ed1c232886f 100644 --- a/tt_metal/hw/inc/risc_attribs.h +++ b/tt_metal/hw/inc/risc_attribs.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/risc_common.h b/tt_metal/hw/inc/risc_common.h index 2407324dd53..b3f831fa7f6 100644 --- a/tt_metal/hw/inc/risc_common.h +++ b/tt_metal/hw/inc/risc_common.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/tensix_functions.h b/tt_metal/hw/inc/tensix_functions.h index 33e4010a184..6f4135fceb1 100644 --- a/tt_metal/hw/inc/tensix_functions.h +++ b/tt_metal/hw/inc/tensix_functions.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/tt_log.h b/tt_metal/hw/inc/tt_log.h index 6058b2c1b7f..d4df49953a1 100644 --- a/tt_metal/hw/inc/tt_log.h +++ b/tt_metal/hw/inc/tt_log.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/vptr_uint.h b/tt_metal/hw/inc/vptr_uint.h index 659dfbf78fa..c6bcd602fde 100644 --- a/tt_metal/hw/inc/vptr_uint.h +++ b/tt_metal/hw/inc/vptr_uint.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/wormhole/c_tensix_core.h b/tt_metal/hw/inc/wormhole/c_tensix_core.h index e61d5d8dcbb..a6dece561d7 100644 --- a/tt_metal/hw/inc/wormhole/c_tensix_core.h +++ b/tt_metal/hw/inc/wormhole/c_tensix_core.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/wormhole/cmd_params.h b/tt_metal/hw/inc/wormhole/cmd_params.h index f841bbeb0a5..5e22c36133b 100644 --- a/tt_metal/hw/inc/wormhole/cmd_params.h +++ b/tt_metal/hw/inc/wormhole/cmd_params.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/wormhole/dev_mem_map.h b/tt_metal/hw/inc/wormhole/dev_mem_map.h index 858cbee1ec0..53aa2104b14 100644 --- a/tt_metal/hw/inc/wormhole/dev_mem_map.h +++ b/tt_metal/hw/inc/wormhole/dev_mem_map.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/wormhole/dram_address_map.h b/tt_metal/hw/inc/wormhole/dram_address_map.h index e2b61cd3f18..d4a08be9abb 100644 --- a/tt_metal/hw/inc/wormhole/dram_address_map.h +++ b/tt_metal/hw/inc/wormhole/dram_address_map.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/wormhole/eth_l1_address_map.h b/tt_metal/hw/inc/wormhole/eth_l1_address_map.h index 68e67eb9248..476d8733173 100644 --- a/tt_metal/hw/inc/wormhole/eth_l1_address_map.h +++ b/tt_metal/hw/inc/wormhole/eth_l1_address_map.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/wormhole/noc/noc.h b/tt_metal/hw/inc/wormhole/noc/noc.h index 1d7b6228809..3067f920381 100644 --- a/tt_metal/hw/inc/wormhole/noc/noc.h +++ b/tt_metal/hw/inc/wormhole/noc/noc.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/wormhole/noc/noc_overlay_parameters.cpp b/tt_metal/hw/inc/wormhole/noc/noc_overlay_parameters.cpp index 075428d1986..b9f0823caa4 100644 --- a/tt_metal/hw/inc/wormhole/noc/noc_overlay_parameters.cpp +++ b/tt_metal/hw/inc/wormhole/noc/noc_overlay_parameters.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/wormhole/noc/noc_overlay_parameters.h b/tt_metal/hw/inc/wormhole/noc/noc_overlay_parameters.h index 843d3cfef7f..f0d229408cd 100644 --- a/tt_metal/hw/inc/wormhole/noc/noc_overlay_parameters.h +++ b/tt_metal/hw/inc/wormhole/noc/noc_overlay_parameters.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/wormhole/noc/noc_overlay_parameters.hpp b/tt_metal/hw/inc/wormhole/noc/noc_overlay_parameters.hpp index 2790dd65bff..c9342c830b3 100644 --- a/tt_metal/hw/inc/wormhole/noc/noc_overlay_parameters.hpp +++ b/tt_metal/hw/inc/wormhole/noc/noc_overlay_parameters.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/wormhole/noc/noc_parameters.h b/tt_metal/hw/inc/wormhole/noc/noc_parameters.h index 248b82bb6ee..f070053f344 100644 --- a/tt_metal/hw/inc/wormhole/noc/noc_parameters.h +++ b/tt_metal/hw/inc/wormhole/noc/noc_parameters.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/wormhole/noc_nonblocking_api.h b/tt_metal/hw/inc/wormhole/noc_nonblocking_api.h index 08be1295cd4..ebc0eaacaea 100644 --- a/tt_metal/hw/inc/wormhole/noc_nonblocking_api.h +++ b/tt_metal/hw/inc/wormhole/noc_nonblocking_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/wormhole/risc_chip_specific.h b/tt_metal/hw/inc/wormhole/risc_chip_specific.h index d08253f1bbc..fe47d65b8a7 100644 --- a/tt_metal/hw/inc/wormhole/risc_chip_specific.h +++ b/tt_metal/hw/inc/wormhole/risc_chip_specific.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/wormhole/stream_interface.h b/tt_metal/hw/inc/wormhole/stream_interface.h index 1cad0781dac..66feff7f46b 100644 --- a/tt_metal/hw/inc/wormhole/stream_interface.h +++ b/tt_metal/hw/inc/wormhole/stream_interface.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/wormhole/stream_io_map.h b/tt_metal/hw/inc/wormhole/stream_io_map.h index 4529baba1aa..e9906355c71 100644 --- a/tt_metal/hw/inc/wormhole/stream_io_map.h +++ b/tt_metal/hw/inc/wormhole/stream_io_map.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/wormhole/tdma_xmov.h b/tt_metal/hw/inc/wormhole/tdma_xmov.h index 0b4c10aea39..7c4cae4d185 100644 --- a/tt_metal/hw/inc/wormhole/tdma_xmov.h +++ b/tt_metal/hw/inc/wormhole/tdma_xmov.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/wormhole/tensix.h b/tt_metal/hw/inc/wormhole/tensix.h index 87da70800ad..b70582c140d 100644 --- a/tt_metal/hw/inc/wormhole/tensix.h +++ b/tt_metal/hw/inc/wormhole/tensix.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/wormhole/wormhole_b0_defines/cfg_defines.h b/tt_metal/hw/inc/wormhole/wormhole_b0_defines/cfg_defines.h index e08706e2ab2..786755e46d2 100644 --- a/tt_metal/hw/inc/wormhole/wormhole_b0_defines/cfg_defines.h +++ b/tt_metal/hw/inc/wormhole/wormhole_b0_defines/cfg_defines.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/inc/wormhole/wormhole_b0_defines/tensix_types.h b/tt_metal/hw/inc/wormhole/wormhole_b0_defines/tensix_types.h index 6791e2f7b20..89017535008 100644 --- a/tt_metal/hw/inc/wormhole/wormhole_b0_defines/tensix_types.h +++ b/tt_metal/hw/inc/wormhole/wormhole_b0_defines/tensix_types.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/hw/toolchain/erisc-b0-app.ld b/tt_metal/hw/toolchain/erisc-b0-app.ld index 4a82d3f2f17..545aa465923 100644 --- a/tt_metal/hw/toolchain/erisc-b0-app.ld +++ b/tt_metal/hw/toolchain/erisc-b0-app.ld @@ -1,5 +1,5 @@ /* - * SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. + * SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. * * SPDX-License-Identifier: Apache-2.0 */ diff --git a/tt_metal/hw/toolchain/erisc-b0-memory.ld b/tt_metal/hw/toolchain/erisc-b0-memory.ld index 221721b9b85..476e84240bd 100644 --- a/tt_metal/hw/toolchain/erisc-b0-memory.ld +++ b/tt_metal/hw/toolchain/erisc-b0-memory.ld @@ -1,4 +1,4 @@ -/* SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +/* SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. * SPDX-License-Identifier: Apache-2.0 * */ diff --git a/tt_metal/hw/toolchain/ncrisc-halt.S b/tt_metal/hw/toolchain/ncrisc-halt.S index a5137d7a00c..34b9c67c75c 100644 --- a/tt_metal/hw/toolchain/ncrisc-halt.S +++ b/tt_metal/hw/toolchain/ncrisc-halt.S @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 #include diff --git a/tt_metal/impl/allocator/algorithms/allocator_algorithm.hpp b/tt_metal/impl/allocator/algorithms/allocator_algorithm.hpp index aa0bb516101..9ae9fa961d3 100644 --- a/tt_metal/impl/allocator/algorithms/allocator_algorithm.hpp +++ b/tt_metal/impl/allocator/algorithms/allocator_algorithm.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/allocator/algorithms/free_list.cpp b/tt_metal/impl/allocator/algorithms/free_list.cpp index c320b205b90..e2d3460d9ea 100644 --- a/tt_metal/impl/allocator/algorithms/free_list.cpp +++ b/tt_metal/impl/allocator/algorithms/free_list.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/allocator/algorithms/free_list.hpp b/tt_metal/impl/allocator/algorithms/free_list.hpp index 6337e51f2ac..fd18bd04386 100644 --- a/tt_metal/impl/allocator/algorithms/free_list.hpp +++ b/tt_metal/impl/allocator/algorithms/free_list.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 #pragma once diff --git a/tt_metal/impl/allocator/allocator.cpp b/tt_metal/impl/allocator/allocator.cpp index aaeec83d553..fb52c11db4c 100644 --- a/tt_metal/impl/allocator/allocator.cpp +++ b/tt_metal/impl/allocator/allocator.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/allocator/allocator.hpp b/tt_metal/impl/allocator/allocator.hpp index 0d62f8cd5de..f3670eb033c 100644 --- a/tt_metal/impl/allocator/allocator.hpp +++ b/tt_metal/impl/allocator/allocator.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/allocator/allocator_types.hpp b/tt_metal/impl/allocator/allocator_types.hpp index 2dc0e92816e..94905b767cd 100644 --- a/tt_metal/impl/allocator/allocator_types.hpp +++ b/tt_metal/impl/allocator/allocator_types.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/allocator/basic_allocator.cpp b/tt_metal/impl/allocator/basic_allocator.cpp index 6ae97354993..59b99ea3d0b 100644 --- a/tt_metal/impl/allocator/basic_allocator.cpp +++ b/tt_metal/impl/allocator/basic_allocator.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/allocator/basic_allocator.hpp b/tt_metal/impl/allocator/basic_allocator.hpp index 2b0480a0a1c..1646925d615 100644 --- a/tt_metal/impl/allocator/basic_allocator.hpp +++ b/tt_metal/impl/allocator/basic_allocator.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/allocator/l1_banking_allocator.cpp b/tt_metal/impl/allocator/l1_banking_allocator.cpp index 604416a143c..efa081b289f 100644 --- a/tt_metal/impl/allocator/l1_banking_allocator.cpp +++ b/tt_metal/impl/allocator/l1_banking_allocator.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/allocator/l1_banking_allocator.hpp b/tt_metal/impl/allocator/l1_banking_allocator.hpp index 301cb3ee8aa..25b1ae29579 100644 --- a/tt_metal/impl/allocator/l1_banking_allocator.hpp +++ b/tt_metal/impl/allocator/l1_banking_allocator.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/buffers/buffer.cpp b/tt_metal/impl/buffers/buffer.cpp index 34975b0442b..ebed65761a2 100644 --- a/tt_metal/impl/buffers/buffer.cpp +++ b/tt_metal/impl/buffers/buffer.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/buffers/buffer.hpp b/tt_metal/impl/buffers/buffer.hpp index 4539da12fd8..f4c40b9f130 100644 --- a/tt_metal/impl/buffers/buffer.hpp +++ b/tt_metal/impl/buffers/buffer.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/buffers/buffer_constants.hpp b/tt_metal/impl/buffers/buffer_constants.hpp index 2f9aa9b7471..6879f6d59c7 100644 --- a/tt_metal/impl/buffers/buffer_constants.hpp +++ b/tt_metal/impl/buffers/buffer_constants.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/buffers/circular_buffer.cpp b/tt_metal/impl/buffers/circular_buffer.cpp index 8286ef77924..fa574823885 100644 --- a/tt_metal/impl/buffers/circular_buffer.cpp +++ b/tt_metal/impl/buffers/circular_buffer.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/buffers/circular_buffer.hpp b/tt_metal/impl/buffers/circular_buffer.hpp index 364d59cee16..abc1f6efa40 100644 --- a/tt_metal/impl/buffers/circular_buffer.hpp +++ b/tt_metal/impl/buffers/circular_buffer.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/buffers/semaphore.cpp b/tt_metal/impl/buffers/semaphore.cpp index 5cb19c9fe6a..1d9f498611c 100644 --- a/tt_metal/impl/buffers/semaphore.cpp +++ b/tt_metal/impl/buffers/semaphore.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/buffers/semaphore.hpp b/tt_metal/impl/buffers/semaphore.hpp index 22c699aa67d..6d3031ab490 100644 --- a/tt_metal/impl/buffers/semaphore.hpp +++ b/tt_metal/impl/buffers/semaphore.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/debug/dprint_server.cpp b/tt_metal/impl/debug/dprint_server.cpp index 644d60bfa80..33a0aa53c36 100644 --- a/tt_metal/impl/debug/dprint_server.cpp +++ b/tt_metal/impl/debug/dprint_server.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/debug/dprint_server.hpp b/tt_metal/impl/debug/dprint_server.hpp index 4b29f136e05..3acb9e2829f 100644 --- a/tt_metal/impl/debug/dprint_server.hpp +++ b/tt_metal/impl/debug/dprint_server.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/debug/sanitize_noc_host.hpp b/tt_metal/impl/debug/sanitize_noc_host.hpp index 2fb0049a404..e2fb3f381dd 100644 --- a/tt_metal/impl/debug/sanitize_noc_host.hpp +++ b/tt_metal/impl/debug/sanitize_noc_host.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/debug/watcher_device_reader.cpp b/tt_metal/impl/debug/watcher_device_reader.cpp index 002a4a9303e..863e7772159 100644 --- a/tt_metal/impl/debug/watcher_device_reader.cpp +++ b/tt_metal/impl/debug/watcher_device_reader.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/debug/watcher_device_reader.hpp b/tt_metal/impl/debug/watcher_device_reader.hpp index e4320e8e510..0c72ed4e264 100644 --- a/tt_metal/impl/debug/watcher_device_reader.hpp +++ b/tt_metal/impl/debug/watcher_device_reader.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/debug/watcher_server.cpp b/tt_metal/impl/debug/watcher_server.cpp index eb17467b6df..76a8d84d64f 100644 --- a/tt_metal/impl/debug/watcher_server.cpp +++ b/tt_metal/impl/debug/watcher_server.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/debug/watcher_server.hpp b/tt_metal/impl/debug/watcher_server.hpp index 2a550578224..4ac2df69e5a 100644 --- a/tt_metal/impl/debug/watcher_server.hpp +++ b/tt_metal/impl/debug/watcher_server.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/device/device.cpp b/tt_metal/impl/device/device.cpp index 46ad43ec3b3..208515666fc 100644 --- a/tt_metal/impl/device/device.cpp +++ b/tt_metal/impl/device/device.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/device/device.hpp b/tt_metal/impl/device/device.hpp index d548184bc79..9a2128140b7 100644 --- a/tt_metal/impl/device/device.hpp +++ b/tt_metal/impl/device/device.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/device/device_pool.cpp b/tt_metal/impl/device/device_pool.cpp index 0cf531b11c6..97d9c0e0666 100644 --- a/tt_metal/impl/device/device_pool.cpp +++ b/tt_metal/impl/device/device_pool.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/device/device_pool.hpp b/tt_metal/impl/device/device_pool.hpp index 2b2c64d087a..ce2d19fde54 100644 --- a/tt_metal/impl/device/device_pool.hpp +++ b/tt_metal/impl/device/device_pool.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/device/program_cache.hpp b/tt_metal/impl/device/program_cache.hpp index ae8ff794c83..ab1fd4c32c0 100644 --- a/tt_metal/impl/device/program_cache.hpp +++ b/tt_metal/impl/device/program_cache.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/dispatch/command_queue.cpp b/tt_metal/impl/dispatch/command_queue.cpp index 4f51ea8645f..fef8d4a508c 100644 --- a/tt_metal/impl/dispatch/command_queue.cpp +++ b/tt_metal/impl/dispatch/command_queue.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/dispatch/command_queue.hpp b/tt_metal/impl/dispatch/command_queue.hpp index 2ef1e886def..4b48b04e2fd 100644 --- a/tt_metal/impl/dispatch/command_queue.hpp +++ b/tt_metal/impl/dispatch/command_queue.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/dispatch/command_queue_interface.hpp b/tt_metal/impl/dispatch/command_queue_interface.hpp index 4c1c3d231b7..840dfacf5dc 100644 --- a/tt_metal/impl/dispatch/command_queue_interface.hpp +++ b/tt_metal/impl/dispatch/command_queue_interface.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/dispatch/cq_commands.hpp b/tt_metal/impl/dispatch/cq_commands.hpp index 220280bd85a..4a1b552e327 100644 --- a/tt_metal/impl/dispatch/cq_commands.hpp +++ b/tt_metal/impl/dispatch/cq_commands.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/dispatch/debug_tools.cpp b/tt_metal/impl/dispatch/debug_tools.cpp index 50d780a895c..033f1a0d308 100644 --- a/tt_metal/impl/dispatch/debug_tools.cpp +++ b/tt_metal/impl/dispatch/debug_tools.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/dispatch/debug_tools.hpp b/tt_metal/impl/dispatch/debug_tools.hpp index 99a2372cbf6..9012f6f3f6b 100644 --- a/tt_metal/impl/dispatch/debug_tools.hpp +++ b/tt_metal/impl/dispatch/debug_tools.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/dispatch/device_command.hpp b/tt_metal/impl/dispatch/device_command.hpp index 86c70fcfe03..8463b70537b 100644 --- a/tt_metal/impl/dispatch/device_command.hpp +++ b/tt_metal/impl/dispatch/device_command.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/dispatch/dispatch_core_manager.hpp b/tt_metal/impl/dispatch/dispatch_core_manager.hpp index db6118dffec..74257e2e71f 100644 --- a/tt_metal/impl/dispatch/dispatch_core_manager.hpp +++ b/tt_metal/impl/dispatch/dispatch_core_manager.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/dispatch/kernels/cq_common.hpp b/tt_metal/impl/dispatch/kernels/cq_common.hpp index e789cbff5c7..5510be8687d 100644 --- a/tt_metal/impl/dispatch/kernels/cq_common.hpp +++ b/tt_metal/impl/dispatch/kernels/cq_common.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/dispatch/kernels/cq_dispatch.cpp b/tt_metal/impl/dispatch/kernels/cq_dispatch.cpp index 815ef6f4167..7c1e349f805 100644 --- a/tt_metal/impl/dispatch/kernels/cq_dispatch.cpp +++ b/tt_metal/impl/dispatch/kernels/cq_dispatch.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/dispatch/kernels/cq_helpers.hpp b/tt_metal/impl/dispatch/kernels/cq_helpers.hpp index db8b1d6c0d3..c5eed6996d2 100644 --- a/tt_metal/impl/dispatch/kernels/cq_helpers.hpp +++ b/tt_metal/impl/dispatch/kernels/cq_helpers.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/dispatch/kernels/cq_prefetch.cpp b/tt_metal/impl/dispatch/kernels/cq_prefetch.cpp index 74cd11c0068..8ccdab155ed 100644 --- a/tt_metal/impl/dispatch/kernels/cq_prefetch.cpp +++ b/tt_metal/impl/dispatch/kernels/cq_prefetch.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/dispatch/kernels/eth_tunneler.cpp b/tt_metal/impl/dispatch/kernels/eth_tunneler.cpp index 3e37adebc80..abe104d0d28 100644 --- a/tt_metal/impl/dispatch/kernels/eth_tunneler.cpp +++ b/tt_metal/impl/dispatch/kernels/eth_tunneler.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/dispatch/kernels/packet_demux.cpp b/tt_metal/impl/dispatch/kernels/packet_demux.cpp index 56d67ed8da0..2ba33a18605 100644 --- a/tt_metal/impl/dispatch/kernels/packet_demux.cpp +++ b/tt_metal/impl/dispatch/kernels/packet_demux.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/dispatch/kernels/packet_mux.cpp b/tt_metal/impl/dispatch/kernels/packet_mux.cpp index 8fdd03532e1..ffaf1d70a65 100644 --- a/tt_metal/impl/dispatch/kernels/packet_mux.cpp +++ b/tt_metal/impl/dispatch/kernels/packet_mux.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/dispatch/kernels/packet_queue.hpp b/tt_metal/impl/dispatch/kernels/packet_queue.hpp index 0271df17073..f19d9393c5f 100644 --- a/tt_metal/impl/dispatch/kernels/packet_queue.hpp +++ b/tt_metal/impl/dispatch/kernels/packet_queue.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/dispatch/kernels/packet_queue_ctrl.hpp b/tt_metal/impl/dispatch/kernels/packet_queue_ctrl.hpp index 1d060781211..f23244b9541 100644 --- a/tt_metal/impl/dispatch/kernels/packet_queue_ctrl.hpp +++ b/tt_metal/impl/dispatch/kernels/packet_queue_ctrl.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/dispatch/kernels/vc_eth_tunneler.cpp b/tt_metal/impl/dispatch/kernels/vc_eth_tunneler.cpp index dc5cd06c75d..9e4e4e86906 100644 --- a/tt_metal/impl/dispatch/kernels/vc_eth_tunneler.cpp +++ b/tt_metal/impl/dispatch/kernels/vc_eth_tunneler.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/dispatch/kernels/vc_packet_router.cpp b/tt_metal/impl/dispatch/kernels/vc_packet_router.cpp index 34ff7feac26..25a94a4cca9 100644 --- a/tt_metal/impl/dispatch/kernels/vc_packet_router.cpp +++ b/tt_metal/impl/dispatch/kernels/vc_packet_router.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/dispatch/lock_free_queue.hpp b/tt_metal/impl/dispatch/lock_free_queue.hpp index 521e11f8492..345cc85ac74 100644 --- a/tt_metal/impl/dispatch/lock_free_queue.hpp +++ b/tt_metal/impl/dispatch/lock_free_queue.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/dispatch/thread_safe_queue.hpp b/tt_metal/impl/dispatch/thread_safe_queue.hpp index 6429e1a698d..2541536fde2 100644 --- a/tt_metal/impl/dispatch/thread_safe_queue.hpp +++ b/tt_metal/impl/dispatch/thread_safe_queue.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/dispatch/work_executor.hpp b/tt_metal/impl/dispatch/work_executor.hpp index 90c1afcf23d..939c1bd4a1b 100644 --- a/tt_metal/impl/dispatch/work_executor.hpp +++ b/tt_metal/impl/dispatch/work_executor.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/dispatch/worker_config_buffer.cpp b/tt_metal/impl/dispatch/worker_config_buffer.cpp index 5a1ff613b0f..bb66e646a8e 100644 --- a/tt_metal/impl/dispatch/worker_config_buffer.cpp +++ b/tt_metal/impl/dispatch/worker_config_buffer.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/dispatch/worker_config_buffer.hpp b/tt_metal/impl/dispatch/worker_config_buffer.hpp index 76cdbe56223..1bb05c21370 100644 --- a/tt_metal/impl/dispatch/worker_config_buffer.hpp +++ b/tt_metal/impl/dispatch/worker_config_buffer.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/event/event.hpp b/tt_metal/impl/event/event.hpp index 6c1bcf2c679..a98ece420b2 100644 --- a/tt_metal/impl/event/event.hpp +++ b/tt_metal/impl/event/event.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/kernels/data_types.hpp b/tt_metal/impl/kernels/data_types.hpp index 9c7728d4d25..5953bcf2d9a 100644 --- a/tt_metal/impl/kernels/data_types.hpp +++ b/tt_metal/impl/kernels/data_types.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/kernels/kernel.cpp b/tt_metal/impl/kernels/kernel.cpp index c342ec431d5..a9122ba2c52 100644 --- a/tt_metal/impl/kernels/kernel.cpp +++ b/tt_metal/impl/kernels/kernel.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/kernels/kernel.hpp b/tt_metal/impl/kernels/kernel.hpp index a3509dab819..92c0d613763 100644 --- a/tt_metal/impl/kernels/kernel.hpp +++ b/tt_metal/impl/kernels/kernel.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/kernels/kernel_types.hpp b/tt_metal/impl/kernels/kernel_types.hpp index 195b592eb77..52796186259 100644 --- a/tt_metal/impl/kernels/kernel_types.hpp +++ b/tt_metal/impl/kernels/kernel_types.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/kernels/runtime_args_data.hpp b/tt_metal/impl/kernels/runtime_args_data.hpp index a57e03cc2a8..90eb713e1de 100644 --- a/tt_metal/impl/kernels/runtime_args_data.hpp +++ b/tt_metal/impl/kernels/runtime_args_data.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/program/program.cpp b/tt_metal/impl/program/program.cpp index a8bd7294a74..67b673702c4 100644 --- a/tt_metal/impl/program/program.cpp +++ b/tt_metal/impl/program/program.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/program/program.hpp b/tt_metal/impl/program/program.hpp index a38cca2a3dc..8fc050af32e 100644 --- a/tt_metal/impl/program/program.hpp +++ b/tt_metal/impl/program/program.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/program/program_device_map.hpp b/tt_metal/impl/program/program_device_map.hpp index 66f679b62e9..1bde71add32 100644 --- a/tt_metal/impl/program/program_device_map.hpp +++ b/tt_metal/impl/program/program_device_map.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/trace/trace.cpp b/tt_metal/impl/trace/trace.cpp index ccc34389d85..563fe93eba9 100644 --- a/tt_metal/impl/trace/trace.cpp +++ b/tt_metal/impl/trace/trace.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/impl/trace/trace.hpp b/tt_metal/impl/trace/trace.hpp index 4efe652613d..42d2cfe5f97 100644 --- a/tt_metal/impl/trace/trace.hpp +++ b/tt_metal/impl/trace/trace.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api.h b/tt_metal/include/compute_kernel_api.h index 1b198481fb5..4f6e59f3a58 100644 --- a/tt_metal/include/compute_kernel_api.h +++ b/tt_metal/include/compute_kernel_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/bcast.h b/tt_metal/include/compute_kernel_api/bcast.h index ae8c57d238e..5914d79ebee 100644 --- a/tt_metal/include/compute_kernel_api/bcast.h +++ b/tt_metal/include/compute_kernel_api/bcast.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/blank.h b/tt_metal/include/compute_kernel_api/blank.h index b114818aaf7..1f5cf4667fb 100644 --- a/tt_metal/include/compute_kernel_api/blank.h +++ b/tt_metal/include/compute_kernel_api/blank.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/cb_api.h b/tt_metal/include/compute_kernel_api/cb_api.h index 4816b292403..11fe5e860fa 100644 --- a/tt_metal/include/compute_kernel_api/cb_api.h +++ b/tt_metal/include/compute_kernel_api/cb_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/common.h b/tt_metal/include/compute_kernel_api/common.h index 9f872760018..b03d0a2feed 100644 --- a/tt_metal/include/compute_kernel_api/common.h +++ b/tt_metal/include/compute_kernel_api/common.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/common_globals.h b/tt_metal/include/compute_kernel_api/common_globals.h index 56c5a64833d..674f84c3cd2 100644 --- a/tt_metal/include/compute_kernel_api/common_globals.h +++ b/tt_metal/include/compute_kernel_api/common_globals.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/eltwise_binary.h b/tt_metal/include/compute_kernel_api/eltwise_binary.h index bbe8c23fca1..61b3ef680d6 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_binary.h +++ b/tt_metal/include/compute_kernel_api/eltwise_binary.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/eltwise_unary/binop_with_scalar.h b/tt_metal/include/compute_kernel_api/eltwise_unary/binop_with_scalar.h index 657b55cb2f1..d53f1181603 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_unary/binop_with_scalar.h +++ b/tt_metal/include/compute_kernel_api/eltwise_unary/binop_with_scalar.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/eltwise_unary/bitwise_and.h b/tt_metal/include/compute_kernel_api/eltwise_unary/bitwise_and.h index 1a385e05b7c..dc8b39d78b0 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_unary/bitwise_and.h +++ b/tt_metal/include/compute_kernel_api/eltwise_unary/bitwise_and.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/eltwise_unary/bitwise_not.h b/tt_metal/include/compute_kernel_api/eltwise_unary/bitwise_not.h index 4e212e7f431..3e8ac921d66 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_unary/bitwise_not.h +++ b/tt_metal/include/compute_kernel_api/eltwise_unary/bitwise_not.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/eltwise_unary/bitwise_or.h b/tt_metal/include/compute_kernel_api/eltwise_unary/bitwise_or.h index 4102f7eacea..11cde9642ef 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_unary/bitwise_or.h +++ b/tt_metal/include/compute_kernel_api/eltwise_unary/bitwise_or.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/eltwise_unary/bitwise_xor.h b/tt_metal/include/compute_kernel_api/eltwise_unary/bitwise_xor.h index 394912e37b0..aa18300fe23 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_unary/bitwise_xor.h +++ b/tt_metal/include/compute_kernel_api/eltwise_unary/bitwise_xor.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/eltwise_unary/ceil.h b/tt_metal/include/compute_kernel_api/eltwise_unary/ceil.h index bc2f2e7863b..c753715d630 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_unary/ceil.h +++ b/tt_metal/include/compute_kernel_api/eltwise_unary/ceil.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/eltwise_unary/eltwise_unary.h b/tt_metal/include/compute_kernel_api/eltwise_unary/eltwise_unary.h index d275aec88b2..a8c6eb9c307 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_unary/eltwise_unary.h +++ b/tt_metal/include/compute_kernel_api/eltwise_unary/eltwise_unary.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/eltwise_unary/elu.h b/tt_metal/include/compute_kernel_api/eltwise_unary/elu.h index cb2e61635b1..c343fb5a163 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_unary/elu.h +++ b/tt_metal/include/compute_kernel_api/eltwise_unary/elu.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/eltwise_unary/erf_erfc.h b/tt_metal/include/compute_kernel_api/eltwise_unary/erf_erfc.h index fe9fbb99f30..b8077935887 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_unary/erf_erfc.h +++ b/tt_metal/include/compute_kernel_api/eltwise_unary/erf_erfc.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/eltwise_unary/erfinv.h b/tt_metal/include/compute_kernel_api/eltwise_unary/erfinv.h index 263e50d0dbc..39d8ee9d9ef 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_unary/erfinv.h +++ b/tt_metal/include/compute_kernel_api/eltwise_unary/erfinv.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/eltwise_unary/exp.h b/tt_metal/include/compute_kernel_api/eltwise_unary/exp.h index cc599a10bec..eb8144be7c6 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_unary/exp.h +++ b/tt_metal/include/compute_kernel_api/eltwise_unary/exp.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/eltwise_unary/floor.h b/tt_metal/include/compute_kernel_api/eltwise_unary/floor.h index ecad592ee52..7ee3ff17351 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_unary/floor.h +++ b/tt_metal/include/compute_kernel_api/eltwise_unary/floor.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/eltwise_unary/fmod.h b/tt_metal/include/compute_kernel_api/eltwise_unary/fmod.h index 275758eee26..1dac414cdc1 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_unary/fmod.h +++ b/tt_metal/include/compute_kernel_api/eltwise_unary/fmod.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/eltwise_unary/gelu.h b/tt_metal/include/compute_kernel_api/eltwise_unary/gelu.h index 6c8ac02e089..182af7e033b 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_unary/gelu.h +++ b/tt_metal/include/compute_kernel_api/eltwise_unary/gelu.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/eltwise_unary/i0.h b/tt_metal/include/compute_kernel_api/eltwise_unary/i0.h index 1cb04d500b6..9f87e8f5a39 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_unary/i0.h +++ b/tt_metal/include/compute_kernel_api/eltwise_unary/i0.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/eltwise_unary/identity.h b/tt_metal/include/compute_kernel_api/eltwise_unary/identity.h index c0fe6b6a320..4db9e2c35b7 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_unary/identity.h +++ b/tt_metal/include/compute_kernel_api/eltwise_unary/identity.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/eltwise_unary/isinf_isnan.h b/tt_metal/include/compute_kernel_api/eltwise_unary/isinf_isnan.h index bb005394647..106477dae42 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_unary/isinf_isnan.h +++ b/tt_metal/include/compute_kernel_api/eltwise_unary/isinf_isnan.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/eltwise_unary/left_shift.h b/tt_metal/include/compute_kernel_api/eltwise_unary/left_shift.h index 2b27144988a..840c86981b5 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_unary/left_shift.h +++ b/tt_metal/include/compute_kernel_api/eltwise_unary/left_shift.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/eltwise_unary/logical_not_noti.h b/tt_metal/include/compute_kernel_api/eltwise_unary/logical_not_noti.h index bfbd82ecb4d..5722500c4e7 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_unary/logical_not_noti.h +++ b/tt_metal/include/compute_kernel_api/eltwise_unary/logical_not_noti.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/eltwise_unary/negative.h b/tt_metal/include/compute_kernel_api/eltwise_unary/negative.h index cae48293723..f3ba4217473 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_unary/negative.h +++ b/tt_metal/include/compute_kernel_api/eltwise_unary/negative.h @@ -1,5 +1,5 @@ /* - * SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. + * SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. * * SPDX-License-Identifier: Apache-2.0 */ diff --git a/tt_metal/include/compute_kernel_api/eltwise_unary/recip.h b/tt_metal/include/compute_kernel_api/eltwise_unary/recip.h index a88d49b46aa..c7becb3a75b 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_unary/recip.h +++ b/tt_metal/include/compute_kernel_api/eltwise_unary/recip.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/eltwise_unary/relu.h b/tt_metal/include/compute_kernel_api/eltwise_unary/relu.h index 686d90d2ff3..0f6ee573b5b 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_unary/relu.h +++ b/tt_metal/include/compute_kernel_api/eltwise_unary/relu.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/eltwise_unary/remainder.h b/tt_metal/include/compute_kernel_api/eltwise_unary/remainder.h index 5b50592e323..5cfeae1f90d 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_unary/remainder.h +++ b/tt_metal/include/compute_kernel_api/eltwise_unary/remainder.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/eltwise_unary/reverseops.h b/tt_metal/include/compute_kernel_api/eltwise_unary/reverseops.h index a2dd8c3093b..ea15b3f1ef7 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_unary/reverseops.h +++ b/tt_metal/include/compute_kernel_api/eltwise_unary/reverseops.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/eltwise_unary/right_shift.h b/tt_metal/include/compute_kernel_api/eltwise_unary/right_shift.h index a0bdfad02b2..aa5074bf534 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_unary/right_shift.h +++ b/tt_metal/include/compute_kernel_api/eltwise_unary/right_shift.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/eltwise_unary/sfpu_split_includes.h b/tt_metal/include/compute_kernel_api/eltwise_unary/sfpu_split_includes.h index 443a16db0a1..a217e86f05b 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_unary/sfpu_split_includes.h +++ b/tt_metal/include/compute_kernel_api/eltwise_unary/sfpu_split_includes.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/eltwise_unary/softplus.h b/tt_metal/include/compute_kernel_api/eltwise_unary/softplus.h index de0290998e9..9f2754fa065 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_unary/softplus.h +++ b/tt_metal/include/compute_kernel_api/eltwise_unary/softplus.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/eltwise_unary/sqrt.h b/tt_metal/include/compute_kernel_api/eltwise_unary/sqrt.h index 7e603e17197..5aa580dc9bf 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_unary/sqrt.h +++ b/tt_metal/include/compute_kernel_api/eltwise_unary/sqrt.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/eltwise_unary/trigonometry.h b/tt_metal/include/compute_kernel_api/eltwise_unary/trigonometry.h index 0ba4d6bcd0f..b9c9f3ea08e 100644 --- a/tt_metal/include/compute_kernel_api/eltwise_unary/trigonometry.h +++ b/tt_metal/include/compute_kernel_api/eltwise_unary/trigonometry.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/layernorm.h b/tt_metal/include/compute_kernel_api/layernorm.h index d687a0f8bf5..9b24ecc4bcc 100644 --- a/tt_metal/include/compute_kernel_api/layernorm.h +++ b/tt_metal/include/compute_kernel_api/layernorm.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/mask.h b/tt_metal/include/compute_kernel_api/mask.h index 4ea9c8071df..6d58e0e2719 100644 --- a/tt_metal/include/compute_kernel_api/mask.h +++ b/tt_metal/include/compute_kernel_api/mask.h @@ -1,5 +1,5 @@ /* - * SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. + * SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. * * SPDX-License-Identifier: Apache-2.0 */ diff --git a/tt_metal/include/compute_kernel_api/matmul.h b/tt_metal/include/compute_kernel_api/matmul.h index 2b1365c2178..db9e26c3ead 100644 --- a/tt_metal/include/compute_kernel_api/matmul.h +++ b/tt_metal/include/compute_kernel_api/matmul.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/pack.h b/tt_metal/include/compute_kernel_api/pack.h index acccc1c03b1..e66094ef124 100644 --- a/tt_metal/include/compute_kernel_api/pack.h +++ b/tt_metal/include/compute_kernel_api/pack.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/pack_untilize.h b/tt_metal/include/compute_kernel_api/pack_untilize.h index bbe3d079759..b6be355387e 100644 --- a/tt_metal/include/compute_kernel_api/pack_untilize.h +++ b/tt_metal/include/compute_kernel_api/pack_untilize.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/reduce.h b/tt_metal/include/compute_kernel_api/reduce.h index ac73fd76588..29a89cddee5 100644 --- a/tt_metal/include/compute_kernel_api/reduce.h +++ b/tt_metal/include/compute_kernel_api/reduce.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/reg_api.h b/tt_metal/include/compute_kernel_api/reg_api.h index f1b19286ce3..9b37b8e315b 100644 --- a/tt_metal/include/compute_kernel_api/reg_api.h +++ b/tt_metal/include/compute_kernel_api/reg_api.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/reshuffle.h b/tt_metal/include/compute_kernel_api/reshuffle.h index a82751aded1..42ac0a43932 100644 --- a/tt_metal/include/compute_kernel_api/reshuffle.h +++ b/tt_metal/include/compute_kernel_api/reshuffle.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/softmax.h b/tt_metal/include/compute_kernel_api/softmax.h index 1968c2811ed..0b7adc69189 100644 --- a/tt_metal/include/compute_kernel_api/softmax.h +++ b/tt_metal/include/compute_kernel_api/softmax.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/tile_move_copy.h b/tt_metal/include/compute_kernel_api/tile_move_copy.h index 134ba25b79f..b45179ccf74 100644 --- a/tt_metal/include/compute_kernel_api/tile_move_copy.h +++ b/tt_metal/include/compute_kernel_api/tile_move_copy.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/transpose_wh.h b/tt_metal/include/compute_kernel_api/transpose_wh.h index c5a80b98134..ae00649bf00 100644 --- a/tt_metal/include/compute_kernel_api/transpose_wh.h +++ b/tt_metal/include/compute_kernel_api/transpose_wh.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/transpose_wh_dest.h b/tt_metal/include/compute_kernel_api/transpose_wh_dest.h index 718779eb9ce..5b203438137 100644 --- a/tt_metal/include/compute_kernel_api/transpose_wh_dest.h +++ b/tt_metal/include/compute_kernel_api/transpose_wh_dest.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/include/compute_kernel_api/untilize.h b/tt_metal/include/compute_kernel_api/untilize.h index 84d0b2300f5..4d15e59cb24 100644 --- a/tt_metal/include/compute_kernel_api/untilize.h +++ b/tt_metal/include/compute_kernel_api/untilize.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/jit_build/build.cpp b/tt_metal/jit_build/build.cpp index 998bb0c3c4d..58492ca3321 100644 --- a/tt_metal/jit_build/build.cpp +++ b/tt_metal/jit_build/build.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/jit_build/build.hpp b/tt_metal/jit_build/build.hpp index 45c153439f0..126a776e5e5 100644 --- a/tt_metal/jit_build/build.hpp +++ b/tt_metal/jit_build/build.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/jit_build/data_format.hpp b/tt_metal/jit_build/data_format.hpp index ddd532ebb77..528ccb586fd 100644 --- a/tt_metal/jit_build/data_format.hpp +++ b/tt_metal/jit_build/data_format.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/jit_build/genfiles.cpp b/tt_metal/jit_build/genfiles.cpp index a008db74e1e..80b6cd2894c 100644 --- a/tt_metal/jit_build/genfiles.cpp +++ b/tt_metal/jit_build/genfiles.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 @@ -460,7 +460,7 @@ std::string generate_bank_to_noc_coord_descriptor_string( uint32_t allocator_alignment) { stringstream ss; - ss << "// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc." << endl; + ss << "// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc." << endl; ss << "//" << endl; ss << "// SPDX-License-Identifier: Apache-2.0" << endl; ss << endl; diff --git a/tt_metal/jit_build/genfiles.hpp b/tt_metal/jit_build/genfiles.hpp index 4dee07a44ab..01a2639bb13 100644 --- a/tt_metal/jit_build/genfiles.hpp +++ b/tt_metal/jit_build/genfiles.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/jit_build/hlk_desc.hpp b/tt_metal/jit_build/hlk_desc.hpp index 1240b250e99..12562133537 100644 --- a/tt_metal/jit_build/hlk_desc.hpp +++ b/tt_metal/jit_build/hlk_desc.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/jit_build/kernel_args.cpp b/tt_metal/jit_build/kernel_args.cpp index e7715472a43..73de23a6a86 100644 --- a/tt_metal/jit_build/kernel_args.cpp +++ b/tt_metal/jit_build/kernel_args.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/jit_build/kernel_args.hpp b/tt_metal/jit_build/kernel_args.hpp index 297c7cee908..fe06edec82b 100644 --- a/tt_metal/jit_build/kernel_args.hpp +++ b/tt_metal/jit_build/kernel_args.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 #pragma once diff --git a/tt_metal/jit_build/settings.cpp b/tt_metal/jit_build/settings.cpp index c929e6f88c6..7566dadcc82 100644 --- a/tt_metal/jit_build/settings.cpp +++ b/tt_metal/jit_build/settings.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/jit_build/settings.hpp b/tt_metal/jit_build/settings.hpp index 8457e0004de..39bd361c872 100644 --- a/tt_metal/jit_build/settings.hpp +++ b/tt_metal/jit_build/settings.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/kernels/compute/blank.cpp b/tt_metal/kernels/compute/blank.cpp index 1a5f555a20f..98966644627 100644 --- a/tt_metal/kernels/compute/blank.cpp +++ b/tt_metal/kernels/compute/blank.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/kernels/compute/eltwise_binary.cpp b/tt_metal/kernels/compute/eltwise_binary.cpp index a835db2443c..5c63eea1d21 100644 --- a/tt_metal/kernels/compute/eltwise_binary.cpp +++ b/tt_metal/kernels/compute/eltwise_binary.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/kernels/compute/eltwise_sfpu.cpp b/tt_metal/kernels/compute/eltwise_sfpu.cpp index db3ce8e53c5..8d16af011e6 100644 --- a/tt_metal/kernels/compute/eltwise_sfpu.cpp +++ b/tt_metal/kernels/compute/eltwise_sfpu.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/kernels/dataflow/blank.cpp b/tt_metal/kernels/dataflow/blank.cpp index 2e7210a65b1..c822e5f0e1e 100644 --- a/tt_metal/kernels/dataflow/blank.cpp +++ b/tt_metal/kernels/dataflow/blank.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/kernels/dataflow/reader_binary_diff_lengths.cpp b/tt_metal/kernels/dataflow/reader_binary_diff_lengths.cpp index 54162f86231..0cf4db5fe71 100644 --- a/tt_metal/kernels/dataflow/reader_binary_diff_lengths.cpp +++ b/tt_metal/kernels/dataflow/reader_binary_diff_lengths.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/kernels/dataflow/reader_unary.cpp b/tt_metal/kernels/dataflow/reader_unary.cpp index 37ed368b8bb..acec40c3905 100644 --- a/tt_metal/kernels/dataflow/reader_unary.cpp +++ b/tt_metal/kernels/dataflow/reader_unary.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/kernels/dataflow/writer_unary.cpp b/tt_metal/kernels/dataflow/writer_unary.cpp index 61c3cdc08d0..a713f86bc00 100644 --- a/tt_metal/kernels/dataflow/writer_unary.cpp +++ b/tt_metal/kernels/dataflow/writer_unary.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/llrt/llrt.cpp b/tt_metal/llrt/llrt.cpp index 47cc865d86f..a2f09960eb0 100644 --- a/tt_metal/llrt/llrt.cpp +++ b/tt_metal/llrt/llrt.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/llrt/llrt.hpp b/tt_metal/llrt/llrt.hpp index 369770a287d..4f9244caee1 100644 --- a/tt_metal/llrt/llrt.hpp +++ b/tt_metal/llrt/llrt.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/llrt/llrt_common/tiles.hpp b/tt_metal/llrt/llrt_common/tiles.hpp index 9d88380a5f5..c84d6ab0cc3 100644 --- a/tt_metal/llrt/llrt_common/tiles.hpp +++ b/tt_metal/llrt/llrt_common/tiles.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/llrt/rtoptions.cpp b/tt_metal/llrt/rtoptions.cpp index ba0783f94dc..196b3030bcb 100644 --- a/tt_metal/llrt/rtoptions.cpp +++ b/tt_metal/llrt/rtoptions.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/llrt/rtoptions.hpp b/tt_metal/llrt/rtoptions.hpp index 44dc03acaa9..4518e298ce2 100644 --- a/tt_metal/llrt/rtoptions.hpp +++ b/tt_metal/llrt/rtoptions.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/llrt/tlb_config.cpp b/tt_metal/llrt/tlb_config.cpp index dfb14fa8854..4b190bbf735 100644 --- a/tt_metal/llrt/tlb_config.cpp +++ b/tt_metal/llrt/tlb_config.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/llrt/tlb_config.hpp b/tt_metal/llrt/tlb_config.hpp index b92ddccfd42..d6025ee2120 100644 --- a/tt_metal/llrt/tlb_config.hpp +++ b/tt_metal/llrt/tlb_config.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/llrt/tt_cluster.cpp b/tt_metal/llrt/tt_cluster.cpp index 853f15abf22..a3d7776a106 100644 --- a/tt_metal/llrt/tt_cluster.cpp +++ b/tt_metal/llrt/tt_cluster.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/llrt/tt_cluster.hpp b/tt_metal/llrt/tt_cluster.hpp index 177ca8eb5c7..eb059aa636a 100644 --- a/tt_metal/llrt/tt_cluster.hpp +++ b/tt_metal/llrt/tt_cluster.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/llrt/tt_memory.cpp b/tt_metal/llrt/tt_memory.cpp index e1455040846..40d8d8e0496 100644 --- a/tt_metal/llrt/tt_memory.cpp +++ b/tt_metal/llrt/tt_memory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/llrt/tt_memory.h b/tt_metal/llrt/tt_memory.h index ac25131db0d..8dd6a4ecc01 100644 --- a/tt_metal/llrt/tt_memory.h +++ b/tt_metal/llrt/tt_memory.h @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/eltwise_binary/eltwise_binary.cpp b/tt_metal/programming_examples/eltwise_binary/eltwise_binary.cpp index 358c816abe9..2e71a080fba 100644 --- a/tt_metal/programming_examples/eltwise_binary/eltwise_binary.cpp +++ b/tt_metal/programming_examples/eltwise_binary/eltwise_binary.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/eltwise_sfpu/eltwise_sfpu.cpp b/tt_metal/programming_examples/eltwise_sfpu/eltwise_sfpu.cpp index 70af2275a2a..3b719c0d9a2 100644 --- a/tt_metal/programming_examples/eltwise_sfpu/eltwise_sfpu.cpp +++ b/tt_metal/programming_examples/eltwise_sfpu/eltwise_sfpu.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/hello_world_compute_kernel/hello_world_compute_kernel.cpp b/tt_metal/programming_examples/hello_world_compute_kernel/hello_world_compute_kernel.cpp index e3ca288a93e..2d5c8ddf7a7 100644 --- a/tt_metal/programming_examples/hello_world_compute_kernel/hello_world_compute_kernel.cpp +++ b/tt_metal/programming_examples/hello_world_compute_kernel/hello_world_compute_kernel.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/hello_world_compute_kernel/kernels/compute/void_compute_kernel.cpp b/tt_metal/programming_examples/hello_world_compute_kernel/kernels/compute/void_compute_kernel.cpp index b4619466652..ed559d65bbf 100644 --- a/tt_metal/programming_examples/hello_world_compute_kernel/kernels/compute/void_compute_kernel.cpp +++ b/tt_metal/programming_examples/hello_world_compute_kernel/kernels/compute/void_compute_kernel.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/hello_world_datamovement_kernel/hello_world_datamovement_kernel.cpp b/tt_metal/programming_examples/hello_world_datamovement_kernel/hello_world_datamovement_kernel.cpp index 075c8bf8f23..6081436bad2 100644 --- a/tt_metal/programming_examples/hello_world_datamovement_kernel/hello_world_datamovement_kernel.cpp +++ b/tt_metal/programming_examples/hello_world_datamovement_kernel/hello_world_datamovement_kernel.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/hello_world_datamovement_kernel/kernels/dataflow/void_dataflow_kernel.cpp b/tt_metal/programming_examples/hello_world_datamovement_kernel/kernels/dataflow/void_dataflow_kernel.cpp index 45e18ef1041..ef5dd7fb326 100644 --- a/tt_metal/programming_examples/hello_world_datamovement_kernel/kernels/dataflow/void_dataflow_kernel.cpp +++ b/tt_metal/programming_examples/hello_world_datamovement_kernel/kernels/dataflow/void_dataflow_kernel.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/loopback/kernels/loopback_dram_copy.cpp b/tt_metal/programming_examples/loopback/kernels/loopback_dram_copy.cpp index a84d23fb46e..9c5832fb4d6 100644 --- a/tt_metal/programming_examples/loopback/kernels/loopback_dram_copy.cpp +++ b/tt_metal/programming_examples/loopback/kernels/loopback_dram_copy.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/loopback/loopback.cpp b/tt_metal/programming_examples/loopback/loopback.cpp index 7ad21566b44..9ffbe5fddf7 100644 --- a/tt_metal/programming_examples/loopback/loopback.cpp +++ b/tt_metal/programming_examples/loopback/loopback.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/matmul_common/bmm_op.hpp b/tt_metal/programming_examples/matmul_common/bmm_op.hpp index b229618d172..be105599a0a 100644 --- a/tt_metal/programming_examples/matmul_common/bmm_op.hpp +++ b/tt_metal/programming_examples/matmul_common/bmm_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/matmul_common/kernels/compute/bmm.cpp b/tt_metal/programming_examples/matmul_common/kernels/compute/bmm.cpp index 06df68f3425..b84b5b5ba34 100644 --- a/tt_metal/programming_examples/matmul_common/kernels/compute/bmm.cpp +++ b/tt_metal/programming_examples/matmul_common/kernels/compute/bmm.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/matmul_common/kernels/compute/bmm_large_block_zm.cpp b/tt_metal/programming_examples/matmul_common/kernels/compute/bmm_large_block_zm.cpp index 051945da303..5af355fbd1a 100644 --- a/tt_metal/programming_examples/matmul_common/kernels/compute/bmm_large_block_zm.cpp +++ b/tt_metal/programming_examples/matmul_common/kernels/compute/bmm_large_block_zm.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/matmul_common/kernels/dataflow/reader_bmm_8bank.cpp b/tt_metal/programming_examples/matmul_common/kernels/dataflow/reader_bmm_8bank.cpp index 73bf68a045d..65e4342e3d0 100644 --- a/tt_metal/programming_examples/matmul_common/kernels/dataflow/reader_bmm_8bank.cpp +++ b/tt_metal/programming_examples/matmul_common/kernels/dataflow/reader_bmm_8bank.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/matmul_common/kernels/dataflow/reader_bmm_8bank_output_tiles_partitioned.cpp b/tt_metal/programming_examples/matmul_common/kernels/dataflow/reader_bmm_8bank_output_tiles_partitioned.cpp index 2e2738f8d94..d6045204419 100644 --- a/tt_metal/programming_examples/matmul_common/kernels/dataflow/reader_bmm_8bank_output_tiles_partitioned.cpp +++ b/tt_metal/programming_examples/matmul_common/kernels/dataflow/reader_bmm_8bank_output_tiles_partitioned.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/matmul_common/kernels/dataflow/reader_bmm_tile_layout.cpp b/tt_metal/programming_examples/matmul_common/kernels/dataflow/reader_bmm_tile_layout.cpp index 1ef8f8e63d8..9bba45be4ae 100644 --- a/tt_metal/programming_examples/matmul_common/kernels/dataflow/reader_bmm_tile_layout.cpp +++ b/tt_metal/programming_examples/matmul_common/kernels/dataflow/reader_bmm_tile_layout.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/matmul_common/kernels/dataflow/reader_bmm_tile_layout_in0_receiver_in1_receiver.cpp b/tt_metal/programming_examples/matmul_common/kernels/dataflow/reader_bmm_tile_layout_in0_receiver_in1_receiver.cpp index 8eb17d7a198..4394109cb4a 100644 --- a/tt_metal/programming_examples/matmul_common/kernels/dataflow/reader_bmm_tile_layout_in0_receiver_in1_receiver.cpp +++ b/tt_metal/programming_examples/matmul_common/kernels/dataflow/reader_bmm_tile_layout_in0_receiver_in1_receiver.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/matmul_common/kernels/dataflow/reader_bmm_tile_layout_in0_receiver_in1_sender.cpp b/tt_metal/programming_examples/matmul_common/kernels/dataflow/reader_bmm_tile_layout_in0_receiver_in1_sender.cpp index cc24322bfd1..4d4a2e832ba 100644 --- a/tt_metal/programming_examples/matmul_common/kernels/dataflow/reader_bmm_tile_layout_in0_receiver_in1_sender.cpp +++ b/tt_metal/programming_examples/matmul_common/kernels/dataflow/reader_bmm_tile_layout_in0_receiver_in1_sender.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/matmul_common/kernels/dataflow/reader_bmm_tile_layout_in0_sender_in1_receiver.cpp b/tt_metal/programming_examples/matmul_common/kernels/dataflow/reader_bmm_tile_layout_in0_sender_in1_receiver.cpp index bcada802c87..4f9d75ccb5f 100644 --- a/tt_metal/programming_examples/matmul_common/kernels/dataflow/reader_bmm_tile_layout_in0_sender_in1_receiver.cpp +++ b/tt_metal/programming_examples/matmul_common/kernels/dataflow/reader_bmm_tile_layout_in0_sender_in1_receiver.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/matmul_common/kernels/dataflow/reader_bmm_tile_layout_in0_sender_in1_sender.cpp b/tt_metal/programming_examples/matmul_common/kernels/dataflow/reader_bmm_tile_layout_in0_sender_in1_sender.cpp index 16b15c54663..37aa95b99f4 100644 --- a/tt_metal/programming_examples/matmul_common/kernels/dataflow/reader_bmm_tile_layout_in0_sender_in1_sender.cpp +++ b/tt_metal/programming_examples/matmul_common/kernels/dataflow/reader_bmm_tile_layout_in0_sender_in1_sender.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/matmul_common/kernels/dataflow/writer_bmm_8bank.cpp b/tt_metal/programming_examples/matmul_common/kernels/dataflow/writer_bmm_8bank.cpp index e084640f973..4db50c5e5ae 100644 --- a/tt_metal/programming_examples/matmul_common/kernels/dataflow/writer_bmm_8bank.cpp +++ b/tt_metal/programming_examples/matmul_common/kernels/dataflow/writer_bmm_8bank.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/matmul_common/kernels/dataflow/writer_bmm_tile_layout.cpp b/tt_metal/programming_examples/matmul_common/kernels/dataflow/writer_bmm_tile_layout.cpp index 966ef0cbac9..f79e7736ee5 100644 --- a/tt_metal/programming_examples/matmul_common/kernels/dataflow/writer_bmm_tile_layout.cpp +++ b/tt_metal/programming_examples/matmul_common/kernels/dataflow/writer_bmm_tile_layout.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/matmul_common/kernels/dataflow/writer_unary_interleaved_start_id.cpp b/tt_metal/programming_examples/matmul_common/kernels/dataflow/writer_unary_interleaved_start_id.cpp index 2251a2fbaf9..9237a440ce9 100644 --- a/tt_metal/programming_examples/matmul_common/kernels/dataflow/writer_unary_interleaved_start_id.cpp +++ b/tt_metal/programming_examples/matmul_common/kernels/dataflow/writer_unary_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/matmul_multi_core/matmul_multi_core.cpp b/tt_metal/programming_examples/matmul_multi_core/matmul_multi_core.cpp index 535422fbd24..aaf007799eb 100644 --- a/tt_metal/programming_examples/matmul_multi_core/matmul_multi_core.cpp +++ b/tt_metal/programming_examples/matmul_multi_core/matmul_multi_core.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/matmul_multicore_reuse/matmul_multicore_reuse.cpp b/tt_metal/programming_examples/matmul_multicore_reuse/matmul_multicore_reuse.cpp index 21f4f1c8f93..f20c173167b 100644 --- a/tt_metal/programming_examples/matmul_multicore_reuse/matmul_multicore_reuse.cpp +++ b/tt_metal/programming_examples/matmul_multicore_reuse/matmul_multicore_reuse.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/matmul_multicore_reuse_mcast/matmul_multicore_reuse_mcast.cpp b/tt_metal/programming_examples/matmul_multicore_reuse_mcast/matmul_multicore_reuse_mcast.cpp index d87032349cb..ced2e1ae3fa 100644 --- a/tt_metal/programming_examples/matmul_multicore_reuse_mcast/matmul_multicore_reuse_mcast.cpp +++ b/tt_metal/programming_examples/matmul_multicore_reuse_mcast/matmul_multicore_reuse_mcast.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/matmul_single_core/matmul_single_core.cpp b/tt_metal/programming_examples/matmul_single_core/matmul_single_core.cpp index 7cf3c3c5d3b..d9d51c0ffdb 100644 --- a/tt_metal/programming_examples/matmul_single_core/matmul_single_core.cpp +++ b/tt_metal/programming_examples/matmul_single_core/matmul_single_core.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/profiler/test_custom_cycle_count/kernels/custom_cycle_count.cpp b/tt_metal/programming_examples/profiler/test_custom_cycle_count/kernels/custom_cycle_count.cpp index 616a12e2781..f6f498832b8 100644 --- a/tt_metal/programming_examples/profiler/test_custom_cycle_count/kernels/custom_cycle_count.cpp +++ b/tt_metal/programming_examples/profiler/test_custom_cycle_count/kernels/custom_cycle_count.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/profiler/test_custom_cycle_count/kernels/custom_cycle_count_compute.cpp b/tt_metal/programming_examples/profiler/test_custom_cycle_count/kernels/custom_cycle_count_compute.cpp index 3616e45def1..db75252e470 100644 --- a/tt_metal/programming_examples/profiler/test_custom_cycle_count/kernels/custom_cycle_count_compute.cpp +++ b/tt_metal/programming_examples/profiler/test_custom_cycle_count/kernels/custom_cycle_count_compute.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/profiler/test_custom_cycle_count/test_custom_cycle_count.cpp b/tt_metal/programming_examples/profiler/test_custom_cycle_count/test_custom_cycle_count.cpp index 2eb2465b772..f2c0783392f 100644 --- a/tt_metal/programming_examples/profiler/test_custom_cycle_count/test_custom_cycle_count.cpp +++ b/tt_metal/programming_examples/profiler/test_custom_cycle_count/test_custom_cycle_count.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/profiler/test_custom_cycle_count_slow_dispatch/kernels/custom_cycle_count_compute_slow_dispatch.cpp b/tt_metal/programming_examples/profiler/test_custom_cycle_count_slow_dispatch/kernels/custom_cycle_count_compute_slow_dispatch.cpp index 3616e45def1..db75252e470 100644 --- a/tt_metal/programming_examples/profiler/test_custom_cycle_count_slow_dispatch/kernels/custom_cycle_count_compute_slow_dispatch.cpp +++ b/tt_metal/programming_examples/profiler/test_custom_cycle_count_slow_dispatch/kernels/custom_cycle_count_compute_slow_dispatch.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/profiler/test_custom_cycle_count_slow_dispatch/kernels/custom_cycle_count_slow_dispatch.cpp b/tt_metal/programming_examples/profiler/test_custom_cycle_count_slow_dispatch/kernels/custom_cycle_count_slow_dispatch.cpp index 616a12e2781..f6f498832b8 100644 --- a/tt_metal/programming_examples/profiler/test_custom_cycle_count_slow_dispatch/kernels/custom_cycle_count_slow_dispatch.cpp +++ b/tt_metal/programming_examples/profiler/test_custom_cycle_count_slow_dispatch/kernels/custom_cycle_count_slow_dispatch.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/profiler/test_custom_cycle_count_slow_dispatch/test_custom_cycle_count_slow_dispatch.cpp b/tt_metal/programming_examples/profiler/test_custom_cycle_count_slow_dispatch/test_custom_cycle_count_slow_dispatch.cpp index 9b90eeb9153..3adbd66e7d5 100644 --- a/tt_metal/programming_examples/profiler/test_custom_cycle_count_slow_dispatch/test_custom_cycle_count_slow_dispatch.cpp +++ b/tt_metal/programming_examples/profiler/test_custom_cycle_count_slow_dispatch/test_custom_cycle_count_slow_dispatch.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/profiler/test_dispatch_cores/test_dispatch_cores.cpp b/tt_metal/programming_examples/profiler/test_dispatch_cores/test_dispatch_cores.cpp index 50e6958705f..b0f7ed3cbb8 100644 --- a/tt_metal/programming_examples/profiler/test_dispatch_cores/test_dispatch_cores.cpp +++ b/tt_metal/programming_examples/profiler/test_dispatch_cores/test_dispatch_cores.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/profiler/test_full_buffer/kernels/full_buffer.cpp b/tt_metal/programming_examples/profiler/test_full_buffer/kernels/full_buffer.cpp index c9439e6e10f..d80186d9538 100644 --- a/tt_metal/programming_examples/profiler/test_full_buffer/kernels/full_buffer.cpp +++ b/tt_metal/programming_examples/profiler/test_full_buffer/kernels/full_buffer.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/profiler/test_full_buffer/kernels/full_buffer_compute.cpp b/tt_metal/programming_examples/profiler/test_full_buffer/kernels/full_buffer_compute.cpp index 217f12ce8bb..b4368e207af 100644 --- a/tt_metal/programming_examples/profiler/test_full_buffer/kernels/full_buffer_compute.cpp +++ b/tt_metal/programming_examples/profiler/test_full_buffer/kernels/full_buffer_compute.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/profiler/test_full_buffer/kernels/full_buffer_ether.cpp b/tt_metal/programming_examples/profiler/test_full_buffer/kernels/full_buffer_ether.cpp index e9b0cc671f1..ac0dc8a3a10 100644 --- a/tt_metal/programming_examples/profiler/test_full_buffer/kernels/full_buffer_ether.cpp +++ b/tt_metal/programming_examples/profiler/test_full_buffer/kernels/full_buffer_ether.cpp @@ -1,5 +1,5 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/profiler/test_full_buffer/test_full_buffer.cpp b/tt_metal/programming_examples/profiler/test_full_buffer/test_full_buffer.cpp index e3a23013f6b..f6d85edf790 100644 --- a/tt_metal/programming_examples/profiler/test_full_buffer/test_full_buffer.cpp +++ b/tt_metal/programming_examples/profiler/test_full_buffer/test_full_buffer.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/profiler/test_multi_op/kernels/multi_op.cpp b/tt_metal/programming_examples/profiler/test_multi_op/kernels/multi_op.cpp index a92eaf8eb65..e066b4813d8 100644 --- a/tt_metal/programming_examples/profiler/test_multi_op/kernels/multi_op.cpp +++ b/tt_metal/programming_examples/profiler/test_multi_op/kernels/multi_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/profiler/test_multi_op/kernels/multi_op_compute.cpp b/tt_metal/programming_examples/profiler/test_multi_op/kernels/multi_op_compute.cpp index f45d3b7c795..993aa7e108a 100644 --- a/tt_metal/programming_examples/profiler/test_multi_op/kernels/multi_op_compute.cpp +++ b/tt_metal/programming_examples/profiler/test_multi_op/kernels/multi_op_compute.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/programming_examples/profiler/test_multi_op/test_multi_op.cpp b/tt_metal/programming_examples/profiler/test_multi_op/test_multi_op.cpp index 978a6ea5236..abfe62648d2 100644 --- a/tt_metal/programming_examples/profiler/test_multi_op/test_multi_op.cpp +++ b/tt_metal/programming_examples/profiler/test_multi_op/test_multi_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/tools/dump-consts.py b/tt_metal/tools/dump-consts.py index c6b13924e23..8e585777346 100644 --- a/tt_metal/tools/dump-consts.py +++ b/tt_metal/tools/dump-consts.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/tools/memset.cpp b/tt_metal/tools/memset.cpp index 84a365704b9..af07d96f896 100644 --- a/tt_metal/tools/memset.cpp +++ b/tt_metal/tools/memset.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/tools/memset.py b/tt_metal/tools/memset.py index b0e832297af..092f7b09c7e 100644 --- a/tt_metal/tools/memset.py +++ b/tt_metal/tools/memset.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/tools/profiler/common.hpp b/tt_metal/tools/profiler/common.hpp index c6e39034226..2b24edf1aaa 100644 --- a/tt_metal/tools/profiler/common.hpp +++ b/tt_metal/tools/profiler/common.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/tools/profiler/common.py b/tt_metal/tools/profiler/common.py index f5309e1b4eb..fb4b95a02f7 100644 --- a/tt_metal/tools/profiler/common.py +++ b/tt_metal/tools/profiler/common.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/tools/profiler/device_post_proc_config.py b/tt_metal/tools/profiler/device_post_proc_config.py index dd030e9e4b7..ef8d13ed5d0 100644 --- a/tt_metal/tools/profiler/device_post_proc_config.py +++ b/tt_metal/tools/profiler/device_post_proc_config.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/tools/profiler/kernel_profiler.hpp b/tt_metal/tools/profiler/kernel_profiler.hpp index 3ac25375bac..1fa3048146d 100644 --- a/tt_metal/tools/profiler/kernel_profiler.hpp +++ b/tt_metal/tools/profiler/kernel_profiler.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/tools/profiler/merge_meta_class.py b/tt_metal/tools/profiler/merge_meta_class.py index 152136c5b41..d5d86c5423a 100644 --- a/tt_metal/tools/profiler/merge_meta_class.py +++ b/tt_metal/tools/profiler/merge_meta_class.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/tools/profiler/op_profiler.hpp b/tt_metal/tools/profiler/op_profiler.hpp index 62585470d9b..92bc3a0ae40 100644 --- a/tt_metal/tools/profiler/op_profiler.hpp +++ b/tt_metal/tools/profiler/op_profiler.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/tools/profiler/process_device_log.py b/tt_metal/tools/profiler/process_device_log.py index 8527cb21a49..314d8903e0f 100755 --- a/tt_metal/tools/profiler/process_device_log.py +++ b/tt_metal/tools/profiler/process_device_log.py @@ -1,6 +1,6 @@ #!/usr/bin/env python3 -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/tools/profiler/process_model_log.py b/tt_metal/tools/profiler/process_model_log.py index 2097fade1f6..4b6a93919b1 100755 --- a/tt_metal/tools/profiler/process_model_log.py +++ b/tt_metal/tools/profiler/process_model_log.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/tools/profiler/process_ops_logs.py b/tt_metal/tools/profiler/process_ops_logs.py index 8445aed2348..493a8b8b98a 100755 --- a/tt_metal/tools/profiler/process_ops_logs.py +++ b/tt_metal/tools/profiler/process_ops_logs.py @@ -1,6 +1,6 @@ #!/usr/bin/env python3 -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/tools/profiler/profile_sweeps.py b/tt_metal/tools/profiler/profile_sweeps.py index 0af61f55274..e9e12716e60 100755 --- a/tt_metal/tools/profiler/profile_sweeps.py +++ b/tt_metal/tools/profiler/profile_sweeps.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/tools/profiler/profile_this.py b/tt_metal/tools/profiler/profile_this.py index f8848c9a2be..17221912775 100755 --- a/tt_metal/tools/profiler/profile_this.py +++ b/tt_metal/tools/profiler/profile_this.py @@ -1,6 +1,6 @@ #! /usr/bin/env python3 -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/tools/profiler/profiler.cpp b/tt_metal/tools/profiler/profiler.cpp index 439918b519f..4b532861ea1 100644 --- a/tt_metal/tools/profiler/profiler.cpp +++ b/tt_metal/tools/profiler/profiler.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/tools/profiler/profiler.hpp b/tt_metal/tools/profiler/profiler.hpp index 88640d1bd1d..d9e34d6ae69 100644 --- a/tt_metal/tools/profiler/profiler.hpp +++ b/tt_metal/tools/profiler/profiler.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/tools/profiler/profiler_state.hpp b/tt_metal/tools/profiler/profiler_state.hpp index bd1c0154195..b964b2300a8 100644 --- a/tt_metal/tools/profiler/profiler_state.hpp +++ b/tt_metal/tools/profiler/profiler_state.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/tools/profiler/sync/sync_kernel.cpp b/tt_metal/tools/profiler/sync/sync_kernel.cpp index 566b84d325a..a929025ed12 100644 --- a/tt_metal/tools/profiler/sync/sync_kernel.cpp +++ b/tt_metal/tools/profiler/sync/sync_kernel.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/tools/profiler/tt_metal_profiler.cpp b/tt_metal/tools/profiler/tt_metal_profiler.cpp index d42d379b635..95c9eb6c2aa 100644 --- a/tt_metal/tools/profiler/tt_metal_profiler.cpp +++ b/tt_metal/tools/profiler/tt_metal_profiler.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 #include diff --git a/tt_metal/tools/tt_gdb/debugger_screen.py b/tt_metal/tools/tt_gdb/debugger_screen.py index c14b71a958e..73b0d0cf42b 100644 --- a/tt_metal/tools/tt_gdb/debugger_screen.py +++ b/tt_metal/tools/tt_gdb/debugger_screen.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/tools/tt_gdb/pydwarf2.py b/tt_metal/tools/tt_gdb/pydwarf2.py index e1469197976..b54a7db6edc 100644 --- a/tt_metal/tools/tt_gdb/pydwarf2.py +++ b/tt_metal/tools/tt_gdb/pydwarf2.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/tools/tt_gdb/tt_gdb.cpp b/tt_metal/tools/tt_gdb/tt_gdb.cpp index 4012465793d..d0b6c77dfb3 100644 --- a/tt_metal/tools/tt_gdb/tt_gdb.cpp +++ b/tt_metal/tools/tt_gdb/tt_gdb.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/tools/tt_gdb/tt_gdb.hpp b/tt_metal/tools/tt_gdb/tt_gdb.hpp index 4243661f124..062d1239824 100644 --- a/tt_metal/tools/tt_gdb/tt_gdb.hpp +++ b/tt_metal/tools/tt_gdb/tt_gdb.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/tools/tt_gdb/tt_gdb_table.py b/tt_metal/tools/tt_gdb/tt_gdb_table.py index 3bdeb8c45bf..dede1a1e3b2 100644 --- a/tt_metal/tools/tt_gdb/tt_gdb_table.py +++ b/tt_metal/tools/tt_gdb/tt_gdb_table.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/tools/watcher_dump/watcher_dump.cpp b/tt_metal/tools/watcher_dump/watcher_dump.cpp index 7839e7eccad..6a03a6c6331 100644 --- a/tt_metal/tools/watcher_dump/watcher_dump.cpp +++ b/tt_metal/tools/watcher_dump/watcher_dump.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 #include diff --git a/tt_metal/tt_metal.cpp b/tt_metal/tt_metal.cpp index aca0db3e2c1..ad5c5773d8d 100644 --- a/tt_metal/tt_metal.cpp +++ b/tt_metal/tt_metal.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/tt_stl/concepts.hpp b/tt_metal/tt_stl/concepts.hpp index e10adc9d2b8..163476ae7f5 100644 --- a/tt_metal/tt_stl/concepts.hpp +++ b/tt_metal/tt_stl/concepts.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/tt_stl/reflection.hpp b/tt_metal/tt_stl/reflection.hpp index 42c3aecb6a4..f064b7400ac 100644 --- a/tt_metal/tt_stl/reflection.hpp +++ b/tt_metal/tt_stl/reflection.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/tt_metal/tt_stl/unique_any.hpp b/tt_metal/tt_stl/unique_any.hpp index bdbc0e29ff1..ce1e0ac82bf 100644 --- a/tt_metal/tt_stl/unique_any.hpp +++ b/tt_metal/tt_stl/unique_any.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/pybind11/__init__.cpp b/ttnn/cpp/pybind11/__init__.cpp index 639498cd807..217bb758c1f 100644 --- a/ttnn/cpp/pybind11/__init__.cpp +++ b/ttnn/cpp/pybind11/__init__.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/pybind11/core.hpp b/ttnn/cpp/pybind11/core.hpp index 50f19a29344..01e984542e0 100644 --- a/ttnn/cpp/pybind11/core.hpp +++ b/ttnn/cpp/pybind11/core.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/pybind11/decorators.hpp b/ttnn/cpp/pybind11/decorators.hpp index 245ed71d5cb..56a52e61ffd 100644 --- a/ttnn/cpp/pybind11/decorators.hpp +++ b/ttnn/cpp/pybind11/decorators.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/pybind11/device.cpp b/ttnn/cpp/pybind11/device.cpp index 198326fd7d7..04be970d30f 100644 --- a/ttnn/cpp/pybind11/device.cpp +++ b/ttnn/cpp/pybind11/device.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/pybind11/device.hpp b/ttnn/cpp/pybind11/device.hpp index 1b35237ea3c..97cfe4f730c 100644 --- a/ttnn/cpp/pybind11/device.hpp +++ b/ttnn/cpp/pybind11/device.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/pybind11/operations/__init__.hpp b/ttnn/cpp/pybind11/operations/__init__.hpp index 9bdbbc776ce..bd7ff5f6331 100644 --- a/ttnn/cpp/pybind11/operations/__init__.hpp +++ b/ttnn/cpp/pybind11/operations/__init__.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/pybind11/operations/copy.hpp b/ttnn/cpp/pybind11/operations/copy.hpp index e6fbe7f477e..ce346854f73 100644 --- a/ttnn/cpp/pybind11/operations/copy.hpp +++ b/ttnn/cpp/pybind11/operations/copy.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/pybind11/operations/core.hpp b/ttnn/cpp/pybind11/operations/core.hpp index eaf0014cf52..31bdd886688 100644 --- a/ttnn/cpp/pybind11/operations/core.hpp +++ b/ttnn/cpp/pybind11/operations/core.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/pybind11/operations/creation.hpp b/ttnn/cpp/pybind11/operations/creation.hpp index 6581766ccb0..3ec9c62fc28 100644 --- a/ttnn/cpp/pybind11/operations/creation.hpp +++ b/ttnn/cpp/pybind11/operations/creation.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/pybind11/profiler.cpp b/ttnn/cpp/pybind11/profiler.cpp index 8d14bf6c93c..c0566a642fa 100644 --- a/ttnn/cpp/pybind11/profiler.cpp +++ b/ttnn/cpp/pybind11/profiler.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/pybind11/profiler.hpp b/ttnn/cpp/pybind11/profiler.hpp index c023c3ffb20..4f1e3b94d49 100644 --- a/ttnn/cpp/pybind11/profiler.hpp +++ b/ttnn/cpp/pybind11/profiler.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/pybind11/pybind_fwd.hpp b/ttnn/cpp/pybind11/pybind_fwd.hpp index c1cb381978d..af58782007b 100644 --- a/ttnn/cpp/pybind11/pybind_fwd.hpp +++ b/ttnn/cpp/pybind11/pybind_fwd.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/pybind11/pytensor.cpp b/ttnn/cpp/pybind11/pytensor.cpp index 8cd2e3da094..69242d6d50b 100644 --- a/ttnn/cpp/pybind11/pytensor.cpp +++ b/ttnn/cpp/pybind11/pytensor.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/pybind11/reports.hpp b/ttnn/cpp/pybind11/reports.hpp index 4afa38fc049..b6a036cbbff 100644 --- a/ttnn/cpp/pybind11/reports.hpp +++ b/ttnn/cpp/pybind11/reports.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/pybind11/tensor.cpp b/ttnn/cpp/pybind11/tensor.cpp index 5fb7be5dd17..8d195f067a2 100644 --- a/ttnn/cpp/pybind11/tensor.cpp +++ b/ttnn/cpp/pybind11/tensor.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/pybind11/tensor.hpp b/ttnn/cpp/pybind11/tensor.hpp index faa06314386..99a007a03e1 100644 --- a/ttnn/cpp/pybind11/tensor.hpp +++ b/ttnn/cpp/pybind11/tensor.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/pybind11/types.hpp b/ttnn/cpp/pybind11/types.hpp index 1ae033ac867..268d84a70e2 100644 --- a/ttnn/cpp/pybind11/types.hpp +++ b/ttnn/cpp/pybind11/types.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/async_runtime.cpp b/ttnn/cpp/ttnn/async_runtime.cpp index 00be31ec840..9a2f5e1f561 100644 --- a/ttnn/cpp/ttnn/async_runtime.cpp +++ b/ttnn/cpp/ttnn/async_runtime.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/async_runtime.hpp b/ttnn/cpp/ttnn/async_runtime.hpp index 212c7e1254f..767900240bd 100644 --- a/ttnn/cpp/ttnn/async_runtime.hpp +++ b/ttnn/cpp/ttnn/async_runtime.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/config.cpp b/ttnn/cpp/ttnn/config.cpp index c722dae6e82..d4a04d384c4 100644 --- a/ttnn/cpp/ttnn/config.cpp +++ b/ttnn/cpp/ttnn/config.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/config.hpp b/ttnn/cpp/ttnn/config.hpp index 0b08ddcd1b8..9411c79e408 100644 --- a/ttnn/cpp/ttnn/config.hpp +++ b/ttnn/cpp/ttnn/config.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/core.cpp b/ttnn/cpp/ttnn/core.cpp index f357770ca1b..d7fa28ca040 100644 --- a/ttnn/cpp/ttnn/core.cpp +++ b/ttnn/cpp/ttnn/core.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/core.hpp b/ttnn/cpp/ttnn/core.hpp index db32d95c1b0..5d8c7a1642e 100644 --- a/ttnn/cpp/ttnn/core.hpp +++ b/ttnn/cpp/ttnn/core.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/decorators.hpp b/ttnn/cpp/ttnn/decorators.hpp index 370195f33d6..aae9e736c75 100644 --- a/ttnn/cpp/ttnn/decorators.hpp +++ b/ttnn/cpp/ttnn/decorators.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/compute/bmm_tilize_untilize.cpp b/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/compute/bmm_tilize_untilize.cpp index 7931a55e021..12488306dc0 100644 --- a/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/compute/bmm_tilize_untilize.cpp +++ b/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/compute/bmm_tilize_untilize.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/compute/eltwise_copy.cpp b/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/compute/eltwise_copy.cpp index bc380bd8439..ee8c8f7fb4b 100644 --- a/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/compute/eltwise_copy.cpp +++ b/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/compute/eltwise_copy.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/compute/tilize.cpp b/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/compute/tilize.cpp index b07ec20484f..d23d65ff0c6 100644 --- a/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/compute/tilize.cpp +++ b/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/compute/tilize.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/compute/transpose_wh.cpp b/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/compute/transpose_wh.cpp index dba57a1d528..5935470e771 100644 --- a/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/compute/transpose_wh.cpp +++ b/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/compute/transpose_wh.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/dataflow/generate_bcast_scalar.hpp b/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/dataflow/generate_bcast_scalar.hpp index f38b25df057..2bbc4f14994 100644 --- a/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/dataflow/generate_bcast_scalar.hpp +++ b/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/dataflow/generate_bcast_scalar.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/dataflow/generate_mm_scaler.hpp b/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/dataflow/generate_mm_scaler.hpp index 09ff36e2c1d..4d06eefd72e 100644 --- a/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/dataflow/generate_mm_scaler.hpp +++ b/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/dataflow/generate_mm_scaler.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/dataflow/generate_reduce_scaler.hpp b/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/dataflow/generate_reduce_scaler.hpp index d90b52273aa..0fedd5a2a1d 100644 --- a/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/dataflow/generate_reduce_scaler.hpp +++ b/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/dataflow/generate_reduce_scaler.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/dataflow/reader_bmm_single_core_bias.hpp b/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/dataflow/reader_bmm_single_core_bias.hpp index c55715e9f70..5ba951d4547 100644 --- a/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/dataflow/reader_bmm_single_core_bias.hpp +++ b/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/dataflow/reader_bmm_single_core_bias.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/dataflow/reader_unary_stick_layout_interleaved_start_id.cpp b/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/dataflow/reader_unary_stick_layout_interleaved_start_id.cpp index a63bd6a72af..bb01cf00853 100644 --- a/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/dataflow/reader_unary_stick_layout_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/dataflow/reader_unary_stick_layout_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/dataflow/writer_unary_stick_layout_interleaved_blocks.cpp b/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/dataflow/writer_unary_stick_layout_interleaved_blocks.cpp index 4c54f8d5ba3..a64e234718f 100644 --- a/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/dataflow/writer_unary_stick_layout_interleaved_blocks.cpp +++ b/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/dataflow/writer_unary_stick_layout_interleaved_blocks.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/dataflow/writer_unary_stick_layout_interleaved_start_id.cpp b/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/dataflow/writer_unary_stick_layout_interleaved_start_id.cpp index a1532758ec1..911b237b201 100644 --- a/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/dataflow/writer_unary_stick_layout_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/deprecated/tt_dnn/kernels/dataflow/writer_unary_stick_layout_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/deprecated/tt_dnn/op_library/moreh_matmul/multi_core/kernels/moreh_matmul.cpp b/ttnn/cpp/ttnn/deprecated/tt_dnn/op_library/moreh_matmul/multi_core/kernels/moreh_matmul.cpp index 3302b013211..cffaaa96e03 100644 --- a/ttnn/cpp/ttnn/deprecated/tt_dnn/op_library/moreh_matmul/multi_core/kernels/moreh_matmul.cpp +++ b/ttnn/cpp/ttnn/deprecated/tt_dnn/op_library/moreh_matmul/multi_core/kernels/moreh_matmul.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/deprecated/tt_lib/csrc/operations/primary/module.hpp b/ttnn/cpp/ttnn/deprecated/tt_lib/csrc/operations/primary/module.hpp index 7ba77e96656..79a6609c7d9 100644 --- a/ttnn/cpp/ttnn/deprecated/tt_lib/csrc/operations/primary/module.hpp +++ b/ttnn/cpp/ttnn/deprecated/tt_lib/csrc/operations/primary/module.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/device.cpp b/ttnn/cpp/ttnn/device.cpp index ff9a279d7a2..6fc42d8e0fe 100644 --- a/ttnn/cpp/ttnn/device.cpp +++ b/ttnn/cpp/ttnn/device.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/device.hpp b/ttnn/cpp/ttnn/device.hpp index b0f19e5e746..a713f0f3ab1 100644 --- a/ttnn/cpp/ttnn/device.hpp +++ b/ttnn/cpp/ttnn/device.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/device_operation.hpp b/ttnn/cpp/ttnn/device_operation.hpp index b50132efb6e..6eee1fe0fee 100644 --- a/ttnn/cpp/ttnn/device_operation.hpp +++ b/ttnn/cpp/ttnn/device_operation.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/distributed/api.cpp b/ttnn/cpp/ttnn/distributed/api.cpp index e4ab3a5ece1..2bfedebaef4 100644 --- a/ttnn/cpp/ttnn/distributed/api.cpp +++ b/ttnn/cpp/ttnn/distributed/api.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/distributed/api.hpp b/ttnn/cpp/ttnn/distributed/api.hpp index cfdd86bba50..bffa8009bda 100644 --- a/ttnn/cpp/ttnn/distributed/api.hpp +++ b/ttnn/cpp/ttnn/distributed/api.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/distributed/distributed_pybind.cpp b/ttnn/cpp/ttnn/distributed/distributed_pybind.cpp index 8bb6ca1d9c3..e8e2fb17727 100644 --- a/ttnn/cpp/ttnn/distributed/distributed_pybind.cpp +++ b/ttnn/cpp/ttnn/distributed/distributed_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/distributed/distributed_pybind.hpp b/ttnn/cpp/ttnn/distributed/distributed_pybind.hpp index e197599e165..9cb00a86a77 100644 --- a/ttnn/cpp/ttnn/distributed/distributed_pybind.hpp +++ b/ttnn/cpp/ttnn/distributed/distributed_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operation.hpp b/ttnn/cpp/ttnn/operation.hpp index 99c1c3a4fa8..337596b2f31 100644 --- a/ttnn/cpp/ttnn/operation.hpp +++ b/ttnn/cpp/ttnn/operation.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/bernoulli/device/kernels/reader_bernoulli.cpp b/ttnn/cpp/ttnn/operations/bernoulli/device/kernels/reader_bernoulli.cpp index ad3af7f5d26..7596aa43f4b 100644 --- a/ttnn/cpp/ttnn/operations/bernoulli/device/kernels/reader_bernoulli.cpp +++ b/ttnn/cpp/ttnn/operations/bernoulli/device/kernels/reader_bernoulli.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/all_gather/all_gather.cpp b/ttnn/cpp/ttnn/operations/ccl/all_gather/all_gather.cpp index 34f067df23d..c028a9ee0c2 100644 --- a/ttnn/cpp/ttnn/operations/ccl/all_gather/all_gather.cpp +++ b/ttnn/cpp/ttnn/operations/ccl/all_gather/all_gather.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/all_gather/all_gather.hpp b/ttnn/cpp/ttnn/operations/ccl/all_gather/all_gather.hpp index 541335982fa..5b77c10314d 100644 --- a/ttnn/cpp/ttnn/operations/ccl/all_gather/all_gather.hpp +++ b/ttnn/cpp/ttnn/operations/ccl/all_gather/all_gather.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/all_gather/all_gather_pybind.cpp b/ttnn/cpp/ttnn/operations/ccl/all_gather/all_gather_pybind.cpp index 210ac9d243a..55a8aa73079 100644 --- a/ttnn/cpp/ttnn/operations/ccl/all_gather/all_gather_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/ccl/all_gather/all_gather_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/all_gather/all_gather_pybind.hpp b/ttnn/cpp/ttnn/operations/ccl/all_gather/all_gather_pybind.hpp index 0eadf54b6a8..93584ca241e 100644 --- a/ttnn/cpp/ttnn/operations/ccl/all_gather/all_gather_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/ccl/all_gather/all_gather_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/all_gather/device/all_gather_op.cpp b/ttnn/cpp/ttnn/operations/ccl/all_gather/device/all_gather_op.cpp index 079427ad854..765b0326ce3 100644 --- a/ttnn/cpp/ttnn/operations/ccl/all_gather/device/all_gather_op.cpp +++ b/ttnn/cpp/ttnn/operations/ccl/all_gather/device/all_gather_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/all_gather/device/all_gather_op.hpp b/ttnn/cpp/ttnn/operations/ccl/all_gather/device/all_gather_op.hpp index abc697dfab5..1c4c6e9bae6 100644 --- a/ttnn/cpp/ttnn/operations/ccl/all_gather/device/all_gather_op.hpp +++ b/ttnn/cpp/ttnn/operations/ccl/all_gather/device/all_gather_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/all_gather/device/kernels/dataflow/worker_interleaved_ring_gather_receive_reader.cpp b/ttnn/cpp/ttnn/operations/ccl/all_gather/device/kernels/dataflow/worker_interleaved_ring_gather_receive_reader.cpp index 611ca726e94..26220cc17ab 100644 --- a/ttnn/cpp/ttnn/operations/ccl/all_gather/device/kernels/dataflow/worker_interleaved_ring_gather_receive_reader.cpp +++ b/ttnn/cpp/ttnn/operations/ccl/all_gather/device/kernels/dataflow/worker_interleaved_ring_gather_receive_reader.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/all_gather/device/kernels/dataflow/worker_interleaved_ring_gather_receive_writer.cpp b/ttnn/cpp/ttnn/operations/ccl/all_gather/device/kernels/dataflow/worker_interleaved_ring_gather_receive_writer.cpp index 8e40a7c1bc4..ed30acebcca 100644 --- a/ttnn/cpp/ttnn/operations/ccl/all_gather/device/kernels/dataflow/worker_interleaved_ring_gather_receive_writer.cpp +++ b/ttnn/cpp/ttnn/operations/ccl/all_gather/device/kernels/dataflow/worker_interleaved_ring_gather_receive_writer.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/all_gather/device/kernels/dataflow/worker_interleaved_ring_gather_send_reader.cpp b/ttnn/cpp/ttnn/operations/ccl/all_gather/device/kernels/dataflow/worker_interleaved_ring_gather_send_reader.cpp index fd5abe30646..bf6b5fbacde 100644 --- a/ttnn/cpp/ttnn/operations/ccl/all_gather/device/kernels/dataflow/worker_interleaved_ring_gather_send_reader.cpp +++ b/ttnn/cpp/ttnn/operations/ccl/all_gather/device/kernels/dataflow/worker_interleaved_ring_gather_send_reader.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/all_gather/device/kernels/dataflow/worker_interleaved_ring_gather_send_writer.cpp b/ttnn/cpp/ttnn/operations/ccl/all_gather/device/kernels/dataflow/worker_interleaved_ring_gather_send_writer.cpp index baa68a71033..85514386788 100644 --- a/ttnn/cpp/ttnn/operations/ccl/all_gather/device/kernels/dataflow/worker_interleaved_ring_gather_send_writer.cpp +++ b/ttnn/cpp/ttnn/operations/ccl/all_gather/device/kernels/dataflow/worker_interleaved_ring_gather_send_writer.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/all_gather/device/kernels/dataflow/worker_ring_gather_utils.hpp b/ttnn/cpp/ttnn/operations/ccl/all_gather/device/kernels/dataflow/worker_ring_gather_utils.hpp index 75606f8b23c..c0b11863cf8 100644 --- a/ttnn/cpp/ttnn/operations/ccl/all_gather/device/kernels/dataflow/worker_ring_gather_utils.hpp +++ b/ttnn/cpp/ttnn/operations/ccl/all_gather/device/kernels/dataflow/worker_ring_gather_utils.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 #pragma once diff --git a/ttnn/cpp/ttnn/operations/ccl/all_gather/device/multi_core/all_gather_op_multi_core.cpp b/ttnn/cpp/ttnn/operations/ccl/all_gather/device/multi_core/all_gather_op_multi_core.cpp index 602ebce97d8..ad8ecd7abf3 100644 --- a/ttnn/cpp/ttnn/operations/ccl/all_gather/device/multi_core/all_gather_op_multi_core.cpp +++ b/ttnn/cpp/ttnn/operations/ccl/all_gather/device/multi_core/all_gather_op_multi_core.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 /// diff --git a/ttnn/cpp/ttnn/operations/ccl/barrier/barrier_pybind.hpp b/ttnn/cpp/ttnn/operations/ccl/barrier/barrier_pybind.hpp index 3c4356f5d69..f8ca1f7d8a2 100644 --- a/ttnn/cpp/ttnn/operations/ccl/barrier/barrier_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/ccl/barrier/barrier_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 // diff --git a/ttnn/cpp/ttnn/operations/ccl/ccl_common.cpp b/ttnn/cpp/ttnn/operations/ccl/ccl_common.cpp index 85b94a0505f..bcf77f985b1 100644 --- a/ttnn/cpp/ttnn/operations/ccl/ccl_common.cpp +++ b/ttnn/cpp/ttnn/operations/ccl/ccl_common.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/ccl_common.hpp b/ttnn/cpp/ttnn/operations/ccl/ccl_common.hpp index f714f3e44ca..1095fd6feb2 100644 --- a/ttnn/cpp/ttnn/operations/ccl/ccl_common.hpp +++ b/ttnn/cpp/ttnn/operations/ccl/ccl_common.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/ccl_host_datastructures.cpp b/ttnn/cpp/ttnn/operations/ccl/ccl_host_datastructures.cpp index 9c73b15e930..d5502aac3f2 100644 --- a/ttnn/cpp/ttnn/operations/ccl/ccl_host_datastructures.cpp +++ b/ttnn/cpp/ttnn/operations/ccl/ccl_host_datastructures.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/ccl_host_datastructures.hpp b/ttnn/cpp/ttnn/operations/ccl/ccl_host_datastructures.hpp index 340d8532256..4d96519f8a1 100644 --- a/ttnn/cpp/ttnn/operations/ccl/ccl_host_datastructures.hpp +++ b/ttnn/cpp/ttnn/operations/ccl/ccl_host_datastructures.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/ccl_op_fusion.cpp b/ttnn/cpp/ttnn/operations/ccl/ccl_op_fusion.cpp index af2e8527c57..c7094309641 100644 --- a/ttnn/cpp/ttnn/operations/ccl/ccl_op_fusion.cpp +++ b/ttnn/cpp/ttnn/operations/ccl/ccl_op_fusion.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/ccl_op_fusion.hpp b/ttnn/cpp/ttnn/operations/ccl/ccl_op_fusion.hpp index 1bc9ff0eca3..c1ee2cc6674 100644 --- a/ttnn/cpp/ttnn/operations/ccl/ccl_op_fusion.hpp +++ b/ttnn/cpp/ttnn/operations/ccl/ccl_op_fusion.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/kernel_common/worker_edm_adapters.hpp b/ttnn/cpp/ttnn/operations/ccl/kernel_common/worker_edm_adapters.hpp index 3ae218ca9e7..21324d2d805 100644 --- a/ttnn/cpp/ttnn/operations/ccl/kernel_common/worker_edm_adapters.hpp +++ b/ttnn/cpp/ttnn/operations/ccl/kernel_common/worker_edm_adapters.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/kernel_common/worker_edm_utils.hpp b/ttnn/cpp/ttnn/operations/ccl/kernel_common/worker_edm_utils.hpp index 07a1f0e433c..414099f4796 100644 --- a/ttnn/cpp/ttnn/operations/ccl/kernel_common/worker_edm_utils.hpp +++ b/ttnn/cpp/ttnn/operations/ccl/kernel_common/worker_edm_utils.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/kernel_common/worker_sync_utils.hpp b/ttnn/cpp/ttnn/operations/ccl/kernel_common/worker_sync_utils.hpp index 547c34c42f5..40452727c07 100644 --- a/ttnn/cpp/ttnn/operations/ccl/kernel_common/worker_sync_utils.hpp +++ b/ttnn/cpp/ttnn/operations/ccl/kernel_common/worker_sync_utils.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/kernels/edm/erisc_async_datamover.hpp b/ttnn/cpp/ttnn/operations/ccl/kernels/edm/erisc_async_datamover.hpp index dfd3ce51624..8f8f267dd66 100644 --- a/ttnn/cpp/ttnn/operations/ccl/kernels/edm/erisc_async_datamover.hpp +++ b/ttnn/cpp/ttnn/operations/ccl/kernels/edm/erisc_async_datamover.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/kernels/edm/erisc_datamover.cpp b/ttnn/cpp/ttnn/operations/ccl/kernels/edm/erisc_datamover.cpp index 745e240ba64..7253e332584 100644 --- a/ttnn/cpp/ttnn/operations/ccl/kernels/edm/erisc_datamover.cpp +++ b/ttnn/cpp/ttnn/operations/ccl/kernels/edm/erisc_datamover.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/device/host/reduce_scatter_full_worker_grid.cpp b/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/device/host/reduce_scatter_full_worker_grid.cpp index c0ed0ab5cc4..c811db0eeec 100644 --- a/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/device/host/reduce_scatter_full_worker_grid.cpp +++ b/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/device/host/reduce_scatter_full_worker_grid.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 /// diff --git a/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/device/kernels/worker_interleaved_ring_reduce_scatter_reader.cpp b/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/device/kernels/worker_interleaved_ring_reduce_scatter_reader.cpp index de4666d5d83..21613160c0e 100644 --- a/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/device/kernels/worker_interleaved_ring_reduce_scatter_reader.cpp +++ b/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/device/kernels/worker_interleaved_ring_reduce_scatter_reader.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/device/kernels/worker_interleaved_ring_reduce_scatter_sender.cpp b/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/device/kernels/worker_interleaved_ring_reduce_scatter_sender.cpp index e68870b0415..d5217b2fe74 100644 --- a/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/device/kernels/worker_interleaved_ring_reduce_scatter_sender.cpp +++ b/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/device/kernels/worker_interleaved_ring_reduce_scatter_sender.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/device/reduce_scatter_op.cpp b/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/device/reduce_scatter_op.cpp index 4f633e5d8bc..efc6bee7cfb 100644 --- a/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/device/reduce_scatter_op.cpp +++ b/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/device/reduce_scatter_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/device/reduce_scatter_op.hpp b/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/device/reduce_scatter_op.hpp index 915151c97f0..f0658326192 100644 --- a/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/device/reduce_scatter_op.hpp +++ b/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/device/reduce_scatter_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/reduce_scatter.cpp b/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/reduce_scatter.cpp index 4db32df0fb0..7b668b51d5c 100644 --- a/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/reduce_scatter.cpp +++ b/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/reduce_scatter.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/reduce_scatter.hpp b/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/reduce_scatter.hpp index 4c9792d6767..468f928e5ff 100644 --- a/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/reduce_scatter.hpp +++ b/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/reduce_scatter.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/reduce_scatter_pybind.cpp b/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/reduce_scatter_pybind.cpp index 16af5cb0652..ed468f9e745 100644 --- a/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/reduce_scatter_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/reduce_scatter_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/reduce_scatter_pybind.hpp b/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/reduce_scatter_pybind.hpp index d5fd9ad818e..48622edbc50 100644 --- a/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/reduce_scatter_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/ccl/reduce_scatter/reduce_scatter_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/shared_with_host/hetergeneous_data_structs.hpp b/ttnn/cpp/ttnn/operations/ccl/shared_with_host/hetergeneous_data_structs.hpp index 7e11f71d793..25ec965d02f 100644 --- a/ttnn/cpp/ttnn/operations/ccl/shared_with_host/hetergeneous_data_structs.hpp +++ b/ttnn/cpp/ttnn/operations/ccl/shared_with_host/hetergeneous_data_structs.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/ccl/shared_with_host/sharded_tensor_addr_gen.hpp b/ttnn/cpp/ttnn/operations/ccl/shared_with_host/sharded_tensor_addr_gen.hpp index 58fe3f1898a..fc4c57c554f 100644 --- a/ttnn/cpp/ttnn/operations/ccl/shared_with_host/sharded_tensor_addr_gen.hpp +++ b/ttnn/cpp/ttnn/operations/ccl/shared_with_host/sharded_tensor_addr_gen.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 #pragma once diff --git a/ttnn/cpp/ttnn/operations/conv/conv2d/conv2d.cpp b/ttnn/cpp/ttnn/operations/conv/conv2d/conv2d.cpp index 5762f6cb10a..0a5f64e8fe1 100644 --- a/ttnn/cpp/ttnn/operations/conv/conv2d/conv2d.cpp +++ b/ttnn/cpp/ttnn/operations/conv/conv2d/conv2d.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/conv/conv2d/conv2d.hpp b/ttnn/cpp/ttnn/operations/conv/conv2d/conv2d.hpp index 403bd6d6f7c..028050caa31 100644 --- a/ttnn/cpp/ttnn/operations/conv/conv2d/conv2d.hpp +++ b/ttnn/cpp/ttnn/operations/conv/conv2d/conv2d.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/conv/conv2d/conv2d_pybind.cpp b/ttnn/cpp/ttnn/operations/conv/conv2d/conv2d_pybind.cpp index c1a3d3a79a8..b4d716a26a9 100644 --- a/ttnn/cpp/ttnn/operations/conv/conv2d/conv2d_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/conv/conv2d/conv2d_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/conv/conv2d/conv2d_pybind.hpp b/ttnn/cpp/ttnn/operations/conv/conv2d/conv2d_pybind.hpp index 7ae143b93f3..c39aa114e64 100644 --- a/ttnn/cpp/ttnn/operations/conv/conv2d/conv2d_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/conv/conv2d/conv2d_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/conv/conv2d/device/conv2d_op.cpp b/ttnn/cpp/ttnn/operations/conv/conv2d/device/conv2d_op.cpp index 04cc1562a7b..ddc48c023ba 100644 --- a/ttnn/cpp/ttnn/operations/conv/conv2d/device/conv2d_op.cpp +++ b/ttnn/cpp/ttnn/operations/conv/conv2d/device/conv2d_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/conv/conv2d/device/conv2d_op.hpp b/ttnn/cpp/ttnn/operations/conv/conv2d/device/conv2d_op.hpp index 88151d5a83e..1c92f34070f 100644 --- a/ttnn/cpp/ttnn/operations/conv/conv2d/device/conv2d_op.hpp +++ b/ttnn/cpp/ttnn/operations/conv/conv2d/device/conv2d_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/conv/conv2d/device/conv2d_op_sharded_program_factory.cpp b/ttnn/cpp/ttnn/operations/conv/conv2d/device/conv2d_op_sharded_program_factory.cpp index de10fb342a7..71bd3b0fd80 100644 --- a/ttnn/cpp/ttnn/operations/conv/conv2d/device/conv2d_op_sharded_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/conv/conv2d/device/conv2d_op_sharded_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/conv/conv2d/device/conv2d_op_width_sharded_program_factory.cpp b/ttnn/cpp/ttnn/operations/conv/conv2d/device/conv2d_op_width_sharded_program_factory.cpp index 53f8e5bceab..170af4b3e79 100644 --- a/ttnn/cpp/ttnn/operations/conv/conv2d/device/conv2d_op_width_sharded_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/conv/conv2d/device/conv2d_op_width_sharded_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/activation_reader_width_sharded.cpp b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/activation_reader_width_sharded.cpp index d8be8afcbf2..8305814b534 100644 --- a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/activation_reader_width_sharded.cpp +++ b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/activation_reader_width_sharded.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/compute_depthwise_conv1d.cpp b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/compute_depthwise_conv1d.cpp index fcebdb48b73..2f58e591d00 100644 --- a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/compute_depthwise_conv1d.cpp +++ b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/compute_depthwise_conv1d.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/conv_bmm_tilize_col_major_out_blocks.cpp b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/conv_bmm_tilize_col_major_out_blocks.cpp index c9432ad226d..4ed16915a0c 100644 --- a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/conv_bmm_tilize_col_major_out_blocks.cpp +++ b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/conv_bmm_tilize_col_major_out_blocks.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/reader_conv_activations_2d_mcast_padded_with_halo_3x3_weights_v2.cpp b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/reader_conv_activations_2d_mcast_padded_with_halo_3x3_weights_v2.cpp index 8bbe216e90d..c653ecd758e 100644 --- a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/reader_conv_activations_2d_mcast_padded_with_halo_3x3_weights_v2.cpp +++ b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/reader_conv_activations_2d_mcast_padded_with_halo_3x3_weights_v2.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/reader_conv_activations_padded_with_halo_3x3_weights_v2.cpp b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/reader_conv_activations_padded_with_halo_3x3_weights_v2.cpp index 0e6f3012741..e6685c99cd1 100644 --- a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/reader_conv_activations_padded_with_halo_3x3_weights_v2.cpp +++ b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/reader_conv_activations_padded_with_halo_3x3_weights_v2.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/reader_depthwise_conv1d.cpp b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/reader_depthwise_conv1d.cpp index 28a2d543cfa..6bd766b1730 100644 --- a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/reader_depthwise_conv1d.cpp +++ b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/reader_depthwise_conv1d.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/reader_writer_tiled_out_1d_mcast_receiver_conv_weights_tiled_col_to_rm_blocks.cpp b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/reader_writer_tiled_out_1d_mcast_receiver_conv_weights_tiled_col_to_rm_blocks.cpp index c8f0630e3b8..d77daf3d3dc 100644 --- a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/reader_writer_tiled_out_1d_mcast_receiver_conv_weights_tiled_col_to_rm_blocks.cpp +++ b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/reader_writer_tiled_out_1d_mcast_receiver_conv_weights_tiled_col_to_rm_blocks.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/reader_writer_tiled_out_1d_mcast_sender_conv_weights_tiled_col_to_rm_blocks.cpp b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/reader_writer_tiled_out_1d_mcast_sender_conv_weights_tiled_col_to_rm_blocks.cpp index 41d71a0a4e7..a4ed8fb7927 100644 --- a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/reader_writer_tiled_out_1d_mcast_sender_conv_weights_tiled_col_to_rm_blocks.cpp +++ b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/reader_writer_tiled_out_1d_mcast_sender_conv_weights_tiled_col_to_rm_blocks.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/weights_reader_width_sharded.cpp b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/weights_reader_width_sharded.cpp index c4808b06319..8c12acbe717 100644 --- a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/weights_reader_width_sharded.cpp +++ b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/weights_reader_width_sharded.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/writer_mcast_receiver_depthwise_conv1d.cpp b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/writer_mcast_receiver_depthwise_conv1d.cpp index 4ca8d6f7ef5..f641539b186 100644 --- a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/writer_mcast_receiver_depthwise_conv1d.cpp +++ b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/writer_mcast_receiver_depthwise_conv1d.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/writer_mcast_sender_depthwise_conv1d.cpp b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/writer_mcast_sender_depthwise_conv1d.cpp index 0d918e54bf4..dbc89ec210a 100644 --- a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/writer_mcast_sender_depthwise_conv1d.cpp +++ b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/writer_mcast_sender_depthwise_conv1d.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/writer_tiled_out_1d_mcast_receiver_conv_weights_tiled_col_to_rm_blocks.cpp b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/writer_tiled_out_1d_mcast_receiver_conv_weights_tiled_col_to_rm_blocks.cpp index b58d64fe2b5..9ea366fd87e 100644 --- a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/writer_tiled_out_1d_mcast_receiver_conv_weights_tiled_col_to_rm_blocks.cpp +++ b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/writer_tiled_out_1d_mcast_receiver_conv_weights_tiled_col_to_rm_blocks.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/writer_tiled_out_1d_mcast_sender_conv_weights_tiled_col_to_rm_blocks.cpp b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/writer_tiled_out_1d_mcast_sender_conv_weights_tiled_col_to_rm_blocks.cpp index ef9bed9e808..993874913a3 100644 --- a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/writer_tiled_out_1d_mcast_sender_conv_weights_tiled_col_to_rm_blocks.cpp +++ b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/writer_tiled_out_1d_mcast_sender_conv_weights_tiled_col_to_rm_blocks.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/writer_tiled_out_2d_mcast_receiver_conv_weights_tiled_col_to_rm_blocks.cpp b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/writer_tiled_out_2d_mcast_receiver_conv_weights_tiled_col_to_rm_blocks.cpp index 6690a8d6517..4753db056e9 100644 --- a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/writer_tiled_out_2d_mcast_receiver_conv_weights_tiled_col_to_rm_blocks.cpp +++ b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/writer_tiled_out_2d_mcast_receiver_conv_weights_tiled_col_to_rm_blocks.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/writer_tiled_out_2d_mcast_sender_conv_weights_tiled_col_to_rm_blocks.cpp b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/writer_tiled_out_2d_mcast_sender_conv_weights_tiled_col_to_rm_blocks.cpp index d29e0d1116c..9da8ff1723f 100644 --- a/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/writer_tiled_out_2d_mcast_sender_conv_weights_tiled_col_to_rm_blocks.cpp +++ b/ttnn/cpp/ttnn/operations/conv/conv2d/device/kernels/writer_tiled_out_2d_mcast_sender_conv_weights_tiled_col_to_rm_blocks.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/conv/conv_pybind.hpp b/ttnn/cpp/ttnn/operations/conv/conv_pybind.hpp index 12be0a11c2d..e785b696568 100644 --- a/ttnn/cpp/ttnn/operations/conv/conv_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/conv/conv_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/conv/conv_transpose2d/conv_transpose2d.hpp b/ttnn/cpp/ttnn/operations/conv/conv_transpose2d/conv_transpose2d.hpp index 587fcf9711d..0ec325ce624 100644 --- a/ttnn/cpp/ttnn/operations/conv/conv_transpose2d/conv_transpose2d.hpp +++ b/ttnn/cpp/ttnn/operations/conv/conv_transpose2d/conv_transpose2d.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/conv/conv_transpose2d/conv_transpose2d_pybind.cpp b/ttnn/cpp/ttnn/operations/conv/conv_transpose2d/conv_transpose2d_pybind.cpp index 8128ea7423b..41e1381f8e1 100644 --- a/ttnn/cpp/ttnn/operations/conv/conv_transpose2d/conv_transpose2d_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/conv/conv_transpose2d/conv_transpose2d_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/copy.hpp b/ttnn/cpp/ttnn/operations/copy.hpp index adfb86272f6..3184624380a 100644 --- a/ttnn/cpp/ttnn/operations/copy.hpp +++ b/ttnn/cpp/ttnn/operations/copy.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/core/compute_kernel/compute_kernel_config.cpp b/ttnn/cpp/ttnn/operations/core/compute_kernel/compute_kernel_config.cpp index 7a249b45264..603bc01239d 100644 --- a/ttnn/cpp/ttnn/operations/core/compute_kernel/compute_kernel_config.cpp +++ b/ttnn/cpp/ttnn/operations/core/compute_kernel/compute_kernel_config.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/core/compute_kernel/compute_kernel_config.hpp b/ttnn/cpp/ttnn/operations/core/compute_kernel/compute_kernel_config.hpp index a07175adcf3..04c004118cb 100644 --- a/ttnn/cpp/ttnn/operations/core/compute_kernel/compute_kernel_config.hpp +++ b/ttnn/cpp/ttnn/operations/core/compute_kernel/compute_kernel_config.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/core/core.cpp b/ttnn/cpp/ttnn/operations/core/core.cpp index 184f6e139f1..814b8de17e7 100644 --- a/ttnn/cpp/ttnn/operations/core/core.cpp +++ b/ttnn/cpp/ttnn/operations/core/core.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/core/core.hpp b/ttnn/cpp/ttnn/operations/core/core.hpp index e269e7030b6..cfd9deb22e5 100644 --- a/ttnn/cpp/ttnn/operations/core/core.hpp +++ b/ttnn/cpp/ttnn/operations/core/core.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/core/to_dtype/to_dtype_op.hpp b/ttnn/cpp/ttnn/operations/core/to_dtype/to_dtype_op.hpp index 4fa171be016..8e2a76e7c64 100644 --- a/ttnn/cpp/ttnn/operations/core/to_dtype/to_dtype_op.hpp +++ b/ttnn/cpp/ttnn/operations/core/to_dtype/to_dtype_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/core/to_layout/to_layout_op.cpp b/ttnn/cpp/ttnn/operations/core/to_layout/to_layout_op.cpp index e9a74e4706b..fa23e8c1fde 100644 --- a/ttnn/cpp/ttnn/operations/core/to_layout/to_layout_op.cpp +++ b/ttnn/cpp/ttnn/operations/core/to_layout/to_layout_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/core/to_layout/to_layout_op.hpp b/ttnn/cpp/ttnn/operations/core/to_layout/to_layout_op.hpp index 2ab6380247f..0833a7d79c2 100644 --- a/ttnn/cpp/ttnn/operations/core/to_layout/to_layout_op.hpp +++ b/ttnn/cpp/ttnn/operations/core/to_layout/to_layout_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/core/to_memory_config/to_memory_config_op.hpp b/ttnn/cpp/ttnn/operations/core/to_memory_config/to_memory_config_op.hpp index 6c4d1f2be94..687f830f545 100644 --- a/ttnn/cpp/ttnn/operations/core/to_memory_config/to_memory_config_op.hpp +++ b/ttnn/cpp/ttnn/operations/core/to_memory_config/to_memory_config_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/creation.hpp b/ttnn/cpp/ttnn/operations/creation.hpp index acd2914c98f..6c48a4377a3 100644 --- a/ttnn/cpp/ttnn/operations/creation.hpp +++ b/ttnn/cpp/ttnn/operations/creation.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/compute/bcast_h.cpp b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/compute/bcast_h.cpp index 038bc211ede..c6ddb5336dd 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/compute/bcast_h.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/compute/bcast_h.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/compute/bcast_h_sharded_optimised.cpp b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/compute/bcast_h_sharded_optimised.cpp index 60ef716d269..050b4cb1933 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/compute/bcast_h_sharded_optimised.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/compute/bcast_h_sharded_optimised.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/compute/bcast_hw.cpp b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/compute/bcast_hw.cpp index 609b638986b..0d2b2c82e6c 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/compute/bcast_hw.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/compute/bcast_hw.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/compute/bcast_w.cpp b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/compute/bcast_w.cpp index 33af87ddff2..ae9bc354207 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/compute/bcast_w.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/compute/bcast_w.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_h_interleaved.cpp b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_h_interleaved.cpp index 1433de4f322..2a22086103d 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_h_interleaved.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_h_interleaved.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_h_interleaved_input_rows_partitioned.cpp b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_h_interleaved_input_rows_partitioned.cpp index b53eed8d932..92404b5edd4 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_h_interleaved_input_rows_partitioned.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_h_interleaved_input_rows_partitioned.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_h_sharded.cpp b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_h_sharded.cpp index c6748688706..ed9d21ce326 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_h_sharded.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_h_sharded.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_h_sharded_optimised.cpp b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_h_sharded_optimised.cpp index 92c7b884f58..0d9fcce7658 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_h_sharded_optimised.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_h_sharded_optimised.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_hw_interleaved.cpp b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_hw_interleaved.cpp index 4a73c4425a2..b120b4d1e3d 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_hw_interleaved.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_hw_interleaved.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_hw_interleaved_partitioned.cpp b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_hw_interleaved_partitioned.cpp index 231d92dbd84..f3597d22e8a 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_hw_interleaved_partitioned.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_hw_interleaved_partitioned.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_scalar_interleaved_partitioned.cpp b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_scalar_interleaved_partitioned.cpp index fec015e3233..fd587d28867 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_scalar_interleaved_partitioned.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_scalar_interleaved_partitioned.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_w_interleaved.cpp b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_w_interleaved.cpp index 38cff5068ae..a3c1c017546 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_w_interleaved.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_w_interleaved.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_w_interleaved_input_cols_partitioned.cpp b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_w_interleaved_input_cols_partitioned.cpp index fc6fce8fc6a..ca0ce2d558d 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_w_interleaved_input_cols_partitioned.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/reader_bcast_w_interleaved_input_cols_partitioned.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/writer_unary_interleaved_input_cols_batched.cpp b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/writer_unary_interleaved_input_cols_batched.cpp index e698c802166..82b9b83ea02 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/writer_unary_interleaved_input_cols_batched.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/kernels/dataflow/writer_unary_interleaved_input_cols_batched.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/multi_core_h/bcast_op_multi_core_h.cpp b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/multi_core_h/bcast_op_multi_core_h.cpp index dd97626bae2..575eb465c8a 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/multi_core_h/bcast_op_multi_core_h.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/multi_core_h/bcast_op_multi_core_h.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/multi_core_h/bcast_op_sharded_h.cpp b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/multi_core_h/bcast_op_sharded_h.cpp index 6fc14ce48eb..eea55a3bb3e 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/multi_core_h/bcast_op_sharded_h.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/multi_core_h/bcast_op_sharded_h.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/multi_core_h/bcast_op_sharded_h_optimised.cpp b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/multi_core_h/bcast_op_sharded_h_optimised.cpp index e281c7d27e8..37773d6d9c8 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/multi_core_h/bcast_op_sharded_h_optimised.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/multi_core_h/bcast_op_sharded_h_optimised.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/multi_core_hw/bcast_op_multi_core_hw.cpp b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/multi_core_hw/bcast_op_multi_core_hw.cpp index 76f8bc9e18c..2638d0d7cb0 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/multi_core_hw/bcast_op_multi_core_hw.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/multi_core_hw/bcast_op_multi_core_hw.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/multi_core_w/bcast_op_multi_core_w.cpp b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/multi_core_w/bcast_op_multi_core_w.cpp index 710e4f17847..6f066353a65 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/bcast/device/multi_core_w/bcast_op_multi_core_w.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/bcast/device/multi_core_w/bcast_op_multi_core_w.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/concat/device/concat_device_operation.cpp b/ttnn/cpp/ttnn/operations/data_movement/concat/device/concat_device_operation.cpp index fe0491fa795..41465015565 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/concat/device/concat_device_operation.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/concat/device/concat_device_operation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/concat/device/concat_device_operation.hpp b/ttnn/cpp/ttnn/operations/data_movement/concat/device/concat_device_operation.hpp index 169a4e7818f..a56bb2f8b65 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/concat/device/concat_device_operation.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/concat/device/concat_device_operation.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/concat/device/concat_program_factory.cpp b/ttnn/cpp/ttnn/operations/data_movement/concat/device/concat_program_factory.cpp index 740f0b8c456..02718a978e4 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/concat/device/concat_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/concat/device/concat_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/concat/device/concat_program_factory.hpp b/ttnn/cpp/ttnn/operations/data_movement/concat/device/concat_program_factory.hpp index 3d7da6dd938..5808e38ee72 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/concat/device/concat_program_factory.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/concat/device/concat_program_factory.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/concat/device/kernels/dataflow/reader_concat_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/data_movement/concat/device/kernels/dataflow/reader_concat_interleaved_start_id.cpp index dea94c8d2a6..2826b406bb9 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/concat/device/kernels/dataflow/reader_concat_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/concat/device/kernels/dataflow/reader_concat_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/concat/device/kernels/dataflow/reader_concat_stick_layout_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/data_movement/concat/device/kernels/dataflow/reader_concat_stick_layout_interleaved_start_id.cpp index 7bbee19b9b6..917497f8565 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/concat/device/kernels/dataflow/reader_concat_stick_layout_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/concat/device/kernels/dataflow/reader_concat_stick_layout_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/concat/device/kernels/dataflow/reader_height_sharded_width_concat_two_tensors.cpp b/ttnn/cpp/ttnn/operations/data_movement/concat/device/kernels/dataflow/reader_height_sharded_width_concat_two_tensors.cpp index 4515a6f89b8..434611819d9 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/concat/device/kernels/dataflow/reader_height_sharded_width_concat_two_tensors.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/concat/device/kernels/dataflow/reader_height_sharded_width_concat_two_tensors.cpp @@ -1,5 +1,5 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/concat/device/kernels/dataflow/reader_s2s_tensor_concat.cpp b/ttnn/cpp/ttnn/operations/data_movement/concat/device/kernels/dataflow/reader_s2s_tensor_concat.cpp index da9b3122569..d7598b7a8ec 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/concat/device/kernels/dataflow/reader_s2s_tensor_concat.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/concat/device/kernels/dataflow/reader_s2s_tensor_concat.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/concat/device/kernels/dataflow/writer_s2i_width.cpp b/ttnn/cpp/ttnn/operations/data_movement/concat/device/kernels/dataflow/writer_s2i_width.cpp index f007698ae33..0daa82389a6 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/concat/device/kernels/dataflow/writer_s2i_width.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/concat/device/kernels/dataflow/writer_s2i_width.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/copy/copy_pybind.cpp b/ttnn/cpp/ttnn/operations/data_movement/copy/copy_pybind.cpp index 85ce5cd8134..364be92fa5c 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/copy/copy_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/copy/copy_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/copy/copy_pybind.hpp b/ttnn/cpp/ttnn/operations/data_movement/copy/copy_pybind.hpp index 51032e8c44a..31476e8a37e 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/copy/copy_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/copy/copy_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/copy/device/copy_device_operation.cpp b/ttnn/cpp/ttnn/operations/data_movement/copy/device/copy_device_operation.cpp index 996c731f067..4b92d5eaa6d 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/copy/device/copy_device_operation.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/copy/device/copy_device_operation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/copy/device/copy_device_operation.hpp b/ttnn/cpp/ttnn/operations/data_movement/copy/device/copy_device_operation.hpp index cdc952d01c4..ee95c3fd4fc 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/copy/device/copy_device_operation.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/copy/device/copy_device_operation.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/copy/device/copy_program_factory.cpp b/ttnn/cpp/ttnn/operations/data_movement/copy/device/copy_program_factory.cpp index beda2eb2eb4..4fb72449f2c 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/copy/device/copy_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/copy/device/copy_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/data_movement_pybind.hpp b/ttnn/cpp/ttnn/operations/data_movement/data_movement_pybind.hpp index 00618e0fb6c..ae74b45bb4b 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/data_movement_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/data_movement_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/data_transfer/data_transfer.cpp b/ttnn/cpp/ttnn/operations/data_movement/data_transfer/data_transfer.cpp index 92769a5ab01..7db0ed85ca4 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/data_transfer/data_transfer.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/data_transfer/data_transfer.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/data_transfer/data_transfer.hpp b/ttnn/cpp/ttnn/operations/data_movement/data_transfer/data_transfer.hpp index ced8de99f1d..07094c6137f 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/data_transfer/data_transfer.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/data_transfer/data_transfer.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/fill_rm/device/fill_rm_op.cpp b/ttnn/cpp/ttnn/operations/data_movement/fill_rm/device/fill_rm_op.cpp index 47dbb1f9458..7e3e6d6e967 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/fill_rm/device/fill_rm_op.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/fill_rm/device/fill_rm_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/fill_rm/device/fill_rm_op.hpp b/ttnn/cpp/ttnn/operations/data_movement/fill_rm/device/fill_rm_op.hpp index 20e3ff3d446..73285d3ea44 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/fill_rm/device/fill_rm_op.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/fill_rm/device/fill_rm_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/fill_rm/device/kernels/dataflow/fill_rm_interleaved.cpp b/ttnn/cpp/ttnn/operations/data_movement/fill_rm/device/kernels/dataflow/fill_rm_interleaved.cpp index f01dd5d9234..7ff1d5e1bc1 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/fill_rm/device/kernels/dataflow/fill_rm_interleaved.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/fill_rm/device/kernels/dataflow/fill_rm_interleaved.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/fill_rm/fill_rm.cpp b/ttnn/cpp/ttnn/operations/data_movement/fill_rm/fill_rm.cpp index 544b53dc7cb..3d8cc281443 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/fill_rm/fill_rm.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/fill_rm/fill_rm.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/fill_rm/fill_rm.hpp b/ttnn/cpp/ttnn/operations/data_movement/fill_rm/fill_rm.hpp index 112844883b3..9d6cdde7b17 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/fill_rm/fill_rm.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/fill_rm/fill_rm.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/fill_rm/fill_rm_pybind.cpp b/ttnn/cpp/ttnn/operations/data_movement/fill_rm/fill_rm_pybind.cpp index cfbec33673d..6e9f5844a54 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/fill_rm/fill_rm_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/fill_rm/fill_rm_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/fold/device/kernels/dataflow/writer_cb2s_row_major.cpp b/ttnn/cpp/ttnn/operations/data_movement/fold/device/kernels/dataflow/writer_cb2s_row_major.cpp index 8b05e10611f..30cb7b616c6 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/fold/device/kernels/dataflow/writer_cb2s_row_major.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/fold/device/kernels/dataflow/writer_cb2s_row_major.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/fold/fold_pybind.cpp b/ttnn/cpp/ttnn/operations/data_movement/fold/fold_pybind.cpp index 0e1bb036c00..7c98704b8d1 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/fold/fold_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/fold/fold_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/fold/fold_pybind.hpp b/ttnn/cpp/ttnn/operations/data_movement/fold/fold_pybind.hpp index f9c43fc4c02..9150280be9c 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/fold/fold_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/fold/fold_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/indexed_fill/device/indexed_fill_op.cpp b/ttnn/cpp/ttnn/operations/data_movement/indexed_fill/device/indexed_fill_op.cpp index c1d28064f10..20dee056080 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/indexed_fill/device/indexed_fill_op.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/indexed_fill/device/indexed_fill_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/indexed_fill/device/indexed_fill_op.hpp b/ttnn/cpp/ttnn/operations/data_movement/indexed_fill/device/indexed_fill_op.hpp index 225702b2f5c..c8b6e2ca13a 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/indexed_fill/device/indexed_fill_op.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/indexed_fill/device/indexed_fill_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/indexed_fill/device/indexed_fill_op_multi_core_program_factory.cpp b/ttnn/cpp/ttnn/operations/data_movement/indexed_fill/device/indexed_fill_op_multi_core_program_factory.cpp index f9944de7fd0..5aa68cb5036 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/indexed_fill/device/indexed_fill_op_multi_core_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/indexed_fill/device/indexed_fill_op_multi_core_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/indexed_fill/device/kernels/dataflow/indexed_fill_reader.cpp b/ttnn/cpp/ttnn/operations/data_movement/indexed_fill/device/kernels/dataflow/indexed_fill_reader.cpp index 8407e67b2c5..d2eb2790335 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/indexed_fill/device/kernels/dataflow/indexed_fill_reader.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/indexed_fill/device/kernels/dataflow/indexed_fill_reader.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/indexed_fill/indexed_fill.cpp b/ttnn/cpp/ttnn/operations/data_movement/indexed_fill/indexed_fill.cpp index 2c1097e6fba..3cf311a3d53 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/indexed_fill/indexed_fill.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/indexed_fill/indexed_fill.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/indexed_fill/indexed_fill.hpp b/ttnn/cpp/ttnn/operations/data_movement/indexed_fill/indexed_fill.hpp index 7eb61b36f0f..d544c7d83d8 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/indexed_fill/indexed_fill.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/indexed_fill/indexed_fill.hpp @@ -1,5 +1,5 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/move/device/kernels/dataflow/move_interleaved_with_overlap.cpp b/ttnn/cpp/ttnn/operations/data_movement/move/device/kernels/dataflow/move_interleaved_with_overlap.cpp index 9427bd961b0..a72f4b85adf 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/move/device/kernels/dataflow/move_interleaved_with_overlap.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/move/device/kernels/dataflow/move_interleaved_with_overlap.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/move/device/kernels/dataflow/move_stick_layout_interleaved_with_overlap.cpp b/ttnn/cpp/ttnn/operations/data_movement/move/device/kernels/dataflow/move_stick_layout_interleaved_with_overlap.cpp index 15968c7ac43..2f8608dba26 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/move/device/kernels/dataflow/move_stick_layout_interleaved_with_overlap.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/move/device/kernels/dataflow/move_stick_layout_interleaved_with_overlap.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/move/device/kernels/dataflow/reader_unary_local_l1_copy_backwards.cpp b/ttnn/cpp/ttnn/operations/data_movement/move/device/kernels/dataflow/reader_unary_local_l1_copy_backwards.cpp index aef7cb1d991..ab8da9110da 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/move/device/kernels/dataflow/reader_unary_local_l1_copy_backwards.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/move/device/kernels/dataflow/reader_unary_local_l1_copy_backwards.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/move/device/move_program_factory.cpp b/ttnn/cpp/ttnn/operations/data_movement/move/device/move_program_factory.cpp index 8f0e2df0c2a..ee8ec743b86 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/move/device/move_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/move/device/move_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/non_zero_indices/device/kernels/dataflow/non_zero_indices_sc_reader.cpp b/ttnn/cpp/ttnn/operations/data_movement/non_zero_indices/device/kernels/dataflow/non_zero_indices_sc_reader.cpp index 838793d5521..f0eb507c8ef 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/non_zero_indices/device/kernels/dataflow/non_zero_indices_sc_reader.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/non_zero_indices/device/kernels/dataflow/non_zero_indices_sc_reader.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/non_zero_indices/device/non_zero_indices_op.cpp b/ttnn/cpp/ttnn/operations/data_movement/non_zero_indices/device/non_zero_indices_op.cpp index 176daadda6c..df67896a672 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/non_zero_indices/device/non_zero_indices_op.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/non_zero_indices/device/non_zero_indices_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/non_zero_indices/device/non_zero_indices_op.hpp b/ttnn/cpp/ttnn/operations/data_movement/non_zero_indices/device/non_zero_indices_op.hpp index cdb1439f118..654bb8f1f6e 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/non_zero_indices/device/non_zero_indices_op.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/non_zero_indices/device/non_zero_indices_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/non_zero_indices/device/non_zero_indices_program_factory.cpp b/ttnn/cpp/ttnn/operations/data_movement/non_zero_indices/device/non_zero_indices_program_factory.cpp index 7ba842d35ea..3f616bda2a3 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/non_zero_indices/device/non_zero_indices_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/non_zero_indices/device/non_zero_indices_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/pad/device/kernels/dataflow/pad_dims_rm_interleaved.cpp b/ttnn/cpp/ttnn/operations/data_movement/pad/device/kernels/dataflow/pad_dims_rm_interleaved.cpp index 0b8828352d7..6b0c6d9d75c 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/pad/device/kernels/dataflow/pad_dims_rm_interleaved.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/pad/device/kernels/dataflow/pad_dims_rm_interleaved.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/pad/device/kernels/dataflow/pad_dims_rm_interleaved_opt.cpp b/ttnn/cpp/ttnn/operations/data_movement/pad/device/kernels/dataflow/pad_dims_rm_interleaved_opt.cpp index 93311779450..1277d4356cb 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/pad/device/kernels/dataflow/pad_dims_rm_interleaved_opt.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/pad/device/kernels/dataflow/pad_dims_rm_interleaved_opt.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/pad/device/kernels/dataflow/reader_pad_dims_rm_interleaved.cpp b/ttnn/cpp/ttnn/operations/data_movement/pad/device/kernels/dataflow/reader_pad_dims_rm_interleaved.cpp index 79f31e5a250..d1f7bfd758e 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/pad/device/kernels/dataflow/reader_pad_dims_rm_interleaved.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/pad/device/kernels/dataflow/reader_pad_dims_rm_interleaved.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/pad/device/kernels/dataflow/writer_pad_dims_rm_interleaved.cpp b/ttnn/cpp/ttnn/operations/data_movement/pad/device/kernels/dataflow/writer_pad_dims_rm_interleaved.cpp index e0a515c76a1..a2a7df4cb7e 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/pad/device/kernels/dataflow/writer_pad_dims_rm_interleaved.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/pad/device/kernels/dataflow/writer_pad_dims_rm_interleaved.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/pad/device/kernels/dataflow/writer_unary_pad_dims_interleaved.cpp b/ttnn/cpp/ttnn/operations/data_movement/pad/device/kernels/dataflow/writer_unary_pad_dims_interleaved.cpp index 9c9b585410e..bddfce8e97b 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/pad/device/kernels/dataflow/writer_unary_pad_dims_interleaved.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/pad/device/kernels/dataflow/writer_unary_pad_dims_interleaved.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/pad/pad.cpp b/ttnn/cpp/ttnn/operations/data_movement/pad/pad.cpp index 284ea39d352..dc602c22199 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/pad/pad.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/pad/pad.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/pad/pad.hpp b/ttnn/cpp/ttnn/operations/data_movement/pad/pad.hpp index 4407f008faa..d2440880e2c 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/pad/pad.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/pad/pad.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/pad/pad_pybind.hpp b/ttnn/cpp/ttnn/operations/data_movement/pad/pad_pybind.hpp index 9fa3dc63474..7a603820886 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/pad/pad_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/pad/pad_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/repeat/device/kernels/dataflow/reader_repeat_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/data_movement/repeat/device/kernels/dataflow/reader_repeat_interleaved_start_id.cpp index ec1c4b5466e..e353d5f1236 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/repeat/device/kernels/dataflow/reader_repeat_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/repeat/device/kernels/dataflow/reader_repeat_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/repeat/device/kernels/dataflow/reader_repeat_stick_layout_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/data_movement/repeat/device/kernels/dataflow/reader_repeat_stick_layout_interleaved_start_id.cpp index ea1f0492c3c..747163abdd7 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/repeat/device/kernels/dataflow/reader_repeat_stick_layout_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/repeat/device/kernels/dataflow/reader_repeat_stick_layout_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/repeat/device/repeat_op.cpp b/ttnn/cpp/ttnn/operations/data_movement/repeat/device/repeat_op.cpp index 24ea641584c..a803507fd88 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/repeat/device/repeat_op.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/repeat/device/repeat_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/repeat/device/repeat_op.hpp b/ttnn/cpp/ttnn/operations/data_movement/repeat/device/repeat_op.hpp index a49fe8306b7..6a2c4bfaa5c 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/repeat/device/repeat_op.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/repeat/device/repeat_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/repeat/device/repeat_program_factory.cpp b/ttnn/cpp/ttnn/operations/data_movement/repeat/device/repeat_program_factory.cpp index 00f76d6eb9b..384aded285a 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/repeat/device/repeat_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/repeat/device/repeat_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/repeat/device/repeat_program_factory.hpp b/ttnn/cpp/ttnn/operations/data_movement/repeat/device/repeat_program_factory.hpp index 0af912eec0f..b5a109cb0b8 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/repeat/device/repeat_program_factory.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/repeat/device/repeat_program_factory.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 #pragma once diff --git a/ttnn/cpp/ttnn/operations/data_movement/repeat/repeat_pybind.cpp b/ttnn/cpp/ttnn/operations/data_movement/repeat/repeat_pybind.cpp index 803dbca940c..ea8108a0b17 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/repeat/repeat_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/repeat/repeat_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/repeat/repeat_pybind.hpp b/ttnn/cpp/ttnn/operations/data_movement/repeat/repeat_pybind.hpp index 4ce086557e6..982651803da 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/repeat/repeat_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/repeat/repeat_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/repeat_interleave/repeat_interleave.cpp b/ttnn/cpp/ttnn/operations/data_movement/repeat_interleave/repeat_interleave.cpp index 245b7a2a6dd..e3c27636bce 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/repeat_interleave/repeat_interleave.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/repeat_interleave/repeat_interleave.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/repeat_interleave/repeat_interleave.hpp b/ttnn/cpp/ttnn/operations/data_movement/repeat_interleave/repeat_interleave.hpp index 0e6171be0b3..73ff0840fc1 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/repeat_interleave/repeat_interleave.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/repeat_interleave/repeat_interleave.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/repeat_interleave/repeat_interleave_pybind.hpp b/ttnn/cpp/ttnn/operations/data_movement/repeat_interleave/repeat_interleave_pybind.hpp index 29462ded65c..f58c23c5e00 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/repeat_interleave/repeat_interleave_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/repeat_interleave/repeat_interleave_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/reshape_on_device/device/kernels/dataflow/reader_unary_reshape_interleaved.cpp b/ttnn/cpp/ttnn/operations/data_movement/reshape_on_device/device/kernels/dataflow/reader_unary_reshape_interleaved.cpp index 44f65426bfe..9d96d2ec9bd 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/reshape_on_device/device/kernels/dataflow/reader_unary_reshape_interleaved.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/reshape_on_device/device/kernels/dataflow/reader_unary_reshape_interleaved.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/reshape_on_device/device/kernels/dataflow/reader_unary_reshape_stick_layout_interleaved.cpp b/ttnn/cpp/ttnn/operations/data_movement/reshape_on_device/device/kernels/dataflow/reader_unary_reshape_stick_layout_interleaved.cpp index deae10ef64a..40f7c41786f 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/reshape_on_device/device/kernels/dataflow/reader_unary_reshape_stick_layout_interleaved.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/reshape_on_device/device/kernels/dataflow/reader_unary_reshape_stick_layout_interleaved.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/reshape_on_device/device/kernels/dataflow/writer_unary_reshape_stick_layout_interleaved.cpp b/ttnn/cpp/ttnn/operations/data_movement/reshape_on_device/device/kernels/dataflow/writer_unary_reshape_stick_layout_interleaved.cpp index 03dcadd0489..e436c34113a 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/reshape_on_device/device/kernels/dataflow/writer_unary_reshape_stick_layout_interleaved.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/reshape_on_device/device/kernels/dataflow/writer_unary_reshape_stick_layout_interleaved.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/reshape_on_device/device/reshape_op.cpp b/ttnn/cpp/ttnn/operations/data_movement/reshape_on_device/device/reshape_op.cpp index 1da82c86777..e49b995d193 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/reshape_on_device/device/reshape_op.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/reshape_on_device/device/reshape_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/reshape_on_device/device/reshape_op.hpp b/ttnn/cpp/ttnn/operations/data_movement/reshape_on_device/device/reshape_op.hpp index b76ca5c38fe..0d2bec302fb 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/reshape_on_device/device/reshape_op.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/reshape_on_device/device/reshape_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/reshape_on_device/reshape_pybind.cpp b/ttnn/cpp/ttnn/operations/data_movement/reshape_on_device/reshape_pybind.cpp index 6c362202fdc..a5f32c3d247 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/reshape_on_device/reshape_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/reshape_on_device/reshape_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/reshape_on_device/reshape_pybind.hpp b/ttnn/cpp/ttnn/operations/data_movement/reshape_on_device/reshape_pybind.hpp index 3ba610e31b3..44757efa66c 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/reshape_on_device/reshape_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/reshape_on_device/reshape_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/reshape_view/reshape_pybind.cpp b/ttnn/cpp/ttnn/operations/data_movement/reshape_view/reshape_pybind.cpp index 0df612b0e1c..be058a6079c 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/reshape_view/reshape_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/reshape_view/reshape_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/reshape_view/reshape_pybind.hpp b/ttnn/cpp/ttnn/operations/data_movement/reshape_view/reshape_pybind.hpp index 2c5472c2b6f..613b832aef3 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/reshape_view/reshape_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/reshape_view/reshape_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/compute/eltwise_copy.cpp b/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/compute/eltwise_copy.cpp index 6cd48de04f9..a73ef6a1216 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/compute/eltwise_copy.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/compute/eltwise_copy.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/dataflow/reader_unary_sharded.cpp b/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/dataflow/reader_unary_sharded.cpp index 7fea1ba4779..776bf8605d9 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/dataflow/reader_unary_sharded.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/dataflow/reader_unary_sharded.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/dataflow/reader_unary_sharded_blocks_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/dataflow/reader_unary_sharded_blocks_interleaved_start_id.cpp index 674c37f593d..14aeb35cc81 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/dataflow/reader_unary_sharded_blocks_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/dataflow/reader_unary_sharded_blocks_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/dataflow/reader_unary_stick_layout_sharded_blocks_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/dataflow/reader_unary_stick_layout_sharded_blocks_interleaved_start_id.cpp index c132e643ad5..dd6de15a757 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/dataflow/reader_unary_stick_layout_sharded_blocks_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/dataflow/reader_unary_stick_layout_sharded_blocks_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/dataflow/reshard_reader.cpp b/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/dataflow/reshard_reader.cpp index 4361acac3fd..2c769a9a813 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/dataflow/reshard_reader.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/dataflow/reshard_reader.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/dataflow/writer_unary_sharded.cpp b/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/dataflow/writer_unary_sharded.cpp index d62b2caea30..9c7390ccb0a 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/dataflow/writer_unary_sharded.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/dataflow/writer_unary_sharded.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/dataflow/writer_unary_sharded_blocks_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/dataflow/writer_unary_sharded_blocks_interleaved_start_id.cpp index 8007a1c5992..dbd67b41ec0 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/dataflow/writer_unary_sharded_blocks_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/dataflow/writer_unary_sharded_blocks_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/dataflow/writer_unary_stick_layout_sharded_blocks_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/dataflow/writer_unary_stick_layout_sharded_blocks_interleaved_start_id.cpp index d63f7ab062b..86246011bb1 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/dataflow/writer_unary_stick_layout_sharded_blocks_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/sharded/device/kernels/dataflow/writer_unary_stick_layout_sharded_blocks_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/interleaved_to_sharded_partial/device/interleaved_to_sharded_partial_op.cpp b/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/interleaved_to_sharded_partial/device/interleaved_to_sharded_partial_op.cpp index 5f84ae580ce..d8e94fb15e4 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/interleaved_to_sharded_partial/device/interleaved_to_sharded_partial_op.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/interleaved_to_sharded_partial/device/interleaved_to_sharded_partial_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/interleaved_to_sharded_partial/device/interleaved_to_sharded_partial_op.hpp b/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/interleaved_to_sharded_partial/device/interleaved_to_sharded_partial_op.hpp index 9b5b840ed60..84bc5194a1d 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/interleaved_to_sharded_partial/device/interleaved_to_sharded_partial_op.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/interleaved_to_sharded_partial/device/interleaved_to_sharded_partial_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/interleaved_to_sharded_partial/interleaved_to_sharded_partial_pybind.cpp b/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/interleaved_to_sharded_partial/interleaved_to_sharded_partial_pybind.cpp index 239f8335278..211c6923515 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/interleaved_to_sharded_partial/interleaved_to_sharded_partial_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/interleaved_to_sharded_partial/interleaved_to_sharded_partial_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/interleaved_to_sharded_partial/interleaved_to_sharded_partial_pybind.hpp b/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/interleaved_to_sharded_partial/interleaved_to_sharded_partial_pybind.hpp index e0ca2bd3458..36a51292775 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/interleaved_to_sharded_partial/interleaved_to_sharded_partial_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/interleaved_to_sharded_partial/interleaved_to_sharded_partial_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/sharded_to_interleaved_partial/device/sharded_to_interleaved_partial_op.cpp b/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/sharded_to_interleaved_partial/device/sharded_to_interleaved_partial_op.cpp index 40df37dfd50..ca44bf721ff 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/sharded_to_interleaved_partial/device/sharded_to_interleaved_partial_op.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/sharded_to_interleaved_partial/device/sharded_to_interleaved_partial_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/sharded_to_interleaved_partial/device/sharded_to_interleaved_partial_op.hpp b/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/sharded_to_interleaved_partial/device/sharded_to_interleaved_partial_op.hpp index 54d765595c2..9496f8c6479 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/sharded_to_interleaved_partial/device/sharded_to_interleaved_partial_op.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/sharded_to_interleaved_partial/device/sharded_to_interleaved_partial_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/sharded_to_interleaved_partial/sharded_to_interleaved_partial_pybind.cpp b/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/sharded_to_interleaved_partial/sharded_to_interleaved_partial_pybind.cpp index 2f3390a70dc..84b0146d70d 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/sharded_to_interleaved_partial/sharded_to_interleaved_partial_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/sharded_to_interleaved_partial/sharded_to_interleaved_partial_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/sharded_to_interleaved_partial/sharded_to_interleaved_partial_pybind.hpp b/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/sharded_to_interleaved_partial/sharded_to_interleaved_partial_pybind.hpp index 1e05f69dc37..3a8707514aa 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/sharded_to_interleaved_partial/sharded_to_interleaved_partial_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/sharded_partial/sharded_to_interleaved_partial/sharded_to_interleaved_partial_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/slice/device/kernels/dataflow/reader_unary_unpad_dims_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/data_movement/slice/device/kernels/dataflow/reader_unary_unpad_dims_interleaved_start_id.cpp index 0d8da882da2..14dbb39e2b5 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/slice/device/kernels/dataflow/reader_unary_unpad_dims_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/slice/device/kernels/dataflow/reader_unary_unpad_dims_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/slice/device/kernels/dataflow/slice_reader_unary_unpad_dims_rm_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/data_movement/slice/device/kernels/dataflow/slice_reader_unary_unpad_dims_rm_interleaved_start_id.cpp index 7ab1a674b36..9df1d6c458a 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/slice/device/kernels/dataflow/slice_reader_unary_unpad_dims_rm_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/slice/device/kernels/dataflow/slice_reader_unary_unpad_dims_rm_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/slice/device/kernels/dataflow/slice_writer_unary_stick_layout_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/data_movement/slice/device/kernels/dataflow/slice_writer_unary_stick_layout_interleaved_start_id.cpp index dc22429c40f..3ee3327fcf5 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/slice/device/kernels/dataflow/slice_writer_unary_stick_layout_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/slice/device/kernels/dataflow/slice_writer_unary_stick_layout_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/slice/device/slice_op.cpp b/ttnn/cpp/ttnn/operations/data_movement/slice/device/slice_op.cpp index cd48ab5b4f1..9a6a673530d 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/slice/device/slice_op.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/slice/device/slice_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/slice/device/slice_op.hpp b/ttnn/cpp/ttnn/operations/data_movement/slice/device/slice_op.hpp index d9056207977..3a09b5df491 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/slice/device/slice_op.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/slice/device/slice_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/slice/device/slice_program_factory.cpp b/ttnn/cpp/ttnn/operations/data_movement/slice/device/slice_program_factory.cpp index e2258f603ad..eb7959ba583 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/slice/device/slice_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/slice/device/slice_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/slice/device/slice_program_factory.hpp b/ttnn/cpp/ttnn/operations/data_movement/slice/device/slice_program_factory.hpp index 1ab476bb731..6c31b83a4f2 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/slice/device/slice_program_factory.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/slice/device/slice_program_factory.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 #pragma once diff --git a/ttnn/cpp/ttnn/operations/data_movement/slice/slice.cpp b/ttnn/cpp/ttnn/operations/data_movement/slice/slice.cpp index 2f065a7a005..590722aae31 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/slice/slice.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/slice/slice.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/slice/slice.hpp b/ttnn/cpp/ttnn/operations/data_movement/slice/slice.hpp index 7582ff4fed1..d38c79c8902 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/slice/slice.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/slice/slice.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/slice/slice_pybind.hpp b/ttnn/cpp/ttnn/operations/data_movement/slice/slice_pybind.hpp index 77c4836a11c..7defdb134ec 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/slice/slice_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/slice/slice_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/split/device/kernels/dataflow/reader_tm_tile_layout_split_two_chunks.cpp b/ttnn/cpp/ttnn/operations/data_movement/split/device/kernels/dataflow/reader_tm_tile_layout_split_two_chunks.cpp index 065435d36ab..5a0b4fa5c0b 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/split/device/kernels/dataflow/reader_tm_tile_layout_split_two_chunks.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/split/device/kernels/dataflow/reader_tm_tile_layout_split_two_chunks.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/split/device/kernels/dataflow/writer_tm_tile_layout_split_two_chunks.cpp b/ttnn/cpp/ttnn/operations/data_movement/split/device/kernels/dataflow/writer_tm_tile_layout_split_two_chunks.cpp index 38e6623be0f..cde6859756c 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/split/device/kernels/dataflow/writer_tm_tile_layout_split_two_chunks.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/split/device/kernels/dataflow/writer_tm_tile_layout_split_two_chunks.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/split/device/split_op.cpp b/ttnn/cpp/ttnn/operations/data_movement/split/device/split_op.cpp index 84179f79d19..2a8e3d6a0f2 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/split/device/split_op.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/split/device/split_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/split/device/split_op.hpp b/ttnn/cpp/ttnn/operations/data_movement/split/device/split_op.hpp index 09f3c42c5e9..2bc8ca1014b 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/split/device/split_op.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/split/device/split_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/split/split_pybind.hpp b/ttnn/cpp/ttnn/operations/data_movement/split/split_pybind.hpp index 8b2b8dbbc6c..2a529fe1d1a 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/split/split_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/split/split_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/tilize/device/kernels/dataflow/reader_unary_stick_layout_split_rows_interleaved.cpp b/ttnn/cpp/ttnn/operations/data_movement/tilize/device/kernels/dataflow/reader_unary_stick_layout_split_rows_interleaved.cpp index 1b5f719ccc5..9dc57cf7a53 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/tilize/device/kernels/dataflow/reader_unary_stick_layout_split_rows_interleaved.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/tilize/device/kernels/dataflow/reader_unary_stick_layout_split_rows_interleaved.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/tilize_with_val_padding/device/kernels/dataflow/reader_unary_pad_dims_split_rows.cpp b/ttnn/cpp/ttnn/operations/data_movement/tilize_with_val_padding/device/kernels/dataflow/reader_unary_pad_dims_split_rows.cpp index 1e96d901d5c..1052349f3a4 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/tilize_with_val_padding/device/kernels/dataflow/reader_unary_pad_dims_split_rows.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/tilize_with_val_padding/device/kernels/dataflow/reader_unary_pad_dims_split_rows.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/tilize_with_val_padding/device/kernels/dataflow/reader_unary_pad_height_width_sharded.cpp b/ttnn/cpp/ttnn/operations/data_movement/tilize_with_val_padding/device/kernels/dataflow/reader_unary_pad_height_width_sharded.cpp index 779abcfdfcf..00ced619194 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/tilize_with_val_padding/device/kernels/dataflow/reader_unary_pad_height_width_sharded.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/tilize_with_val_padding/device/kernels/dataflow/reader_unary_pad_height_width_sharded.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/transpose/device/kernels/compute/transpose_wh.cpp b/ttnn/cpp/ttnn/operations/data_movement/transpose/device/kernels/compute/transpose_wh.cpp index 098593865a1..f497b391627 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/transpose/device/kernels/compute/transpose_wh.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/transpose/device/kernels/compute/transpose_wh.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/transpose/device/kernels/compute/transpose_wh_sharded.cpp b/ttnn/cpp/ttnn/operations/data_movement/transpose/device/kernels/compute/transpose_wh_sharded.cpp index 8d8f5288192..cf5620325f0 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/transpose/device/kernels/compute/transpose_wh_sharded.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/transpose/device/kernels/compute/transpose_wh_sharded.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/transpose/device/kernels/dataflow/reader_unary_transpose_cn_interleaved.cpp b/ttnn/cpp/ttnn/operations/data_movement/transpose/device/kernels/dataflow/reader_unary_transpose_cn_interleaved.cpp index 38f0e460f22..f5b43ed4f05 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/transpose/device/kernels/dataflow/reader_unary_transpose_cn_interleaved.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/transpose/device/kernels/dataflow/reader_unary_transpose_cn_interleaved.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/transpose/device/kernels/dataflow/reader_unary_transpose_cn_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/data_movement/transpose/device/kernels/dataflow/reader_unary_transpose_cn_interleaved_start_id.cpp index 3468afea9a4..2dad34f62fc 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/transpose/device/kernels/dataflow/reader_unary_transpose_cn_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/transpose/device/kernels/dataflow/reader_unary_transpose_cn_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/transpose/device/kernels/dataflow/reader_unary_transpose_hc_interleaved_partitioned.cpp b/ttnn/cpp/ttnn/operations/data_movement/transpose/device/kernels/dataflow/reader_unary_transpose_hc_interleaved_partitioned.cpp index 5b3f2ccd466..07e063c9231 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/transpose/device/kernels/dataflow/reader_unary_transpose_hc_interleaved_partitioned.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/transpose/device/kernels/dataflow/reader_unary_transpose_hc_interleaved_partitioned.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/transpose/device/kernels/dataflow/reader_unary_transpose_wh_interleaved.cpp b/ttnn/cpp/ttnn/operations/data_movement/transpose/device/kernels/dataflow/reader_unary_transpose_wh_interleaved.cpp index c4b4cd53847..965cf8feb4e 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/transpose/device/kernels/dataflow/reader_unary_transpose_wh_interleaved.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/transpose/device/kernels/dataflow/reader_unary_transpose_wh_interleaved.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/transpose/device/kernels/dataflow/reader_unary_transpose_wh_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/data_movement/transpose/device/kernels/dataflow/reader_unary_transpose_wh_interleaved_start_id.cpp index 9a90a19f225..4d55bcf1137 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/transpose/device/kernels/dataflow/reader_unary_transpose_wh_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/transpose/device/kernels/dataflow/reader_unary_transpose_wh_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/transpose/device/transpose_op.cpp b/ttnn/cpp/ttnn/operations/data_movement/transpose/device/transpose_op.cpp index ccc7ddc7947..7f899595cc6 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/transpose/device/transpose_op.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/transpose/device/transpose_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/transpose/device/transpose_op.hpp b/ttnn/cpp/ttnn/operations/data_movement/transpose/device/transpose_op.hpp index fe2c05df803..636edf0b3fa 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/transpose/device/transpose_op.hpp +++ b/ttnn/cpp/ttnn/operations/data_movement/transpose/device/transpose_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/untilize/device/kernels/compute/pack_untilize.cpp b/ttnn/cpp/ttnn/operations/data_movement/untilize/device/kernels/compute/pack_untilize.cpp index e2c005e810d..787a7200857 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/untilize/device/kernels/compute/pack_untilize.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/untilize/device/kernels/compute/pack_untilize.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/untilize/device/kernels/compute/untilize.cpp b/ttnn/cpp/ttnn/operations/data_movement/untilize/device/kernels/compute/untilize.cpp index d3887cb6a8a..073acb2d25b 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/untilize/device/kernels/compute/untilize.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/untilize/device/kernels/compute/untilize.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/untilize/device/kernels/dataflow/writer_unary_stick_layout_split_rows_interleaved.cpp b/ttnn/cpp/ttnn/operations/data_movement/untilize/device/kernels/dataflow/writer_unary_stick_layout_split_rows_interleaved.cpp index cfe132e8ecf..fb58b452f58 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/untilize/device/kernels/dataflow/writer_unary_stick_layout_split_rows_interleaved.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/untilize/device/kernels/dataflow/writer_unary_stick_layout_split_rows_interleaved.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/untilize/device/kernels/dataflow/writer_unary_stick_layout_split_rows_interleaved_parallel_columns.cpp b/ttnn/cpp/ttnn/operations/data_movement/untilize/device/kernels/dataflow/writer_unary_stick_layout_split_rows_interleaved_parallel_columns.cpp index fe4e4860ae4..dce9a7e38db 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/untilize/device/kernels/dataflow/writer_unary_stick_layout_split_rows_interleaved_parallel_columns.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/untilize/device/kernels/dataflow/writer_unary_stick_layout_split_rows_interleaved_parallel_columns.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/untilize_with_halo_v2/device/kernels/dataflow/halo_gather.cpp b/ttnn/cpp/ttnn/operations/data_movement/untilize_with_halo_v2/device/kernels/dataflow/halo_gather.cpp index 1435c3f97d7..485193f8f67 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/untilize_with_halo_v2/device/kernels/dataflow/halo_gather.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/untilize_with_halo_v2/device/kernels/dataflow/halo_gather.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/untilize_with_unpadding/device/kernels/dataflow/writer_unary_stick_layout_split_rows_multicore.cpp b/ttnn/cpp/ttnn/operations/data_movement/untilize_with_unpadding/device/kernels/dataflow/writer_unary_stick_layout_split_rows_multicore.cpp index 45dbf2aede7..7ea75f4b5e4 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/untilize_with_unpadding/device/kernels/dataflow/writer_unary_stick_layout_split_rows_multicore.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/untilize_with_unpadding/device/kernels/dataflow/writer_unary_stick_layout_split_rows_multicore.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/untilize_with_unpadding/device/kernels/dataflow/writer_unary_unpad_batch_rows_sharded.cpp b/ttnn/cpp/ttnn/operations/data_movement/untilize_with_unpadding/device/kernels/dataflow/writer_unary_unpad_batch_rows_sharded.cpp index bea4e868a7c..842a68b84b2 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/untilize_with_unpadding/device/kernels/dataflow/writer_unary_unpad_batch_rows_sharded.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/untilize_with_unpadding/device/kernels/dataflow/writer_unary_unpad_batch_rows_sharded.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/data_movement/untilize_with_unpadding/device/kernels/dataflow/writer_unary_unpad_dims_split_rows.cpp b/ttnn/cpp/ttnn/operations/data_movement/untilize_with_unpadding/device/kernels/dataflow/writer_unary_unpad_dims_split_rows.cpp index f596149d87a..509e5cfcd2b 100644 --- a/ttnn/cpp/ttnn/operations/data_movement/untilize_with_unpadding/device/kernels/dataflow/writer_unary_unpad_dims_split_rows.cpp +++ b/ttnn/cpp/ttnn/operations/data_movement/untilize_with_unpadding/device/kernels/dataflow/writer_unary_unpad_dims_split_rows.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/binary/binary.cpp b/ttnn/cpp/ttnn/operations/eltwise/binary/binary.cpp index 6f84ac75e1d..5feb249f02c 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/binary/binary.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/binary/binary.cpp @@ -1,5 +1,5 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/binary/binary.hpp b/ttnn/cpp/ttnn/operations/eltwise/binary/binary.hpp index 1abf49af320..fd09a6e08f6 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/binary/binary.hpp +++ b/ttnn/cpp/ttnn/operations/eltwise/binary/binary.hpp @@ -1,5 +1,5 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/binary/common/binary_op_types.hpp b/ttnn/cpp/ttnn/operations/eltwise/binary/common/binary_op_types.hpp index db1a36836ae..9af3c48b65a 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/binary/common/binary_op_types.hpp +++ b/ttnn/cpp/ttnn/operations/eltwise/binary/common/binary_op_types.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/binary/device/binary_device_operation.cpp b/ttnn/cpp/ttnn/operations/eltwise/binary/device/binary_device_operation.cpp index 692edc87486..f1c10f56568 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/binary/device/binary_device_operation.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/binary/device/binary_device_operation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/binary/device/binary_device_operation.hpp b/ttnn/cpp/ttnn/operations/eltwise/binary/device/binary_device_operation.hpp index d4c42ca9810..bbe84fdbbaa 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/binary/device/binary_device_operation.hpp +++ b/ttnn/cpp/ttnn/operations/eltwise/binary/device/binary_device_operation.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/binary/device/broadcast_height_and_width_multi_core_program_factory.cpp b/ttnn/cpp/ttnn/operations/eltwise/binary/device/broadcast_height_and_width_multi_core_program_factory.cpp index d54c9bdef6f..61de16493f8 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/binary/device/broadcast_height_and_width_multi_core_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/binary/device/broadcast_height_and_width_multi_core_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/binary/device/broadcast_height_multi_core_program_factory.cpp b/ttnn/cpp/ttnn/operations/eltwise/binary/device/broadcast_height_multi_core_program_factory.cpp index 6e3d972d210..751fb53c3ec 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/binary/device/broadcast_height_multi_core_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/binary/device/broadcast_height_multi_core_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/binary/device/broadcast_height_multi_core_sharded_optimized_program_factory.cpp b/ttnn/cpp/ttnn/operations/eltwise/binary/device/broadcast_height_multi_core_sharded_optimized_program_factory.cpp index 5403ae82ed2..8c5c66d52c6 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/binary/device/broadcast_height_multi_core_sharded_optimized_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/binary/device/broadcast_height_multi_core_sharded_optimized_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/binary/device/broadcast_height_multi_core_sharded_program_factory.cpp b/ttnn/cpp/ttnn/operations/eltwise/binary/device/broadcast_height_multi_core_sharded_program_factory.cpp index f1567125058..ce7d02555aa 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/binary/device/broadcast_height_multi_core_sharded_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/binary/device/broadcast_height_multi_core_sharded_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/binary/device/broadcast_width_multi_core_program_factory.cpp b/ttnn/cpp/ttnn/operations/eltwise/binary/device/broadcast_width_multi_core_program_factory.cpp index 3ab77f8fab6..6c846f5a98d 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/binary/device/broadcast_width_multi_core_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/binary/device/broadcast_width_multi_core_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/binary/device/element_wise_multi_core_program_factory.cpp b/ttnn/cpp/ttnn/operations/eltwise/binary/device/element_wise_multi_core_program_factory.cpp index ceef285e717..881b4e6799e 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/binary/device/element_wise_multi_core_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/binary/device/element_wise_multi_core_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/compute/bcast_h.cpp b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/compute/bcast_h.cpp index 221112e9132..53f87d843e7 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/compute/bcast_h.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/compute/bcast_h.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/compute/bcast_h_sharded_optimised.cpp b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/compute/bcast_h_sharded_optimised.cpp index 45dd089dc19..40b86776dfa 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/compute/bcast_h_sharded_optimised.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/compute/bcast_h_sharded_optimised.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/compute/bcast_hw.cpp b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/compute/bcast_hw.cpp index 127f8ae98f4..ea53bf40908 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/compute/bcast_hw.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/compute/bcast_hw.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/compute/bcast_w.cpp b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/compute/bcast_w.cpp index 5adc9893d87..e8ded027279 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/compute/bcast_w.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/compute/bcast_w.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/compute/eltwise_binary_kernel.cpp b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/compute/eltwise_binary_kernel.cpp index e0998ac7bc5..3202009075b 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/compute/eltwise_binary_kernel.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/compute/eltwise_binary_kernel.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_h_interleaved.cpp b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_h_interleaved.cpp index 626cab5066d..789a47360ae 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_h_interleaved.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_h_interleaved.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_h_interleaved_input_rows_partitioned.cpp b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_h_interleaved_input_rows_partitioned.cpp index fe42c223d60..46d22944544 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_h_interleaved_input_rows_partitioned.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_h_interleaved_input_rows_partitioned.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_h_sharded.cpp b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_h_sharded.cpp index 4428dfe65de..602d585676d 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_h_sharded.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_h_sharded.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_h_sharded_optimised.cpp b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_h_sharded_optimised.cpp index 84e091ba56a..9bbeaf64626 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_h_sharded_optimised.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_h_sharded_optimised.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_hw_interleaved.cpp b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_hw_interleaved.cpp index 065dd05d9a7..8ecec980948 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_hw_interleaved.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_hw_interleaved.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_hw_interleaved_partitioned.cpp b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_hw_interleaved_partitioned.cpp index 7d3f23e083f..16a97c8c488 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_hw_interleaved_partitioned.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_hw_interleaved_partitioned.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_scalar_interleaved_partitioned.cpp b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_scalar_interleaved_partitioned.cpp index ea9124f3673..c1da329a1ff 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_scalar_interleaved_partitioned.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_scalar_interleaved_partitioned.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_w_interleaved.cpp b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_w_interleaved.cpp index 341e3798863..6e564630395 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_w_interleaved.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_w_interleaved.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_w_interleaved_input_cols_partitioned.cpp b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_w_interleaved_input_cols_partitioned.cpp index ad2aa134ef4..6ca6083ff1f 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_w_interleaved_input_cols_partitioned.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_bcast_w_interleaved_input_cols_partitioned.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_binary_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_binary_interleaved_start_id.cpp index 8e84f0096c0..47096aff65a 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_binary_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/reader_binary_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/writer_unary_interleaved_input_cols_batched.cpp b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/writer_unary_interleaved_input_cols_batched.cpp index 5e17a3e08ac..c47ae4027e1 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/writer_unary_interleaved_input_cols_batched.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/binary/device/kernels/dataflow/writer_unary_interleaved_input_cols_batched.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/binary_backward/binary_backward.hpp b/ttnn/cpp/ttnn/operations/eltwise/binary_backward/binary_backward.hpp index 526a10a9dd4..6eb0036c899 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/binary_backward/binary_backward.hpp +++ b/ttnn/cpp/ttnn/operations/eltwise/binary_backward/binary_backward.hpp @@ -1,5 +1,5 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/binary_backward/binary_backward_pybind.hpp b/ttnn/cpp/ttnn/operations/eltwise/binary_backward/binary_backward_pybind.hpp index 87eb44173e9..a7ce56c8a78 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/binary_backward/binary_backward_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/eltwise/binary_backward/binary_backward_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/complex/complex.cpp b/ttnn/cpp/ttnn/operations/eltwise/complex/complex.cpp index a8cde4ccf23..3f492e52a3f 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/complex/complex.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/complex/complex.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/complex/complex.hpp b/ttnn/cpp/ttnn/operations/eltwise/complex/complex.hpp index 38b9aa3b4ef..3b5e70b17f8 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/complex/complex.hpp +++ b/ttnn/cpp/ttnn/operations/eltwise/complex/complex.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/complex_binary/complex_binary.hpp b/ttnn/cpp/ttnn/operations/eltwise/complex_binary/complex_binary.hpp index 26711d231d9..87276c71c0f 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/complex_binary/complex_binary.hpp +++ b/ttnn/cpp/ttnn/operations/eltwise/complex_binary/complex_binary.hpp @@ -1,5 +1,5 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/complex_binary/complex_binary_pybind.hpp b/ttnn/cpp/ttnn/operations/eltwise/complex_binary/complex_binary_pybind.hpp index e5e22b29557..aa7e3e19ae5 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/complex_binary/complex_binary_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/eltwise/complex_binary/complex_binary_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/complex_binary/device/complex_binary_op.cpp b/ttnn/cpp/ttnn/operations/eltwise/complex_binary/device/complex_binary_op.cpp index 2bd96f84812..98a07cc8b8d 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/complex_binary/device/complex_binary_op.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/complex_binary/device/complex_binary_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/complex_binary/device/complex_binary_op.hpp b/ttnn/cpp/ttnn/operations/eltwise/complex_binary/device/complex_binary_op.hpp index 42660946c11..c149e294fcb 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/complex_binary/device/complex_binary_op.hpp +++ b/ttnn/cpp/ttnn/operations/eltwise/complex_binary/device/complex_binary_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/complex_unary/complex_unary.hpp b/ttnn/cpp/ttnn/operations/eltwise/complex_unary/complex_unary.hpp index b437da6812c..738e709714d 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/complex_unary/complex_unary.hpp +++ b/ttnn/cpp/ttnn/operations/eltwise/complex_unary/complex_unary.hpp @@ -1,5 +1,5 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/complex_unary/complex_unary_pybind.hpp b/ttnn/cpp/ttnn/operations/eltwise/complex_unary/complex_unary_pybind.hpp index 4bf6b62e392..e8e585f9bb7 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/complex_unary/complex_unary_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/eltwise/complex_unary/complex_unary_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/complex_unary/device/complex_unary_op.cpp b/ttnn/cpp/ttnn/operations/eltwise/complex_unary/device/complex_unary_op.cpp index 74e1c025176..d4819105c5b 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/complex_unary/device/complex_unary_op.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/complex_unary/device/complex_unary_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/complex_unary/device/complex_unary_op.hpp b/ttnn/cpp/ttnn/operations/eltwise/complex_unary/device/complex_unary_op.hpp index b64e059000c..c4d0c4993aa 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/complex_unary/device/complex_unary_op.hpp +++ b/ttnn/cpp/ttnn/operations/eltwise/complex_unary/device/complex_unary_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/complex_unary_backward/complex_unary_backward.hpp b/ttnn/cpp/ttnn/operations/eltwise/complex_unary_backward/complex_unary_backward.hpp index e721c919816..d9097034a81 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/complex_unary_backward/complex_unary_backward.hpp +++ b/ttnn/cpp/ttnn/operations/eltwise/complex_unary_backward/complex_unary_backward.hpp @@ -1,5 +1,5 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/complex_unary_backward/complex_unary_backward_pybind.hpp b/ttnn/cpp/ttnn/operations/eltwise/complex_unary_backward/complex_unary_backward_pybind.hpp index a809dd0785d..9db19ff956e 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/complex_unary_backward/complex_unary_backward_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/eltwise/complex_unary_backward/complex_unary_backward_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/complex_unary_backward/device/complex_unary_backward_op.cpp b/ttnn/cpp/ttnn/operations/eltwise/complex_unary_backward/device/complex_unary_backward_op.cpp index 45baf06caa8..4e84e846333 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/complex_unary_backward/device/complex_unary_backward_op.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/complex_unary_backward/device/complex_unary_backward_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/complex_unary_backward/device/complex_unary_backward_op.hpp b/ttnn/cpp/ttnn/operations/eltwise/complex_unary_backward/device/complex_unary_backward_op.hpp index e3de7966efe..cb16e984121 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/complex_unary_backward/device/complex_unary_backward_op.hpp +++ b/ttnn/cpp/ttnn/operations/eltwise/complex_unary_backward/device/complex_unary_backward_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/ternary_backward/ternary_backward.cpp b/ttnn/cpp/ttnn/operations/eltwise/ternary_backward/ternary_backward.cpp index bc67eb9a10f..d6020c93079 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/ternary_backward/ternary_backward.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/ternary_backward/ternary_backward.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/ternary_backward/ternary_backward.hpp b/ttnn/cpp/ttnn/operations/eltwise/ternary_backward/ternary_backward.hpp index 70e18af2587..21e9a9095af 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/ternary_backward/ternary_backward.hpp +++ b/ttnn/cpp/ttnn/operations/eltwise/ternary_backward/ternary_backward.hpp @@ -1,5 +1,5 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/ternary_backward/ternary_backward_pybind.hpp b/ttnn/cpp/ttnn/operations/eltwise/ternary_backward/ternary_backward_pybind.hpp index 3800a52f055..b6fc7d43aa4 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/ternary_backward/ternary_backward_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/eltwise/ternary_backward/ternary_backward_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/unary/common/unary_op_types.hpp b/ttnn/cpp/ttnn/operations/eltwise/unary/common/unary_op_types.hpp index 394647cdb68..3cdcda87da1 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/unary/common/unary_op_types.hpp +++ b/ttnn/cpp/ttnn/operations/eltwise/unary/common/unary_op_types.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/unary/device/kernels/compute/eltwise_sfpu.cpp b/ttnn/cpp/ttnn/operations/eltwise/unary/device/kernels/compute/eltwise_sfpu.cpp index aab9b093704..757752b2f63 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/unary/device/kernels/compute/eltwise_sfpu.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/unary/device/kernels/compute/eltwise_sfpu.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/unary/device/kernels/dataflow/reader_unary_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/eltwise/unary/device/kernels/dataflow/reader_unary_interleaved_start_id.cpp index 5d1f8ae3d5f..886b36091f2 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/unary/device/kernels/dataflow/reader_unary_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/unary/device/kernels/dataflow/reader_unary_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/unary/device/kernels/dataflow/reader_unary_sharded.cpp b/ttnn/cpp/ttnn/operations/eltwise/unary/device/kernels/dataflow/reader_unary_sharded.cpp index 26cbdc86e2f..57cbc2a639e 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/unary/device/kernels/dataflow/reader_unary_sharded.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/unary/device/kernels/dataflow/reader_unary_sharded.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/unary/device/kernels/dataflow/writer_unary_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/eltwise/unary/device/kernels/dataflow/writer_unary_interleaved_start_id.cpp index d62e98f4208..8d6e4491970 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/unary/device/kernels/dataflow/writer_unary_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/unary/device/kernels/dataflow/writer_unary_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/unary/unary.cpp b/ttnn/cpp/ttnn/operations/eltwise/unary/unary.cpp index 81eba41d570..8a5922d14c3 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/unary/unary.cpp +++ b/ttnn/cpp/ttnn/operations/eltwise/unary/unary.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/unary/unary.hpp b/ttnn/cpp/ttnn/operations/eltwise/unary/unary.hpp index 79d5d22eb5a..2f5fbfea969 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/unary/unary.hpp +++ b/ttnn/cpp/ttnn/operations/eltwise/unary/unary.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/unary/unary_composite.hpp b/ttnn/cpp/ttnn/operations/eltwise/unary/unary_composite.hpp index b7eb155973c..33c99462f3f 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/unary/unary_composite.hpp +++ b/ttnn/cpp/ttnn/operations/eltwise/unary/unary_composite.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/unary/unary_pybind.hpp b/ttnn/cpp/ttnn/operations/eltwise/unary/unary_pybind.hpp index eb3fb90bc0f..43f28534bb4 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/unary/unary_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/eltwise/unary/unary_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/unary_backward/unary_backward.hpp b/ttnn/cpp/ttnn/operations/eltwise/unary_backward/unary_backward.hpp index 2b18c62b250..161d497641e 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/unary_backward/unary_backward.hpp +++ b/ttnn/cpp/ttnn/operations/eltwise/unary_backward/unary_backward.hpp @@ -1,5 +1,5 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/eltwise/unary_backward/unary_backward_pybind.hpp b/ttnn/cpp/ttnn/operations/eltwise/unary_backward/unary_backward_pybind.hpp index 5abee661e1a..494258f1dae 100644 --- a/ttnn/cpp/ttnn/operations/eltwise/unary_backward/unary_backward_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/eltwise/unary_backward/unary_backward_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/embedding/device/embedding_device_operation.cpp b/ttnn/cpp/ttnn/operations/embedding/device/embedding_device_operation.cpp index 96bac8fbbc2..dd1a3fcf801 100644 --- a/ttnn/cpp/ttnn/operations/embedding/device/embedding_device_operation.cpp +++ b/ttnn/cpp/ttnn/operations/embedding/device/embedding_device_operation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/embedding/device/embedding_device_operation.hpp b/ttnn/cpp/ttnn/operations/embedding/device/embedding_device_operation.hpp index 69e14c39165..5f7caf9142b 100644 --- a/ttnn/cpp/ttnn/operations/embedding/device/embedding_device_operation.hpp +++ b/ttnn/cpp/ttnn/operations/embedding/device/embedding_device_operation.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/embedding/device/kernels/dataflow/embeddings.cpp b/ttnn/cpp/ttnn/operations/embedding/device/kernels/dataflow/embeddings.cpp index 686677befd3..8fe09c4850a 100644 --- a/ttnn/cpp/ttnn/operations/embedding/device/kernels/dataflow/embeddings.cpp +++ b/ttnn/cpp/ttnn/operations/embedding/device/kernels/dataflow/embeddings.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/embedding/device/kernels/dataflow/embeddings_tilize.cpp b/ttnn/cpp/ttnn/operations/embedding/device/kernels/dataflow/embeddings_tilize.cpp index f9f21155de1..b34fb81338a 100644 --- a/ttnn/cpp/ttnn/operations/embedding/device/kernels/dataflow/embeddings_tilize.cpp +++ b/ttnn/cpp/ttnn/operations/embedding/device/kernels/dataflow/embeddings_tilize.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/embedding/embedding.cpp b/ttnn/cpp/ttnn/operations/embedding/embedding.cpp index 1943dd38012..61e8bdaccb8 100644 --- a/ttnn/cpp/ttnn/operations/embedding/embedding.cpp +++ b/ttnn/cpp/ttnn/operations/embedding/embedding.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/embedding/embedding.hpp b/ttnn/cpp/ttnn/operations/embedding/embedding.hpp index e41e513434a..79e8c8bc7ca 100644 --- a/ttnn/cpp/ttnn/operations/embedding/embedding.hpp +++ b/ttnn/cpp/ttnn/operations/embedding/embedding.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/examples/example/device/example_device_operation.cpp b/ttnn/cpp/ttnn/operations/examples/example/device/example_device_operation.cpp index a571f2e226f..3fd1aa896e8 100644 --- a/ttnn/cpp/ttnn/operations/examples/example/device/example_device_operation.cpp +++ b/ttnn/cpp/ttnn/operations/examples/example/device/example_device_operation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/examples/example/device/example_device_operation.hpp b/ttnn/cpp/ttnn/operations/examples/example/device/example_device_operation.hpp index 6130c5efc23..65b067ec987 100644 --- a/ttnn/cpp/ttnn/operations/examples/example/device/example_device_operation.hpp +++ b/ttnn/cpp/ttnn/operations/examples/example/device/example_device_operation.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/examples/example/device/kernels/compute/eltwise_sfpu.cpp b/ttnn/cpp/ttnn/operations/examples/example/device/kernels/compute/eltwise_sfpu.cpp index aab9b093704..757752b2f63 100644 --- a/ttnn/cpp/ttnn/operations/examples/example/device/kernels/compute/eltwise_sfpu.cpp +++ b/ttnn/cpp/ttnn/operations/examples/example/device/kernels/compute/eltwise_sfpu.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/examples/example/device/kernels/dataflow/blank.cpp b/ttnn/cpp/ttnn/operations/examples/example/device/kernels/dataflow/blank.cpp index 2e7210a65b1..c822e5f0e1e 100644 --- a/ttnn/cpp/ttnn/operations/examples/example/device/kernels/dataflow/blank.cpp +++ b/ttnn/cpp/ttnn/operations/examples/example/device/kernels/dataflow/blank.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/examples/example/device/kernels/dataflow/reader_binary_diff_lengths.cpp b/ttnn/cpp/ttnn/operations/examples/example/device/kernels/dataflow/reader_binary_diff_lengths.cpp index 54162f86231..0cf4db5fe71 100644 --- a/ttnn/cpp/ttnn/operations/examples/example/device/kernels/dataflow/reader_binary_diff_lengths.cpp +++ b/ttnn/cpp/ttnn/operations/examples/example/device/kernels/dataflow/reader_binary_diff_lengths.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/examples/example/device/kernels/dataflow/reader_unary.cpp b/ttnn/cpp/ttnn/operations/examples/example/device/kernels/dataflow/reader_unary.cpp index 37ed368b8bb..acec40c3905 100644 --- a/ttnn/cpp/ttnn/operations/examples/example/device/kernels/dataflow/reader_unary.cpp +++ b/ttnn/cpp/ttnn/operations/examples/example/device/kernels/dataflow/reader_unary.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/examples/example/device/kernels/dataflow/writer_unary.cpp b/ttnn/cpp/ttnn/operations/examples/example/device/kernels/dataflow/writer_unary.cpp index 4066220b4f7..0c374127bfd 100644 --- a/ttnn/cpp/ttnn/operations/examples/example/device/kernels/dataflow/writer_unary.cpp +++ b/ttnn/cpp/ttnn/operations/examples/example/device/kernels/dataflow/writer_unary.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/examples/example/device/multi_core_program_factory.cpp b/ttnn/cpp/ttnn/operations/examples/example/device/multi_core_program_factory.cpp index 329fa2b102f..963c12d2707 100644 --- a/ttnn/cpp/ttnn/operations/examples/example/device/multi_core_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/examples/example/device/multi_core_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/examples/example/device/single_core_program_factory.cpp b/ttnn/cpp/ttnn/operations/examples/example/device/single_core_program_factory.cpp index 1adc3c57f2c..e2ddb48824c 100644 --- a/ttnn/cpp/ttnn/operations/examples/example/device/single_core_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/examples/example/device/single_core_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/examples/example/example.hpp b/ttnn/cpp/ttnn/operations/examples/example/example.hpp index 3afe62834ce..4514dcae470 100644 --- a/ttnn/cpp/ttnn/operations/examples/example/example.hpp +++ b/ttnn/cpp/ttnn/operations/examples/example/example.hpp @@ -1,5 +1,5 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/examples/example/example_pybind.hpp b/ttnn/cpp/ttnn/operations/examples/example/example_pybind.hpp index 732ad255e4e..ea40124c33e 100644 --- a/ttnn/cpp/ttnn/operations/examples/example/example_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/examples/example/example_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/examples/example_multiple_return/device/example_multiple_return_device_operation.cpp b/ttnn/cpp/ttnn/operations/examples/example_multiple_return/device/example_multiple_return_device_operation.cpp index 79430602332..fe0115cacc8 100644 --- a/ttnn/cpp/ttnn/operations/examples/example_multiple_return/device/example_multiple_return_device_operation.cpp +++ b/ttnn/cpp/ttnn/operations/examples/example_multiple_return/device/example_multiple_return_device_operation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/examples/example_multiple_return/device/example_multiple_return_device_operation.hpp b/ttnn/cpp/ttnn/operations/examples/example_multiple_return/device/example_multiple_return_device_operation.hpp index 7eb40b76cb7..9f4a13063f2 100644 --- a/ttnn/cpp/ttnn/operations/examples/example_multiple_return/device/example_multiple_return_device_operation.hpp +++ b/ttnn/cpp/ttnn/operations/examples/example_multiple_return/device/example_multiple_return_device_operation.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/examples/example_multiple_return/device/kernels/writer_multiple.cpp b/ttnn/cpp/ttnn/operations/examples/example_multiple_return/device/kernels/writer_multiple.cpp index 60bd2d9ca94..d1491dae69c 100644 --- a/ttnn/cpp/ttnn/operations/examples/example_multiple_return/device/kernels/writer_multiple.cpp +++ b/ttnn/cpp/ttnn/operations/examples/example_multiple_return/device/kernels/writer_multiple.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/examples/example_multiple_return/device/single_core_program_factory.cpp b/ttnn/cpp/ttnn/operations/examples/example_multiple_return/device/single_core_program_factory.cpp index 949d7849a54..3401ebdc38b 100644 --- a/ttnn/cpp/ttnn/operations/examples/example_multiple_return/device/single_core_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/examples/example_multiple_return/device/single_core_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/examples/example_multiple_return/example_multiple_return.cpp b/ttnn/cpp/ttnn/operations/examples/example_multiple_return/example_multiple_return.cpp index d18bb2d9a4f..749cae76a14 100644 --- a/ttnn/cpp/ttnn/operations/examples/example_multiple_return/example_multiple_return.cpp +++ b/ttnn/cpp/ttnn/operations/examples/example_multiple_return/example_multiple_return.cpp @@ -1,5 +1,5 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/examples/example_multiple_return/example_multiple_return.hpp b/ttnn/cpp/ttnn/operations/examples/example_multiple_return/example_multiple_return.hpp index e8750a374cf..9bb71acfc7a 100644 --- a/ttnn/cpp/ttnn/operations/examples/example_multiple_return/example_multiple_return.hpp +++ b/ttnn/cpp/ttnn/operations/examples/example_multiple_return/example_multiple_return.hpp @@ -1,5 +1,5 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/examples/example_multiple_return/example_multiple_return_pybind.cpp b/ttnn/cpp/ttnn/operations/examples/example_multiple_return/example_multiple_return_pybind.cpp index 9c70330b22e..22a5589bb9a 100644 --- a/ttnn/cpp/ttnn/operations/examples/example_multiple_return/example_multiple_return_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/examples/example_multiple_return/example_multiple_return_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/examples/example_multiple_return/example_multiple_return_pybind.hpp b/ttnn/cpp/ttnn/operations/examples/example_multiple_return/example_multiple_return_pybind.hpp index e7b457b85b9..729e0fd3ccb 100644 --- a/ttnn/cpp/ttnn/operations/examples/example_multiple_return/example_multiple_return_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/examples/example_multiple_return/example_multiple_return_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/examples/examples_pybind.cpp b/ttnn/cpp/ttnn/operations/examples/examples_pybind.cpp index 7266edb1abc..9ff21a99b0e 100644 --- a/ttnn/cpp/ttnn/operations/examples/examples_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/examples/examples_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/examples/examples_pybind.hpp b/ttnn/cpp/ttnn/operations/examples/examples_pybind.hpp index 0cbfccce3e9..c5d42e026e7 100644 --- a/ttnn/cpp/ttnn/operations/examples/examples_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/examples/examples_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/auto_format/auto_format.cpp b/ttnn/cpp/ttnn/operations/experimental/auto_format/auto_format.cpp index 5e66f403347..9f8ef59739d 100644 --- a/ttnn/cpp/ttnn/operations/experimental/auto_format/auto_format.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/auto_format/auto_format.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/auto_format/auto_format.hpp b/ttnn/cpp/ttnn/operations/experimental/auto_format/auto_format.hpp index 6ba7a70ffe0..5e018414195 100644 --- a/ttnn/cpp/ttnn/operations/experimental/auto_format/auto_format.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/auto_format/auto_format.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/all_gather_matmul.cpp b/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/all_gather_matmul.cpp index ec2f57b0a2c..3ca7bcd8107 100644 --- a/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/all_gather_matmul.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/all_gather_matmul.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/all_gather_matmul.hpp b/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/all_gather_matmul.hpp index 158be37c972..09ddeaff88a 100644 --- a/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/all_gather_matmul.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/all_gather_matmul.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/all_gather_matmul_pybind.cpp b/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/all_gather_matmul_pybind.cpp index 751ac0e99ef..51716efc91a 100644 --- a/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/all_gather_matmul_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/all_gather_matmul_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/all_gather_matmul_pybind.hpp b/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/all_gather_matmul_pybind.hpp index 7c99af2ee42..a9b65146926 100644 --- a/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/all_gather_matmul_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/all_gather_matmul_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/device/all_gather_matmul_op.cpp b/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/device/all_gather_matmul_op.cpp index 44ba8c8c9e1..bc04685053a 100644 --- a/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/device/all_gather_matmul_op.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/device/all_gather_matmul_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/device/all_gather_matmul_op.hpp b/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/device/all_gather_matmul_op.hpp index bb1359e0e61..7a6feb84873 100644 --- a/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/device/all_gather_matmul_op.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/device/all_gather_matmul_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/device/kernels/datacopy.cpp b/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/device/kernels/datacopy.cpp index edbfef48a32..f3d9c75be4b 100644 --- a/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/device/kernels/datacopy.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/device/kernels/datacopy.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/device/multi_core/all_gather_matmul_op_multi_core.cpp b/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/device/multi_core/all_gather_matmul_op_multi_core.cpp index 8d07ea43099..f0b6f0eb858 100644 --- a/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/device/multi_core/all_gather_matmul_op_multi_core.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/ccl/all_gather_matmul/device/multi_core/all_gather_matmul_op_multi_core.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 /// diff --git a/ttnn/cpp/ttnn/operations/experimental/copy/typecast/typecast_pybind.cpp b/ttnn/cpp/ttnn/operations/experimental/copy/typecast/typecast_pybind.cpp index 193c4fe9186..09c5bb2dfd5 100644 --- a/ttnn/cpp/ttnn/operations/experimental/copy/typecast/typecast_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/copy/typecast/typecast_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/copy/typecast/typecast_pybind.hpp b/ttnn/cpp/ttnn/operations/experimental/copy/typecast/typecast_pybind.hpp index cf679880c0c..721723cc823 100644 --- a/ttnn/cpp/ttnn/operations/experimental/copy/typecast/typecast_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/copy/typecast/typecast_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/experimental_pybind.cpp b/ttnn/cpp/ttnn/operations/experimental/experimental_pybind.cpp index 9dc27bf43c9..5d7eab5f78e 100644 --- a/ttnn/cpp/ttnn/operations/experimental/experimental_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/experimental_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/experimental_pybind.hpp b/ttnn/cpp/ttnn/operations/experimental/experimental_pybind.hpp index 89832e38e9f..41f5cac8401 100644 --- a/ttnn/cpp/ttnn/operations/experimental/experimental_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/experimental_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/matmul/attn_matmul/device/kernels/compute/transformer_attn_matmul.cpp b/ttnn/cpp/ttnn/operations/experimental/matmul/attn_matmul/device/kernels/compute/transformer_attn_matmul.cpp index aee452e34e6..7a53ad3cfde 100644 --- a/ttnn/cpp/ttnn/operations/experimental/matmul/attn_matmul/device/kernels/compute/transformer_attn_matmul.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/matmul/attn_matmul/device/kernels/compute/transformer_attn_matmul.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/matmul/attn_matmul/device/kernels/dataflow/reader_transformer_attn_matmul.cpp b/ttnn/cpp/ttnn/operations/experimental/matmul/attn_matmul/device/kernels/dataflow/reader_transformer_attn_matmul.cpp index d7347704fac..f107b975e79 100644 --- a/ttnn/cpp/ttnn/operations/experimental/matmul/attn_matmul/device/kernels/dataflow/reader_transformer_attn_matmul.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/matmul/attn_matmul/device/kernels/dataflow/reader_transformer_attn_matmul.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/matmul/group_attn_matmul/device/kernels/compute/transformer_group_attn_matmul.cpp b/ttnn/cpp/ttnn/operations/experimental/matmul/group_attn_matmul/device/kernels/compute/transformer_group_attn_matmul.cpp index 4065bb9afdf..10b18b4b27d 100644 --- a/ttnn/cpp/ttnn/operations/experimental/matmul/group_attn_matmul/device/kernels/compute/transformer_group_attn_matmul.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/matmul/group_attn_matmul/device/kernels/compute/transformer_group_attn_matmul.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/matmul/group_attn_matmul/device/kernels/dataflow/reader_mcast_transformer_group_attn_matmul.cpp b/ttnn/cpp/ttnn/operations/experimental/matmul/group_attn_matmul/device/kernels/dataflow/reader_mcast_transformer_group_attn_matmul.cpp index ba1d953a106..000e43cd821 100644 --- a/ttnn/cpp/ttnn/operations/experimental/matmul/group_attn_matmul/device/kernels/dataflow/reader_mcast_transformer_group_attn_matmul.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/matmul/group_attn_matmul/device/kernels/dataflow/reader_mcast_transformer_group_attn_matmul.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/matmul/group_attn_matmul/device/kernels/dataflow/writer_transformer_group_attn_matmul.cpp b/ttnn/cpp/ttnn/operations/experimental/matmul/group_attn_matmul/device/kernels/dataflow/writer_transformer_group_attn_matmul.cpp index b1cd9a74e62..4c57d7ceb95 100644 --- a/ttnn/cpp/ttnn/operations/experimental/matmul/group_attn_matmul/device/kernels/dataflow/writer_transformer_group_attn_matmul.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/matmul/group_attn_matmul/device/kernels/dataflow/writer_transformer_group_attn_matmul.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/kernels/compute/update_cache.cpp b/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/kernels/compute/update_cache.cpp index 5baf8706673..912b415bad3 100644 --- a/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/kernels/compute/update_cache.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/kernels/compute/update_cache.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/kernels/dataflow/reader_fill_cache_interleaved.cpp b/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/kernels/dataflow/reader_fill_cache_interleaved.cpp index c6099262ce7..662f331de6c 100644 --- a/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/kernels/dataflow/reader_fill_cache_interleaved.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/kernels/dataflow/reader_fill_cache_interleaved.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/kernels/dataflow/reader_update_cache_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/kernels/dataflow/reader_update_cache_interleaved_start_id.cpp index dc72e859635..4300fdfa377 100644 --- a/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/kernels/dataflow/reader_update_cache_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/kernels/dataflow/reader_update_cache_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/kernels/dataflow/writer_fill_cache_interleaved.cpp b/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/kernels/dataflow/writer_fill_cache_interleaved.cpp index b1b6de3f32b..b59e74c8590 100644 --- a/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/kernels/dataflow/writer_fill_cache_interleaved.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/kernels/dataflow/writer_fill_cache_interleaved.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/kernels/dataflow/writer_update_cache_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/kernels/dataflow/writer_update_cache_interleaved_start_id.cpp index 356cd263810..01ebbd0e36f 100644 --- a/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/kernels/dataflow/writer_update_cache_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/kernels/dataflow/writer_update_cache_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_cache_operation.cpp b/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_cache_operation.cpp index 103d3517bfe..f86363e55bf 100644 --- a/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_cache_operation.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_cache_operation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_cache_operation.hpp b/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_cache_operation.hpp index 27439b086ce..74cf4cc2231 100644 --- a/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_cache_operation.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_cache_operation.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_fill_cache_program_factory.cpp b/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_fill_cache_program_factory.cpp index 32b0cab44f0..91c3b8b9f76 100644 --- a/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_fill_cache_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_fill_cache_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_fill_cache_program_factory.hpp b/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_fill_cache_program_factory.hpp index e232435aeca..f953152f565 100644 --- a/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_fill_cache_program_factory.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_fill_cache_program_factory.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_fused_update_cache_program_factory.cpp b/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_fused_update_cache_program_factory.cpp index 4c17d325ff2..c6d9092feba 100644 --- a/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_fused_update_cache_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_fused_update_cache_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_fused_update_cache_program_factory.hpp b/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_fused_update_cache_program_factory.hpp index 84110782f2a..5fea5a1cf5e 100644 --- a/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_fused_update_cache_program_factory.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_fused_update_cache_program_factory.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_update_cache_program_factory.cpp b/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_update_cache_program_factory.cpp index ed0bf90355e..68f361a4530 100644 --- a/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_update_cache_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_update_cache_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_update_cache_program_factory.hpp b/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_update_cache_program_factory.hpp index 12201a8d842..d8abae4ccb2 100644 --- a/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_update_cache_program_factory.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/paged_cache/device/paged_update_cache_program_factory.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/paged_cache/paged_cache.cpp b/ttnn/cpp/ttnn/operations/experimental/paged_cache/paged_cache.cpp index 2bc48b2eb4f..1284a810018 100644 --- a/ttnn/cpp/ttnn/operations/experimental/paged_cache/paged_cache.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/paged_cache/paged_cache.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/paged_cache/paged_cache.hpp b/ttnn/cpp/ttnn/operations/experimental/paged_cache/paged_cache.hpp index 1000e12b5aa..9e434c45bf4 100644 --- a/ttnn/cpp/ttnn/operations/experimental/paged_cache/paged_cache.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/paged_cache/paged_cache.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/paged_cache/paged_cache_pybind.cpp b/ttnn/cpp/ttnn/operations/experimental/paged_cache/paged_cache_pybind.cpp index 344195ea1c1..438a174c9fe 100644 --- a/ttnn/cpp/ttnn/operations/experimental/paged_cache/paged_cache_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/paged_cache/paged_cache_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/paged_cache/paged_cache_pybind.hpp b/ttnn/cpp/ttnn/operations/experimental/paged_cache/paged_cache_pybind.hpp index 4e79a4b8c24..986213dfee3 100644 --- a/ttnn/cpp/ttnn/operations/experimental/paged_cache/paged_cache_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/paged_cache/paged_cache_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/plusone/device/kernels/reader_plusone_interleaved.cpp b/ttnn/cpp/ttnn/operations/experimental/plusone/device/kernels/reader_plusone_interleaved.cpp index 467f7eb23c8..13453d7b0dc 100644 --- a/ttnn/cpp/ttnn/operations/experimental/plusone/device/kernels/reader_plusone_interleaved.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/plusone/device/kernels/reader_plusone_interleaved.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/plusone/device/plusone_op.cpp b/ttnn/cpp/ttnn/operations/experimental/plusone/device/plusone_op.cpp index 5862a427085..3ad0adf3172 100644 --- a/ttnn/cpp/ttnn/operations/experimental/plusone/device/plusone_op.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/plusone/device/plusone_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/plusone/device/plusone_op.hpp b/ttnn/cpp/ttnn/operations/experimental/plusone/device/plusone_op.hpp index b9c774f4c18..9ab3c41e31c 100644 --- a/ttnn/cpp/ttnn/operations/experimental/plusone/device/plusone_op.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/plusone/device/plusone_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/plusone/device/plusone_program_factory.cpp b/ttnn/cpp/ttnn/operations/experimental/plusone/device/plusone_program_factory.cpp index 2515e41c56d..25cf4ab3bb2 100644 --- a/ttnn/cpp/ttnn/operations/experimental/plusone/device/plusone_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/plusone/device/plusone_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 #include diff --git a/ttnn/cpp/ttnn/operations/experimental/plusone/device/plusone_program_factory.hpp b/ttnn/cpp/ttnn/operations/experimental/plusone/device/plusone_program_factory.hpp index 30d96780f13..9b91f8b65a4 100644 --- a/ttnn/cpp/ttnn/operations/experimental/plusone/device/plusone_program_factory.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/plusone/device/plusone_program_factory.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 #include "ttnn/run_operation.hpp" diff --git a/ttnn/cpp/ttnn/operations/experimental/plusone/plusone.cpp b/ttnn/cpp/ttnn/operations/experimental/plusone/plusone.cpp index e58b96c3616..35137700251 100644 --- a/ttnn/cpp/ttnn/operations/experimental/plusone/plusone.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/plusone/plusone.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/plusone/plusone.hpp b/ttnn/cpp/ttnn/operations/experimental/plusone/plusone.hpp index 8e6b1cc69f4..3130d348764 100644 --- a/ttnn/cpp/ttnn/operations/experimental/plusone/plusone.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/plusone/plusone.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/plusone/plusone_pybind.cpp b/ttnn/cpp/ttnn/operations/experimental/plusone/plusone_pybind.cpp index d81982acc7a..267bc0f6a49 100644 --- a/ttnn/cpp/ttnn/operations/experimental/plusone/plusone_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/plusone/plusone_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/plusone/plusone_pybind.hpp b/ttnn/cpp/ttnn/operations/experimental/plusone/plusone_pybind.hpp index c9aabb0c90c..30eb9a3bfe8 100644 --- a/ttnn/cpp/ttnn/operations/experimental/plusone/plusone_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/plusone/plusone_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/reduction/argmax/argmax.hpp b/ttnn/cpp/ttnn/operations/experimental/reduction/argmax/argmax.hpp index e82f8b90c54..9cef89400c0 100644 --- a/ttnn/cpp/ttnn/operations/experimental/reduction/argmax/argmax.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/reduction/argmax/argmax.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/reduction/argmax/argmax_pybind.hpp b/ttnn/cpp/ttnn/operations/experimental/reduction/argmax/argmax_pybind.hpp index 5febaf77051..90b41fdc121 100644 --- a/ttnn/cpp/ttnn/operations/experimental/reduction/argmax/argmax_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/reduction/argmax/argmax_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/reduction/fast_reduce_nc/fast_reduce_nc.cpp b/ttnn/cpp/ttnn/operations/experimental/reduction/fast_reduce_nc/fast_reduce_nc.cpp index e08e3e02c64..13410c95e5e 100644 --- a/ttnn/cpp/ttnn/operations/experimental/reduction/fast_reduce_nc/fast_reduce_nc.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/reduction/fast_reduce_nc/fast_reduce_nc.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/reduction/fast_reduce_nc/fast_reduce_nc.hpp b/ttnn/cpp/ttnn/operations/experimental/reduction/fast_reduce_nc/fast_reduce_nc.hpp index 9f0220f1ebc..9c568c6e295 100644 --- a/ttnn/cpp/ttnn/operations/experimental/reduction/fast_reduce_nc/fast_reduce_nc.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/reduction/fast_reduce_nc/fast_reduce_nc.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/ssm/hc_sum_reduce/device/kernels/reader_ssm_1d_sum_reduce.cpp b/ttnn/cpp/ttnn/operations/experimental/ssm/hc_sum_reduce/device/kernels/reader_ssm_1d_sum_reduce.cpp index 01f3c6e5e01..5b66cd9bf8d 100644 --- a/ttnn/cpp/ttnn/operations/experimental/ssm/hc_sum_reduce/device/kernels/reader_ssm_1d_sum_reduce.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/ssm/hc_sum_reduce/device/kernels/reader_ssm_1d_sum_reduce.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/ssm/repeat_and_interleave_eltwise_mul/device/kernels/reader_ssm_eltwise_mul.cpp b/ttnn/cpp/ttnn/operations/experimental/ssm/repeat_and_interleave_eltwise_mul/device/kernels/reader_ssm_eltwise_mul.cpp index 363268bc027..05ffef3ed0e 100644 --- a/ttnn/cpp/ttnn/operations/experimental/ssm/repeat_and_interleave_eltwise_mul/device/kernels/reader_ssm_eltwise_mul.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/ssm/repeat_and_interleave_eltwise_mul/device/kernels/reader_ssm_eltwise_mul.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/ssm/repeat_and_interleave_eltwise_mul/device/kernels/ssm_eltwise_mul.cpp b/ttnn/cpp/ttnn/operations/experimental/ssm/repeat_and_interleave_eltwise_mul/device/kernels/ssm_eltwise_mul.cpp index 3dcf50f828d..2cbb5999cf8 100644 --- a/ttnn/cpp/ttnn/operations/experimental/ssm/repeat_and_interleave_eltwise_mul/device/kernels/ssm_eltwise_mul.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/ssm/repeat_and_interleave_eltwise_mul/device/kernels/ssm_eltwise_mul.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/ssm/repeat_and_interleave_eltwise_mul/device/kernels/writer_ssm_eltwise_mul.cpp b/ttnn/cpp/ttnn/operations/experimental/ssm/repeat_and_interleave_eltwise_mul/device/kernels/writer_ssm_eltwise_mul.cpp index d418ffb8521..36e984c3abf 100644 --- a/ttnn/cpp/ttnn/operations/experimental/ssm/repeat_and_interleave_eltwise_mul/device/kernels/writer_ssm_eltwise_mul.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/ssm/repeat_and_interleave_eltwise_mul/device/kernels/writer_ssm_eltwise_mul.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/concatenate_heads/concatenate_heads.hpp b/ttnn/cpp/ttnn/operations/experimental/transformer/concatenate_heads/concatenate_heads.hpp index a6bf0cf13a1..a5acfa6c874 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/concatenate_heads/concatenate_heads.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/concatenate_heads/concatenate_heads.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/concatenate_heads/concatenate_heads_pybind.hpp b/ttnn/cpp/ttnn/operations/experimental/transformer/concatenate_heads/concatenate_heads_pybind.hpp index 1051039e0ea..6af845c7855 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/concatenate_heads/concatenate_heads_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/concatenate_heads/concatenate_heads_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/concatenate_heads/device/kernels/dataflow/reader_tm_tile_layout_concat_heads.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/concatenate_heads/device/kernels/dataflow/reader_tm_tile_layout_concat_heads.cpp index 3b45dbde974..1394ba83bf9 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/concatenate_heads/device/kernels/dataflow/reader_tm_tile_layout_concat_heads.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/concatenate_heads/device/kernels/dataflow/reader_tm_tile_layout_concat_heads.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/concatenate_heads/device/kernels/dataflow/writer_tm_tile_layout_concat_heads.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/concatenate_heads/device/kernels/dataflow/writer_tm_tile_layout_concat_heads.cpp index d48548846be..670705d7e9c 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/concatenate_heads/device/kernels/dataflow/writer_tm_tile_layout_concat_heads.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/concatenate_heads/device/kernels/dataflow/writer_tm_tile_layout_concat_heads.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/create_qkv_heads/create_qkv_heads.hpp b/ttnn/cpp/ttnn/operations/experimental/transformer/create_qkv_heads/create_qkv_heads.hpp index a04f88f481e..63fdddaac73 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/create_qkv_heads/create_qkv_heads.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/create_qkv_heads/create_qkv_heads.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/create_qkv_heads_from_separate_tensors/create_qkv_heads_from_separate_tensors.hpp b/ttnn/cpp/ttnn/operations/experimental/transformer/create_qkv_heads_from_separate_tensors/create_qkv_heads_from_separate_tensors.hpp index a4d36cf5505..c19c203a148 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/create_qkv_heads_from_separate_tensors/create_qkv_heads_from_separate_tensors.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/create_qkv_heads_from_separate_tensors/create_qkv_heads_from_separate_tensors.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_concat_heads/device/kernels/dataflow/reader_tm_tile_layout_nlp_concat_heads.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_concat_heads/device/kernels/dataflow/reader_tm_tile_layout_nlp_concat_heads.cpp index 7586fd9f665..f0efb810c9e 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_concat_heads/device/kernels/dataflow/reader_tm_tile_layout_nlp_concat_heads.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_concat_heads/device/kernels/dataflow/reader_tm_tile_layout_nlp_concat_heads.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_concat_heads/device/kernels/dataflow/reader_tm_tile_layout_nlp_concat_heads_sharded.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_concat_heads/device/kernels/dataflow/reader_tm_tile_layout_nlp_concat_heads_sharded.cpp index c932c32c441..7aa7bc066dd 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_concat_heads/device/kernels/dataflow/reader_tm_tile_layout_nlp_concat_heads_sharded.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_concat_heads/device/kernels/dataflow/reader_tm_tile_layout_nlp_concat_heads_sharded.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_concat_heads_decode/device/kernels/dataflow/reader_tm_tile_layout_nlp_concat_heads_decode.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_concat_heads_decode/device/kernels/dataflow/reader_tm_tile_layout_nlp_concat_heads_decode.cpp index 5427cbf61f4..88844e59513 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_concat_heads_decode/device/kernels/dataflow/reader_tm_tile_layout_nlp_concat_heads_decode.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_concat_heads_decode/device/kernels/dataflow/reader_tm_tile_layout_nlp_concat_heads_decode.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads/device/kernels/dataflow/reader_tm_tile_layout_nlp_create_qkv_heads.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads/device/kernels/dataflow/reader_tm_tile_layout_nlp_create_qkv_heads.cpp index 735653534ca..bf7aa7e4629 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads/device/kernels/dataflow/reader_tm_tile_layout_nlp_create_qkv_heads.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads/device/kernels/dataflow/reader_tm_tile_layout_nlp_create_qkv_heads.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads/device/kernels/dataflow/reader_tm_tile_layout_nlp_create_qkv_heads_sharded.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads/device/kernels/dataflow/reader_tm_tile_layout_nlp_create_qkv_heads_sharded.cpp index 76b22249ed1..d28519918da 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads/device/kernels/dataflow/reader_tm_tile_layout_nlp_create_qkv_heads_sharded.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads/device/kernels/dataflow/reader_tm_tile_layout_nlp_create_qkv_heads_sharded.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads/device/kernels/dataflow/writer_tm_tile_layout_nlp_create_qkv_heads.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads/device/kernels/dataflow/writer_tm_tile_layout_nlp_create_qkv_heads.cpp index d7f1891bb34..8859e3a257f 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads/device/kernels/dataflow/writer_tm_tile_layout_nlp_create_qkv_heads.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads/device/kernels/dataflow/writer_tm_tile_layout_nlp_create_qkv_heads.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads_decode/device/kernels/reader_tm_tile_layout_nlp_create_qkv_heads_decode.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads_decode/device/kernels/reader_tm_tile_layout_nlp_create_qkv_heads_decode.cpp index 89ee96b6432..3cb85ca966d 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads_decode/device/kernels/reader_tm_tile_layout_nlp_create_qkv_heads_decode.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads_decode/device/kernels/reader_tm_tile_layout_nlp_create_qkv_heads_decode.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads_decode/nlp_create_qkv_heads_decode.hpp b/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads_decode/nlp_create_qkv_heads_decode.hpp index 56f92257955..7c48ac5b148 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads_decode/nlp_create_qkv_heads_decode.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads_decode/nlp_create_qkv_heads_decode.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads_falcon7b/device/kernels/dataflow/writer_tm_tile_layout_nlp_create_qkv_heads_falcon7b.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads_falcon7b/device/kernels/dataflow/writer_tm_tile_layout_nlp_create_qkv_heads_falcon7b.cpp index b521f56afa7..eeedf32fd3f 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads_falcon7b/device/kernels/dataflow/writer_tm_tile_layout_nlp_create_qkv_heads_falcon7b.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads_falcon7b/device/kernels/dataflow/writer_tm_tile_layout_nlp_create_qkv_heads_falcon7b.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads_segformer/device/kernels/dataflow/reader_tm_tile_layout_nlp_create_qkv_heads.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads_segformer/device/kernels/dataflow/reader_tm_tile_layout_nlp_create_qkv_heads.cpp index ce7f86ceba5..ef1844b3a8f 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads_segformer/device/kernels/dataflow/reader_tm_tile_layout_nlp_create_qkv_heads.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads_segformer/device/kernels/dataflow/reader_tm_tile_layout_nlp_create_qkv_heads.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads_segformer/device/kernels/dataflow/writer_tm_tile_layout_nlp_create_qkv_heads.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads_segformer/device/kernels/dataflow/writer_tm_tile_layout_nlp_create_qkv_heads.cpp index 6bb79d116ac..afd2244cca6 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads_segformer/device/kernels/dataflow/writer_tm_tile_layout_nlp_create_qkv_heads.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads_segformer/device/kernels/dataflow/writer_tm_tile_layout_nlp_create_qkv_heads.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads_vit/device/kernels/dataflow/reader_tm_tile_layout_nlp_create_qkv_heads.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads_vit/device/kernels/dataflow/reader_tm_tile_layout_nlp_create_qkv_heads.cpp index 735653534ca..bf7aa7e4629 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads_vit/device/kernels/dataflow/reader_tm_tile_layout_nlp_create_qkv_heads.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads_vit/device/kernels/dataflow/reader_tm_tile_layout_nlp_create_qkv_heads.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads_vit/device/kernels/dataflow/writer_tm_tile_layout_nlp_create_qkv_heads.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads_vit/device/kernels/dataflow/writer_tm_tile_layout_nlp_create_qkv_heads.cpp index d7f1891bb34..8859e3a257f 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads_vit/device/kernels/dataflow/writer_tm_tile_layout_nlp_create_qkv_heads.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/nlp_create_qkv_heads_vit/device/kernels/dataflow/writer_tm_tile_layout_nlp_create_qkv_heads.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/kernels/compute/rotary_embedding.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/kernels/compute/rotary_embedding.cpp index 0c309f10dce..b64695767b0 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/kernels/compute/rotary_embedding.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/kernels/compute/rotary_embedding.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/kernels/dataflow/reader_rotary_embedding_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/kernels/dataflow/reader_rotary_embedding_interleaved_start_id.cpp index bd7613c0b44..ba1d5eccb63 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/kernels/dataflow/reader_rotary_embedding_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/kernels/dataflow/reader_rotary_embedding_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/kernels/dataflow/reader_rotary_embedding_interleaved_start_id_sharded.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/kernels/dataflow/reader_rotary_embedding_interleaved_start_id_sharded.cpp index 4235d859f0a..ad110de5088 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/kernels/dataflow/reader_rotary_embedding_interleaved_start_id_sharded.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/kernels/dataflow/reader_rotary_embedding_interleaved_start_id_sharded.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/kernels/dataflow/writer_rotary_embedding_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/kernels/dataflow/writer_rotary_embedding_interleaved_start_id.cpp index f36729b372c..34a1be26f9c 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/kernels/dataflow/writer_rotary_embedding_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/kernels/dataflow/writer_rotary_embedding_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/rotary_embedding_device_operation.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/rotary_embedding_device_operation.cpp index aad7a8b323d..ef43e77ecf3 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/rotary_embedding_device_operation.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/rotary_embedding_device_operation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/rotary_embedding_device_operation.hpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/rotary_embedding_device_operation.hpp index 62f578aa878..c250c1cf9ca 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/rotary_embedding_device_operation.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/rotary_embedding_device_operation.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/rotary_embedding_program_factory.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/rotary_embedding_program_factory.cpp index 4572ae44db4..f50e8200d01 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/rotary_embedding_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/rotary_embedding_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/rotary_embedding_program_factory.hpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/rotary_embedding_program_factory.hpp index 430a8242d7c..eee1daa35bc 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/rotary_embedding_program_factory.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/device/rotary_embedding_program_factory.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/rotary_embedding.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/rotary_embedding.cpp index b957e8f9aa4..9d5f5df356d 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/rotary_embedding.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/rotary_embedding.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/rotary_embedding.hpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/rotary_embedding.hpp index ece67a88ab6..342bc75bbdd 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/rotary_embedding.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/rotary_embedding.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/rotary_embedding_pybind.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/rotary_embedding_pybind.cpp index 90661225f2f..ecbbaef212c 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/rotary_embedding_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/rotary_embedding_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/rotary_embedding_pybind.hpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/rotary_embedding_pybind.hpp index 719ae43fc5d..17147f8026b 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/rotary_embedding_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding/rotary_embedding_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/kernels/compute/rotary_embedding_llama.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/kernels/compute/rotary_embedding_llama.cpp index b228c94016a..b4389386a2f 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/kernels/compute/rotary_embedding_llama.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/kernels/compute/rotary_embedding_llama.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/kernels/compute/rotary_embedding_llama_sharded.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/kernels/compute/rotary_embedding_llama_sharded.cpp index 66d4f089f1a..8268d5f7275 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/kernels/compute/rotary_embedding_llama_sharded.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/kernels/compute/rotary_embedding_llama_sharded.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/kernels/dataflow/reader_rotary_embedding_llama_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/kernels/dataflow/reader_rotary_embedding_llama_interleaved_start_id.cpp index a0ee3f9ef8b..d4cf9400c81 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/kernels/dataflow/reader_rotary_embedding_llama_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/kernels/dataflow/reader_rotary_embedding_llama_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/kernels/dataflow/writer_rotary_embedding_llama_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/kernels/dataflow/writer_rotary_embedding_llama_interleaved_start_id.cpp index 1d6cc69c07c..84915b31e1a 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/kernels/dataflow/writer_rotary_embedding_llama_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/kernels/dataflow/writer_rotary_embedding_llama_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/rotary_embedding_llama_device_operation.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/rotary_embedding_llama_device_operation.cpp index d4353269fda..9ece1598d9c 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/rotary_embedding_llama_device_operation.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/rotary_embedding_llama_device_operation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/rotary_embedding_llama_device_operation.hpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/rotary_embedding_llama_device_operation.hpp index af25d5b511c..e5f7d9e67dc 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/rotary_embedding_llama_device_operation.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/rotary_embedding_llama_device_operation.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/rotary_embedding_llama_program_factory.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/rotary_embedding_llama_program_factory.cpp index 78683cbfd0a..43a825a2df7 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/rotary_embedding_llama_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/rotary_embedding_llama_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/rotary_embedding_llama_program_factory.hpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/rotary_embedding_llama_program_factory.hpp index 43ef87cc173..ab238a62a51 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/rotary_embedding_llama_program_factory.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/device/rotary_embedding_llama_program_factory.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/rotary_embedding_llama.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/rotary_embedding_llama.cpp index 20abef8b6e1..35c69014050 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/rotary_embedding_llama.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/rotary_embedding_llama.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/rotary_embedding_llama.hpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/rotary_embedding_llama.hpp index 1e68128e512..73e690a3b04 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/rotary_embedding_llama.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/rotary_embedding_llama.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/rotary_embedding_llama_pybind.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/rotary_embedding_llama_pybind.cpp index 09fb8b5fd0e..5c343e89378 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/rotary_embedding_llama_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/rotary_embedding_llama_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/rotary_embedding_llama_pybind.hpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/rotary_embedding_llama_pybind.hpp index 83488a63b1c..a1f4e58710c 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/rotary_embedding_llama_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama/rotary_embedding_llama_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/device/rotary_embedding_llama_fused_qk_device_operation.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/device/rotary_embedding_llama_fused_qk_device_operation.cpp index 75e7e47107b..a429bce7ad6 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/device/rotary_embedding_llama_fused_qk_device_operation.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/device/rotary_embedding_llama_fused_qk_device_operation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/device/rotary_embedding_llama_fused_qk_device_operation.hpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/device/rotary_embedding_llama_fused_qk_device_operation.hpp index 2e9d258f70f..719e1cf309b 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/device/rotary_embedding_llama_fused_qk_device_operation.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/device/rotary_embedding_llama_fused_qk_device_operation.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/device/rotary_embedding_llama_fused_qk_program_factory.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/device/rotary_embedding_llama_fused_qk_program_factory.cpp index e276bc75836..0755432e69d 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/device/rotary_embedding_llama_fused_qk_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/device/rotary_embedding_llama_fused_qk_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/device/rotary_embedding_llama_fused_qk_program_factory.hpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/device/rotary_embedding_llama_fused_qk_program_factory.hpp index 8da42cd9cd8..72c8352a886 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/device/rotary_embedding_llama_fused_qk_program_factory.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/device/rotary_embedding_llama_fused_qk_program_factory.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/rotary_embedding_llama_fused_qk.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/rotary_embedding_llama_fused_qk.cpp index 60368f77fb6..92143aa94c5 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/rotary_embedding_llama_fused_qk.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/rotary_embedding_llama_fused_qk.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/rotary_embedding_llama_fused_qk.hpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/rotary_embedding_llama_fused_qk.hpp index dbc2c52aa31..b600b8c5deb 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/rotary_embedding_llama_fused_qk.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/rotary_embedding_llama_fused_qk.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/rotary_embedding_llama_fused_qk_pybind.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/rotary_embedding_llama_fused_qk_pybind.cpp index 26a90ca0765..1b279b9318b 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/rotary_embedding_llama_fused_qk_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/rotary_embedding_llama_fused_qk_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/rotary_embedding_llama_fused_qk_pybind.hpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/rotary_embedding_llama_fused_qk_pybind.hpp index 71b111ad94d..3b218a6a8b4 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/rotary_embedding_llama_fused_qk_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotary_embedding_llama_fused_qk/rotary_embedding_llama_fused_qk_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/device/kernels/dataflow/reader_rotate_half_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/device/kernels/dataflow/reader_rotate_half_interleaved_start_id.cpp index 8cb32f1b13c..12960ce30c4 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/device/kernels/dataflow/reader_rotate_half_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/device/kernels/dataflow/reader_rotate_half_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/device/kernels/dataflow/writer_rotate_half_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/device/kernels/dataflow/writer_rotate_half_interleaved_start_id.cpp index 38d0d235a5a..b531a4192b7 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/device/kernels/dataflow/writer_rotate_half_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/device/kernels/dataflow/writer_rotate_half_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/device/rotate_half_device_operation.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/device/rotate_half_device_operation.cpp index be4dc7a1b46..4b0c1b2f393 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/device/rotate_half_device_operation.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/device/rotate_half_device_operation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/device/rotate_half_device_operation.hpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/device/rotate_half_device_operation.hpp index 73bca8c3912..bdec529b494 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/device/rotate_half_device_operation.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/device/rotate_half_device_operation.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/device/single_core/rotate_half_program_factory.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/device/single_core/rotate_half_program_factory.cpp index 4746d41c2ae..5fe43dd5ab4 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/device/single_core/rotate_half_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/device/single_core/rotate_half_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/device/single_core/rotate_half_program_factory.hpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/device/single_core/rotate_half_program_factory.hpp index 5a40a034d9a..2dd18b3b856 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/device/single_core/rotate_half_program_factory.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/device/single_core/rotate_half_program_factory.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/rotate_half.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/rotate_half.cpp index c25d7fe7ffe..778c4de9cee 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/rotate_half.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/rotate_half.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/rotate_half.hpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/rotate_half.hpp index 023441a9ef6..4ac633d4669 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/rotate_half.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/rotate_half.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/rotate_half_pybind.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/rotate_half_pybind.cpp index b3daa14ff3f..684f47a389c 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/rotate_half_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/rotate_half_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/rotate_half_pybind.hpp b/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/rotate_half_pybind.hpp index b0f277c083f..dd82a96977e 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/rotate_half_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/rotate_half/rotate_half_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/split_query_key_value_and_split_heads/device/kernels/compute/transpose_wh_sharded.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/split_query_key_value_and_split_heads/device/kernels/compute/transpose_wh_sharded.cpp index f13d68b15c7..0d2be2dd010 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/split_query_key_value_and_split_heads/device/kernels/compute/transpose_wh_sharded.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/split_query_key_value_and_split_heads/device/kernels/compute/transpose_wh_sharded.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/split_query_key_value_and_split_heads/device/kernels/dataflow/reader_tm_tile_layout_create_qkv_heads.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/split_query_key_value_and_split_heads/device/kernels/dataflow/reader_tm_tile_layout_create_qkv_heads.cpp index e4542a49fa6..368ac9b68a4 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/split_query_key_value_and_split_heads/device/kernels/dataflow/reader_tm_tile_layout_create_qkv_heads.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/split_query_key_value_and_split_heads/device/kernels/dataflow/reader_tm_tile_layout_create_qkv_heads.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/split_query_key_value_and_split_heads/device/kernels/dataflow/reader_tm_tile_layout_create_qkv_heads_sharded.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/split_query_key_value_and_split_heads/device/kernels/dataflow/reader_tm_tile_layout_create_qkv_heads_sharded.cpp index 84ed0ae173c..47c22a31115 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/split_query_key_value_and_split_heads/device/kernels/dataflow/reader_tm_tile_layout_create_qkv_heads_sharded.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/split_query_key_value_and_split_heads/device/kernels/dataflow/reader_tm_tile_layout_create_qkv_heads_sharded.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/split_query_key_value_and_split_heads/device/kernels/dataflow/writer_tm_tile_layout_create_qkv_heads.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/split_query_key_value_and_split_heads/device/kernels/dataflow/writer_tm_tile_layout_create_qkv_heads.cpp index cd62e0f7469..c2f81433f7a 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/split_query_key_value_and_split_heads/device/kernels/dataflow/writer_tm_tile_layout_create_qkv_heads.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/split_query_key_value_and_split_heads/device/kernels/dataflow/writer_tm_tile_layout_create_qkv_heads.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/split_query_key_value_and_split_heads/device/kernels/dataflow/writer_tm_tile_layout_create_qkv_heads_sharded.cpp b/ttnn/cpp/ttnn/operations/experimental/transformer/split_query_key_value_and_split_heads/device/kernels/dataflow/writer_tm_tile_layout_create_qkv_heads_sharded.cpp index 79e46ee3bb2..4fd72a1c74d 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/split_query_key_value_and_split_heads/device/kernels/dataflow/writer_tm_tile_layout_create_qkv_heads_sharded.cpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/split_query_key_value_and_split_heads/device/kernels/dataflow/writer_tm_tile_layout_create_qkv_heads_sharded.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/split_query_key_value_and_split_heads/split_query_key_value_and_split_heads.hpp b/ttnn/cpp/ttnn/operations/experimental/transformer/split_query_key_value_and_split_heads/split_query_key_value_and_split_heads.hpp index 2235fdf86f0..20f1242e82a 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/split_query_key_value_and_split_heads/split_query_key_value_and_split_heads.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/split_query_key_value_and_split_heads/split_query_key_value_and_split_heads.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/experimental/transformer/split_query_key_value_and_split_heads/split_query_key_value_and_split_heads_pybind.hpp b/ttnn/cpp/ttnn/operations/experimental/transformer/split_query_key_value_and_split_heads/split_query_key_value_and_split_heads_pybind.hpp index 77cbadc7f2a..a4c4d43d138 100644 --- a/ttnn/cpp/ttnn/operations/experimental/transformer/split_query_key_value_and_split_heads/split_query_key_value_and_split_heads_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/experimental/transformer/split_query_key_value_and_split_heads/split_query_key_value_and_split_heads_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/full/full_pybind.cpp b/ttnn/cpp/ttnn/operations/full/full_pybind.cpp index a238f47a96b..cba6f2ab69d 100644 --- a/ttnn/cpp/ttnn/operations/full/full_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/full/full_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/full_like/full_like.hpp b/ttnn/cpp/ttnn/operations/full_like/full_like.hpp index 472306e2db0..7eea23bed9f 100644 --- a/ttnn/cpp/ttnn/operations/full_like/full_like.hpp +++ b/ttnn/cpp/ttnn/operations/full_like/full_like.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/full_like/full_like_pybind.cpp b/ttnn/cpp/ttnn/operations/full_like/full_like_pybind.cpp index 1d2fcb1346d..9f35a241a8d 100644 --- a/ttnn/cpp/ttnn/operations/full_like/full_like_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/full_like/full_like_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/index_fill/device/index_fill_device_operation.cpp b/ttnn/cpp/ttnn/operations/index_fill/device/index_fill_device_operation.cpp index 05555467a83..f51c7d636e7 100644 --- a/ttnn/cpp/ttnn/operations/index_fill/device/index_fill_device_operation.cpp +++ b/ttnn/cpp/ttnn/operations/index_fill/device/index_fill_device_operation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 #include "index_fill_device_operation.hpp" diff --git a/ttnn/cpp/ttnn/operations/index_fill/device/index_fill_multi_core_factory.cpp b/ttnn/cpp/ttnn/operations/index_fill/device/index_fill_multi_core_factory.cpp index c9f9c6349d8..4764a223f98 100644 --- a/ttnn/cpp/ttnn/operations/index_fill/device/index_fill_multi_core_factory.cpp +++ b/ttnn/cpp/ttnn/operations/index_fill/device/index_fill_multi_core_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/index_fill/device/kernels/reader_index_fill.cpp b/ttnn/cpp/ttnn/operations/index_fill/device/kernels/reader_index_fill.cpp index 07dee98aaa5..53a4b51a334 100644 --- a/ttnn/cpp/ttnn/operations/index_fill/device/kernels/reader_index_fill.cpp +++ b/ttnn/cpp/ttnn/operations/index_fill/device/kernels/reader_index_fill.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/index_fill/index_fill.cpp b/ttnn/cpp/ttnn/operations/index_fill/index_fill.cpp index bbeeeb0d4b6..6f2e0541360 100644 --- a/ttnn/cpp/ttnn/operations/index_fill/index_fill.cpp +++ b/ttnn/cpp/ttnn/operations/index_fill/index_fill.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/index_fill/index_fill.hpp b/ttnn/cpp/ttnn/operations/index_fill/index_fill.hpp index f0dc99ee0db..d9bbf067362 100644 --- a/ttnn/cpp/ttnn/operations/index_fill/index_fill.hpp +++ b/ttnn/cpp/ttnn/operations/index_fill/index_fill.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/index_fill/index_fill_pybind.cpp b/ttnn/cpp/ttnn/operations/index_fill/index_fill_pybind.cpp index 64275bbf3a5..ec4efd150e0 100644 --- a/ttnn/cpp/ttnn/operations/index_fill/index_fill_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/index_fill/index_fill_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/kv_cache/device/kernels/compute/update_cache.cpp b/ttnn/cpp/ttnn/operations/kv_cache/device/kernels/compute/update_cache.cpp index cb6e7a7c6c2..79984feb8c9 100644 --- a/ttnn/cpp/ttnn/operations/kv_cache/device/kernels/compute/update_cache.cpp +++ b/ttnn/cpp/ttnn/operations/kv_cache/device/kernels/compute/update_cache.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/kv_cache/device/kernels/dataflow/reader_fill_cache_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/kv_cache/device/kernels/dataflow/reader_fill_cache_interleaved_start_id.cpp index 4bc79b8bb32..8931953d9e9 100644 --- a/ttnn/cpp/ttnn/operations/kv_cache/device/kernels/dataflow/reader_fill_cache_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/kv_cache/device/kernels/dataflow/reader_fill_cache_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/kv_cache/device/kernels/dataflow/reader_update_cache_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/kv_cache/device/kernels/dataflow/reader_update_cache_interleaved_start_id.cpp index 7a405122312..412fa2609ed 100644 --- a/ttnn/cpp/ttnn/operations/kv_cache/device/kernels/dataflow/reader_update_cache_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/kv_cache/device/kernels/dataflow/reader_update_cache_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/kv_cache/device/kernels/dataflow/writer_update_cache_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/kv_cache/device/kernels/dataflow/writer_update_cache_interleaved_start_id.cpp index 02797c5af25..4da0ad43620 100644 --- a/ttnn/cpp/ttnn/operations/kv_cache/device/kernels/dataflow/writer_update_cache_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/kv_cache/device/kernels/dataflow/writer_update_cache_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/kv_cache/device/update_cache_op.cpp b/ttnn/cpp/ttnn/operations/kv_cache/device/update_cache_op.cpp index d75671f4af9..d26b714bc30 100644 --- a/ttnn/cpp/ttnn/operations/kv_cache/device/update_cache_op.cpp +++ b/ttnn/cpp/ttnn/operations/kv_cache/device/update_cache_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/kv_cache/device/update_cache_op.hpp b/ttnn/cpp/ttnn/operations/kv_cache/device/update_cache_op.hpp index c742ac748c4..b2baa34cf9a 100644 --- a/ttnn/cpp/ttnn/operations/kv_cache/device/update_cache_op.hpp +++ b/ttnn/cpp/ttnn/operations/kv_cache/device/update_cache_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/kv_cache/device/update_cache_op_multi_core.cpp b/ttnn/cpp/ttnn/operations/kv_cache/device/update_cache_op_multi_core.cpp index 62cd547e49f..3df9fc78860 100644 --- a/ttnn/cpp/ttnn/operations/kv_cache/device/update_cache_op_multi_core.cpp +++ b/ttnn/cpp/ttnn/operations/kv_cache/device/update_cache_op_multi_core.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/kv_cache/kv_cache.cpp b/ttnn/cpp/ttnn/operations/kv_cache/kv_cache.cpp index ee8e0eb5044..f5c991a529a 100644 --- a/ttnn/cpp/ttnn/operations/kv_cache/kv_cache.cpp +++ b/ttnn/cpp/ttnn/operations/kv_cache/kv_cache.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/kv_cache/kv_cache.hpp b/ttnn/cpp/ttnn/operations/kv_cache/kv_cache.hpp index dbc38122d6d..90d702df00f 100644 --- a/ttnn/cpp/ttnn/operations/kv_cache/kv_cache.hpp +++ b/ttnn/cpp/ttnn/operations/kv_cache/kv_cache.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/kv_cache/kv_cache_pybind.cpp b/ttnn/cpp/ttnn/operations/kv_cache/kv_cache_pybind.cpp index 40002fbe752..05e47590931 100644 --- a/ttnn/cpp/ttnn/operations/kv_cache/kv_cache_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/kv_cache/kv_cache_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/kv_cache/kv_cache_pybind.hpp b/ttnn/cpp/ttnn/operations/kv_cache/kv_cache_pybind.hpp index 76a92d92801..37388135649 100644 --- a/ttnn/cpp/ttnn/operations/kv_cache/kv_cache_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/kv_cache/kv_cache_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/math.hpp b/ttnn/cpp/ttnn/operations/math.hpp index bcef357778d..a1eef714f04 100644 --- a/ttnn/cpp/ttnn/operations/math.hpp +++ b/ttnn/cpp/ttnn/operations/math.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/kernels/compute/bmm.cpp b/ttnn/cpp/ttnn/operations/matmul/device/kernels/compute/bmm.cpp index e8f891f8efd..eaf4122e053 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/kernels/compute/bmm.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/kernels/compute/bmm.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/kernels/compute/bmm_large_block_zm.cpp b/ttnn/cpp/ttnn/operations/matmul/device/kernels/compute/bmm_large_block_zm.cpp index f733302fc29..1a9f6cee434 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/kernels/compute/bmm_large_block_zm.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/kernels/compute/bmm_large_block_zm.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/kernels/compute/bmm_large_block_zm_fused_bias_activation.cpp b/ttnn/cpp/ttnn/operations/matmul/device/kernels/compute/bmm_large_block_zm_fused_bias_activation.cpp index 24ea3b81bbc..aed89a9d238 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/kernels/compute/bmm_large_block_zm_fused_bias_activation.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/kernels/compute/bmm_large_block_zm_fused_bias_activation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/kernels/compute/bmm_large_block_zm_fused_bias_activation_gathered.cpp b/ttnn/cpp/ttnn/operations/matmul/device/kernels/compute/bmm_large_block_zm_fused_bias_activation_gathered.cpp index 282f6c482df..17532c7d4c0 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/kernels/compute/bmm_large_block_zm_fused_bias_activation_gathered.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/kernels/compute/bmm_large_block_zm_fused_bias_activation_gathered.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/kernels/compute/bmm_large_block_zm_fused_bias_activation_inline_untilize_out.cpp b/ttnn/cpp/ttnn/operations/matmul/device/kernels/compute/bmm_large_block_zm_fused_bias_activation_inline_untilize_out.cpp index bfc0b239846..b3916baee33 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/kernels/compute/bmm_large_block_zm_fused_bias_activation_inline_untilize_out.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/kernels/compute/bmm_large_block_zm_fused_bias_activation_inline_untilize_out.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_8bank_output_tiles_partitioned.cpp b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_8bank_output_tiles_partitioned.cpp index b18907e2652..dfc4ab2ca7b 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_8bank_output_tiles_partitioned.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_8bank_output_tiles_partitioned.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_interleaved.cpp b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_interleaved.cpp index 26f18d056f8..d32a438dd99 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_interleaved.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_interleaved.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_single_core.cpp b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_single_core.cpp index 98416ce76ff..4cd79282d6d 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_single_core.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_single_core.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_single_core_tilize_untilize.cpp b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_single_core_tilize_untilize.cpp index 4104d682d18..fa3485c13a3 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_single_core_tilize_untilize.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_single_core_tilize_untilize.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout.cpp b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout.cpp index c56530342a1..e28afec45ca 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in0.cpp b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in0.cpp index 7b1904fd2ce..86d497c5b90 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in0.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in0.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in0_receiver.cpp b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in0_receiver.cpp index 1835acc8ecc..862962233f0 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in0_receiver.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in0_receiver.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in0_ring_all_gather.cpp b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in0_ring_all_gather.cpp index 8340a955fe4..2d26c795cf1 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in0_ring_all_gather.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in0_ring_all_gather.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in0_sender_padding.cpp b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in0_sender_padding.cpp index c84a4d4825a..6158ef682db 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in0_sender_padding.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in0_sender_padding.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in0_sender_padding_block_sharded.cpp b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in0_sender_padding_block_sharded.cpp index 8c546903d33..061c76eacd4 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in0_sender_padding_block_sharded.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in0_sender_padding_block_sharded.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in0_sender_receiver_padding_block_sharded.cpp b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in0_sender_receiver_padding_block_sharded.cpp index 2e1d9842f8f..34d3ac7e519 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in0_sender_receiver_padding_block_sharded.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in0_sender_receiver_padding_block_sharded.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in1_receiver_writer_padding.cpp b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in1_receiver_writer_padding.cpp index b207c7d7557..b7017a7e2f7 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in1_receiver_writer_padding.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in1_receiver_writer_padding.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in1_ring_all_gather.cpp b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in1_ring_all_gather.cpp index 421d3e053d5..d485c76cc6d 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in1_ring_all_gather.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in1_ring_all_gather.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in1_sender_writer_padding.cpp b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in1_sender_writer_padding.cpp index 70464ae2c57..dd321661378 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in1_sender_writer_padding.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_in1_sender_writer_padding.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_padding.cpp b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_padding.cpp index 51dfa99a8dd..5ab959c06b0 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_padding.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_bmm_tile_layout_padding.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_writer_bmm_tile_layout_in1.cpp b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_writer_bmm_tile_layout_in1.cpp index 1dc570eb588..b40597debaa 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_writer_bmm_tile_layout_in1.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/reader_writer_bmm_tile_layout_in1.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/writer_bmm_interleaved.cpp b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/writer_bmm_interleaved.cpp index e507fdf9308..0f4d6c3dcd1 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/writer_bmm_interleaved.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/writer_bmm_interleaved.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/writer_bmm_single_core_tiled.cpp b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/writer_bmm_single_core_tiled.cpp index d3fc7aab097..60b0396a1ed 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/writer_bmm_single_core_tiled.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/writer_bmm_single_core_tiled.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/writer_bmm_tile_layout.cpp b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/writer_bmm_tile_layout.cpp index ab551d99877..0d49b9dc3e0 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/writer_bmm_tile_layout.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/writer_bmm_tile_layout.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/writer_bmm_tile_layout_padding.cpp b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/writer_bmm_tile_layout_padding.cpp index 14a54bf14d6..ad9e56a409c 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/writer_bmm_tile_layout_padding.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/kernels/dataflow/writer_bmm_tile_layout_padding.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/matmul_op.cpp b/ttnn/cpp/ttnn/operations/matmul/device/matmul_op.cpp index a57ef49b74c..b947370d51e 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/matmul_op.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/matmul_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/matmul_op.hpp b/ttnn/cpp/ttnn/operations/matmul/device/matmul_op.hpp index 4eea7a50f19..1edff3da196 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/matmul_op.hpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/matmul_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/matmul_op_multi_core_program_factory.cpp b/ttnn/cpp/ttnn/operations/matmul/device/matmul_op_multi_core_program_factory.cpp index 187f66da5ba..2451eb8dd6c 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/matmul_op_multi_core_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/matmul_op_multi_core_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/matmul_op_multi_core_reuse_mcast_1d_program_factory.cpp b/ttnn/cpp/ttnn/operations/matmul/device/matmul_op_multi_core_reuse_mcast_1d_program_factory.cpp index b5352ab0d45..50977f75d2a 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/matmul_op_multi_core_reuse_mcast_1d_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/matmul_op_multi_core_reuse_mcast_1d_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/matmul_op_multi_core_reuse_mcast_2d_program_factory.cpp b/ttnn/cpp/ttnn/operations/matmul/device/matmul_op_multi_core_reuse_mcast_2d_program_factory.cpp index d6a9b7b2bb6..414b70f9dbf 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/matmul_op_multi_core_reuse_mcast_2d_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/matmul_op_multi_core_reuse_mcast_2d_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/matmul_op_multi_core_reuse_mcast_dram_sharded_program_factory.cpp b/ttnn/cpp/ttnn/operations/matmul/device/matmul_op_multi_core_reuse_mcast_dram_sharded_program_factory.cpp index db90fe85263..d82e2633be9 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/matmul_op_multi_core_reuse_mcast_dram_sharded_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/matmul_op_multi_core_reuse_mcast_dram_sharded_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/matmul_op_multi_core_reuse_optimized_program_factory.cpp b/ttnn/cpp/ttnn/operations/matmul/device/matmul_op_multi_core_reuse_optimized_program_factory.cpp index 550bae70a86..1bc5083367a 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/matmul_op_multi_core_reuse_optimized_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/matmul_op_multi_core_reuse_optimized_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/device/matmul_op_multi_core_reuse_program_factory.cpp b/ttnn/cpp/ttnn/operations/matmul/device/matmul_op_multi_core_reuse_program_factory.cpp index ee93a9cbfff..c4fc69849fc 100644 --- a/ttnn/cpp/ttnn/operations/matmul/device/matmul_op_multi_core_reuse_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/device/matmul_op_multi_core_reuse_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/matmul.cpp b/ttnn/cpp/ttnn/operations/matmul/matmul.cpp index c160725ae4d..271dd342792 100644 --- a/ttnn/cpp/ttnn/operations/matmul/matmul.cpp +++ b/ttnn/cpp/ttnn/operations/matmul/matmul.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/matmul.hpp b/ttnn/cpp/ttnn/operations/matmul/matmul.hpp index 1db1436c7b3..df81766e764 100644 --- a/ttnn/cpp/ttnn/operations/matmul/matmul.hpp +++ b/ttnn/cpp/ttnn/operations/matmul/matmul.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/matmul/matmul_pybind.hpp b/ttnn/cpp/ttnn/operations/matmul/matmul_pybind.hpp index 4bcb9d1cec4..c7ff1cb735c 100644 --- a/ttnn/cpp/ttnn/operations/matmul/matmul_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/matmul/matmul_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_adam/device/kernels/moreh_adam.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_adam/device/kernels/moreh_adam.cpp index 2fed5e3c98a..52ad8753143 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_adam/device/kernels/moreh_adam.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_adam/device/kernels/moreh_adam.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_adam/device/kernels/reader_moreh_adam.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_adam/device/kernels/reader_moreh_adam.cpp index 0fe0b614c02..a0934c17d29 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_adam/device/kernels/reader_moreh_adam.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_adam/device/kernels/reader_moreh_adam.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_adam/device/kernels/writer_moreh_adam.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_adam/device/kernels/writer_moreh_adam.cpp index 8bdf5830785..50ac87471df 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_adam/device/kernels/writer_moreh_adam.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_adam/device/kernels/writer_moreh_adam.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_adam/device/moreh_adam_device_operation.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_adam/device/moreh_adam_device_operation.cpp index ea0112725b4..ea99057562a 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_adam/device/moreh_adam_device_operation.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_adam/device/moreh_adam_device_operation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_arange/device/kernels/writer_moreh_arange.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_arange/device/kernels/writer_moreh_arange.cpp index 1c5840758f9..ea66472e1c6 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_arange/device/kernels/writer_moreh_arange.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_arange/device/kernels/writer_moreh_arange.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step1/device/kernels/moreh_clip_grad_norm_step1_kernel.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step1/device/kernels/moreh_clip_grad_norm_step1_kernel.cpp index 61590ae399e..3a1fc9df912 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step1/device/kernels/moreh_clip_grad_norm_step1_kernel.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step1/device/kernels/moreh_clip_grad_norm_step1_kernel.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step1/device/kernels/reader_moreh_clip_grad_norm_step1.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step1/device/kernels/reader_moreh_clip_grad_norm_step1.cpp index 59b898fa888..cf0316e39e2 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step1/device/kernels/reader_moreh_clip_grad_norm_step1.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step1/device/kernels/reader_moreh_clip_grad_norm_step1.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step1/device/kernels/writer_moreh_clip_grad_norm_step1.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step1/device/kernels/writer_moreh_clip_grad_norm_step1.cpp index 1f7e10dec22..458f06d503b 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step1/device/kernels/writer_moreh_clip_grad_norm_step1.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step1/device/kernels/writer_moreh_clip_grad_norm_step1.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step1/device/moreh_clip_grad_norm_step1_device_operation.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step1/device/moreh_clip_grad_norm_step1_device_operation.cpp index 65127d37be5..6f0100e8db9 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step1/device/moreh_clip_grad_norm_step1_device_operation.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step1/device/moreh_clip_grad_norm_step1_device_operation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step2/device/kernels/moreh_clip_grad_norm_step2_kernel.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step2/device/kernels/moreh_clip_grad_norm_step2_kernel.cpp index ee089be698a..f0ee5ff5209 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step2/device/kernels/moreh_clip_grad_norm_step2_kernel.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step2/device/kernels/moreh_clip_grad_norm_step2_kernel.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step2/device/kernels/reader_moreh_clip_grad_norm_step2.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step2/device/kernels/reader_moreh_clip_grad_norm_step2.cpp index 548d8c5e95f..b90850815af 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step2/device/kernels/reader_moreh_clip_grad_norm_step2.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step2/device/kernels/reader_moreh_clip_grad_norm_step2.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step2/device/kernels/writer_moreh_clip_grad_norm_step2.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step2/device/kernels/writer_moreh_clip_grad_norm_step2.cpp index b9eb577ccbe..96e318892f5 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step2/device/kernels/writer_moreh_clip_grad_norm_step2.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step2/device/kernels/writer_moreh_clip_grad_norm_step2.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step2/device/moreh_clip_grad_norm_step2_device_operation.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step2/device/moreh_clip_grad_norm_step2_device_operation.cpp index e248513bfbb..8732791b593 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step2/device/moreh_clip_grad_norm_step2_device_operation.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step2/device/moreh_clip_grad_norm_step2_device_operation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step3/device/kernels/moreh_clip_grad_norm_step3_kernel.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step3/device/kernels/moreh_clip_grad_norm_step3_kernel.cpp index 10b42ca378a..223c7c7dec4 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step3/device/kernels/moreh_clip_grad_norm_step3_kernel.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step3/device/kernels/moreh_clip_grad_norm_step3_kernel.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step3/device/kernels/reader_moreh_clip_grad_norm_step3.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step3/device/kernels/reader_moreh_clip_grad_norm_step3.cpp index a2310362759..120a3b236cd 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step3/device/kernels/reader_moreh_clip_grad_norm_step3.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step3/device/kernels/reader_moreh_clip_grad_norm_step3.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step3/device/kernels/writer_moreh_clip_grad_norm_step3.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step3/device/kernels/writer_moreh_clip_grad_norm_step3.cpp index cb5aa92bc5e..219dff57455 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step3/device/kernels/writer_moreh_clip_grad_norm_step3.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step3/device/kernels/writer_moreh_clip_grad_norm_step3.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step3/device/moreh_clip_grad_norm_step3_device_operation.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step3/device/moreh_clip_grad_norm_step3_device_operation.cpp index 823cbd24cc1..221522b23a0 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step3/device/moreh_clip_grad_norm_step3_device_operation.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_clip_grad_norm/moreh_clip_grad_norm_step3/device/moreh_clip_grad_norm_step3_device_operation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_cumsum/device/kernels/moreh_cumsum_nc.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_cumsum/device/kernels/moreh_cumsum_nc.cpp index 147d94dd1ad..09d02a0cfc8 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_cumsum/device/kernels/moreh_cumsum_nc.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_cumsum/device/kernels/moreh_cumsum_nc.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_cumsum/device/kernels/reader_moreh_cumsum_nc.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_cumsum/device/kernels/reader_moreh_cumsum_nc.cpp index 3b906141a6e..0c17e72120d 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_cumsum/device/kernels/reader_moreh_cumsum_nc.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_cumsum/device/kernels/reader_moreh_cumsum_nc.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_cumsum/device/kernels/writer_moreh_cumsum_nc.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_cumsum/device/kernels/writer_moreh_cumsum_nc.cpp index 79c4f3eda1e..00fe228f39f 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_cumsum/device/kernels/writer_moreh_cumsum_nc.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_cumsum/device/kernels/writer_moreh_cumsum_nc.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_cumsum/device/moreh_cumsum_device_operation.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_cumsum/device/moreh_cumsum_device_operation.cpp index 021e6346446..e80ba993e2e 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_cumsum/device/moreh_cumsum_device_operation.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_cumsum/device/moreh_cumsum_device_operation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_dot/device/kernels/moreh_dot.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_dot/device/kernels/moreh_dot.cpp index 8ae2db0400f..ca3b619a23b 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_dot/device/kernels/moreh_dot.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_dot/device/kernels/moreh_dot.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_dot/device/kernels/reader_moreh_dot.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_dot/device/kernels/reader_moreh_dot.cpp index 446efcd89ae..e17bea2247c 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_dot/device/kernels/reader_moreh_dot.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_dot/device/kernels/reader_moreh_dot.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_dot/device/kernels/writer_moreh_dot.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_dot/device/kernels/writer_moreh_dot.cpp index 5669308c229..7c2b32987c6 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_dot/device/kernels/writer_moreh_dot.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_dot/device/kernels/writer_moreh_dot.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_dot/device/moreh_dot_device_operation.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_dot/device/moreh_dot_device_operation.cpp index 19923b819b7..cfcbc109505 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_dot/device/moreh_dot_device_operation.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_dot/device/moreh_dot_device_operation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_dot/device/moreh_dot_program_factory.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_dot/device/moreh_dot_program_factory.cpp index e5d3c403dc5..ecdcb0875e2 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_dot/device/moreh_dot_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_dot/device/moreh_dot_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_dot/moreh_dot.hpp b/ttnn/cpp/ttnn/operations/moreh/moreh_dot/moreh_dot.hpp index 62bf59c2112..1d217498810 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_dot/moreh_dot.hpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_dot/moreh_dot.hpp @@ -1,5 +1,5 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_dot/moreh_dot_pybind.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_dot/moreh_dot_pybind.cpp index 11b65e1abcc..605fe4f6f16 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_dot/moreh_dot_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_dot/moreh_dot_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_dot_backward/device/kernels/moreh_dot_backward.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_dot_backward/device/kernels/moreh_dot_backward.cpp index 397b8470db8..6cec3a9a950 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_dot_backward/device/kernels/moreh_dot_backward.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_dot_backward/device/kernels/moreh_dot_backward.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_dot_backward/device/kernels/reader_moreh_dot_backward.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_dot_backward/device/kernels/reader_moreh_dot_backward.cpp index 4f22a12df85..206b0085c3c 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_dot_backward/device/kernels/reader_moreh_dot_backward.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_dot_backward/device/kernels/reader_moreh_dot_backward.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_dot_backward/device/kernels/writer_moreh_dot_backward.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_dot_backward/device/kernels/writer_moreh_dot_backward.cpp index d53a062a8ca..2a1fc9b778d 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_dot_backward/device/kernels/writer_moreh_dot_backward.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_dot_backward/device/kernels/writer_moreh_dot_backward.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_fold/device/fold_device_operation.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_fold/device/fold_device_operation.cpp index 037d471dd13..9e6b4fdab2a 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_fold/device/fold_device_operation.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_fold/device/fold_device_operation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_fold/device/kernels/reader_fold_rm.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_fold/device/kernels/reader_fold_rm.cpp index 9be2154b614..5df7335c24e 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_fold/device/kernels/reader_fold_rm.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_fold/device/kernels/reader_fold_rm.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_fold/device/kernels/writer_fold_rm.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_fold/device/kernels/writer_fold_rm.cpp index 38bdee0efe1..fa855c162ce 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_fold/device/kernels/writer_fold_rm.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_fold/device/kernels/writer_fold_rm.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_helper_functions.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_helper_functions.cpp index 184ec4fd097..4e7b10644bc 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_helper_functions.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_helper_functions.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_helper_functions.hpp b/ttnn/cpp/ttnn/operations/moreh/moreh_helper_functions.hpp index bc49e7efd73..d2026215d32 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_helper_functions.hpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_helper_functions.hpp @@ -1,5 +1,5 @@ /* - * SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. + * SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. * * SPDX-License-Identifier: Apache-2.0 */ diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm/device/kernels/reader_moreh_layer_norm_large.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm/device/kernels/reader_moreh_layer_norm_large.cpp index c56f60fc5ac..86d580faaa8 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm/device/kernels/reader_moreh_layer_norm_large.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm/device/kernels/reader_moreh_layer_norm_large.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm/device/kernels/writer_moreh_layer_norm.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm/device/kernels/writer_moreh_layer_norm.cpp index ef0fd1029b6..164e042b57b 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm/device/kernels/writer_moreh_layer_norm.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm/device/kernels/writer_moreh_layer_norm.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm/device/moreh_layer_norm_device_operation.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm/device/moreh_layer_norm_device_operation.cpp index f4ab0503e8e..6a3646eddd3 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm/device/moreh_layer_norm_device_operation.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm/device/moreh_layer_norm_device_operation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm_backward/device/kernels/reader_moreh_layer_norm_backward_gamma_beta_grad.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm_backward/device/kernels/reader_moreh_layer_norm_backward_gamma_beta_grad.cpp index b11092ab8dd..95691f84bd1 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm_backward/device/kernels/reader_moreh_layer_norm_backward_gamma_beta_grad.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm_backward/device/kernels/reader_moreh_layer_norm_backward_gamma_beta_grad.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm_backward/device/kernels/reader_moreh_layer_norm_backward_input_grad_large.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm_backward/device/kernels/reader_moreh_layer_norm_backward_input_grad_large.cpp index 787b3e15b91..904c57dbe85 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm_backward/device/kernels/reader_moreh_layer_norm_backward_input_grad_large.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm_backward/device/kernels/reader_moreh_layer_norm_backward_input_grad_large.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm_backward/device/kernels/reader_moreh_layer_norm_backward_input_grad_small.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm_backward/device/kernels/reader_moreh_layer_norm_backward_input_grad_small.cpp index 1b3f45ed72b..29c201d09ce 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm_backward/device/kernels/reader_moreh_layer_norm_backward_input_grad_small.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm_backward/device/kernels/reader_moreh_layer_norm_backward_input_grad_small.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm_backward/device/kernels/writer_moreh_layer_norm_backward_gamma_beta_grad.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm_backward/device/kernels/writer_moreh_layer_norm_backward_gamma_beta_grad.cpp index f409d187007..7136da7b177 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm_backward/device/kernels/writer_moreh_layer_norm_backward_gamma_beta_grad.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm_backward/device/kernels/writer_moreh_layer_norm_backward_gamma_beta_grad.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm_backward/device/kernels/writer_moreh_layer_norm_backward_input_grad.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm_backward/device/kernels/writer_moreh_layer_norm_backward_input_grad.cpp index 767231f0180..70339b79a99 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm_backward/device/kernels/writer_moreh_layer_norm_backward_input_grad.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm_backward/device/kernels/writer_moreh_layer_norm_backward_input_grad.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm_backward/device/moreh_layer_norm_backward_gamma_beta_grad_device_operation.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm_backward/device/moreh_layer_norm_backward_gamma_beta_grad_device_operation.cpp index f36983178c4..1433b12943a 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm_backward/device/moreh_layer_norm_backward_gamma_beta_grad_device_operation.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm_backward/device/moreh_layer_norm_backward_gamma_beta_grad_device_operation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm_backward/device/moreh_layer_norm_backward_input_grad_device_operation.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm_backward/device/moreh_layer_norm_backward_input_grad_device_operation.cpp index b57e371fb55..079c659f430 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm_backward/device/moreh_layer_norm_backward_input_grad_device_operation.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_layer_norm_backward/device/moreh_layer_norm_backward_input_grad_device_operation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_linear_backward/device/kernels/moreh_bias_backward_multi_core_h.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_linear_backward/device/kernels/moreh_bias_backward_multi_core_h.cpp index 28db5132fc5..419bb0c685b 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_linear_backward/device/kernels/moreh_bias_backward_multi_core_h.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_linear_backward/device/kernels/moreh_bias_backward_multi_core_h.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_linear_backward/device/kernels/moreh_bias_backward_single_core_hw.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_linear_backward/device/kernels/moreh_bias_backward_single_core_hw.cpp index 068293c1495..1f00835a31d 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_linear_backward/device/kernels/moreh_bias_backward_single_core_hw.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_linear_backward/device/kernels/moreh_bias_backward_single_core_hw.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_linear_backward/device/kernels/reader_moreh_bias_backward_h.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_linear_backward/device/kernels/reader_moreh_bias_backward_h.cpp index 3263b96d40a..a3014938fd6 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_linear_backward/device/kernels/reader_moreh_bias_backward_h.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_linear_backward/device/kernels/reader_moreh_bias_backward_h.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_linear_backward/device/kernels/reader_moreh_bias_backward_hw.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_linear_backward/device/kernels/reader_moreh_bias_backward_hw.cpp index 1e405b99aa0..8a5da7a8ac6 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_linear_backward/device/kernels/reader_moreh_bias_backward_hw.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_linear_backward/device/kernels/reader_moreh_bias_backward_hw.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_linear_backward/device/kernels/writer_moreh_bias_backward.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_linear_backward/device/kernels/writer_moreh_bias_backward.cpp index 56cbe1bd5a7..98e86555884 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_linear_backward/device/kernels/writer_moreh_bias_backward.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_linear_backward/device/kernels/writer_moreh_bias_backward.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_linear_backward/device/moreh_linear_backward_device_operation.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_linear_backward/device/moreh_linear_backward_device_operation.cpp index 79b48f47a65..0de184b2c30 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_linear_backward/device/moreh_linear_backward_device_operation.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_linear_backward/device/moreh_linear_backward_device_operation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_matmul/device/kernels/moreh_matmul.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_matmul/device/kernels/moreh_matmul.cpp index c69b0e0867a..49fb49a2d6a 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_matmul/device/kernels/moreh_matmul.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_matmul/device/kernels/moreh_matmul.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_matmul/device/kernels/reader_moreh_matmul.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_matmul/device/kernels/reader_moreh_matmul.cpp index 2ed504f3b14..2c9a60a8299 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_matmul/device/kernels/reader_moreh_matmul.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_matmul/device/kernels/reader_moreh_matmul.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_matmul/device/kernels/writer_moreh_matmul.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_matmul/device/kernels/writer_moreh_matmul.cpp index 5dd94ea892b..f7e6c36402d 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_matmul/device/kernels/writer_moreh_matmul.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_matmul/device/kernels/writer_moreh_matmul.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_mean/device/kernels/writer_moreh_mean_unary_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_mean/device/kernels/writer_moreh_mean_unary_interleaved_start_id.cpp index 2a7b88532ed..04169ad131d 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_mean/device/kernels/writer_moreh_mean_unary_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_mean/device/kernels/writer_moreh_mean_unary_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_mean_backward/device/kernels/moreh_mean_backward.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_mean_backward/device/kernels/moreh_mean_backward.cpp index 50d3d5c8786..40827319ae8 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_mean_backward/device/kernels/moreh_mean_backward.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_mean_backward/device/kernels/moreh_mean_backward.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_mean_backward/device/kernels/reader_moreh_mean_backward.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_mean_backward/device/kernels/reader_moreh_mean_backward.cpp index 000e52db1cb..df83474df13 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_mean_backward/device/kernels/reader_moreh_mean_backward.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_mean_backward/device/kernels/reader_moreh_mean_backward.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_mean_backward/device/kernels/writer_moreh_mean_backward.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_mean_backward/device/kernels/writer_moreh_mean_backward.cpp index cdd7fbce66e..2b2ddab341d 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_mean_backward/device/kernels/writer_moreh_mean_backward.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_mean_backward/device/kernels/writer_moreh_mean_backward.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step1/device/kernels/reader_moreh_nll_loss_step1.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step1/device/kernels/reader_moreh_nll_loss_step1.cpp index ec2b103d983..a7a162412ad 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step1/device/kernels/reader_moreh_nll_loss_step1.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step1/device/kernels/reader_moreh_nll_loss_step1.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step1/device/kernels/reader_moreh_nll_loss_step1_large.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step1/device/kernels/reader_moreh_nll_loss_step1_large.cpp index 00fb316bfdb..fb08e92e368 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step1/device/kernels/reader_moreh_nll_loss_step1_large.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step1/device/kernels/reader_moreh_nll_loss_step1_large.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step1/device/kernels/writer_moreh_nll_loss_step1.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step1/device/kernels/writer_moreh_nll_loss_step1.cpp index db627353207..ed7600b5195 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step1/device/kernels/writer_moreh_nll_loss_step1.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step1/device/kernels/writer_moreh_nll_loss_step1.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step2/device/kernels/moreh_nll_loss_step2_kernel.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step2/device/kernels/moreh_nll_loss_step2_kernel.cpp index 7d4359c5041..99335814dc1 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step2/device/kernels/moreh_nll_loss_step2_kernel.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step2/device/kernels/moreh_nll_loss_step2_kernel.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step2/device/kernels/reader_moreh_nll_loss_step2_2d.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step2/device/kernels/reader_moreh_nll_loss_step2_2d.cpp index ae136b1e1d0..f9faf5b7ade 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step2/device/kernels/reader_moreh_nll_loss_step2_2d.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step2/device/kernels/reader_moreh_nll_loss_step2_2d.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step2/device/kernels/reader_moreh_nll_loss_step2_3d.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step2/device/kernels/reader_moreh_nll_loss_step2_3d.cpp index 1e5d4f21c9b..91884bc720b 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step2/device/kernels/reader_moreh_nll_loss_step2_3d.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step2/device/kernels/reader_moreh_nll_loss_step2_3d.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step2/device/kernels/reader_moreh_nll_loss_step2_4d.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step2/device/kernels/reader_moreh_nll_loss_step2_4d.cpp index 0e466bf1e10..bfacbc02543 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step2/device/kernels/reader_moreh_nll_loss_step2_4d.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step2/device/kernels/reader_moreh_nll_loss_step2_4d.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step2/device/kernels/writer_moreh_nll_loss_step2_2d.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step2/device/kernels/writer_moreh_nll_loss_step2_2d.cpp index bd71edf703a..c74ee5b93d7 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step2/device/kernels/writer_moreh_nll_loss_step2_2d.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step2/device/kernels/writer_moreh_nll_loss_step2_2d.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step2/device/kernels/writer_moreh_nll_loss_step2_3d.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step2/device/kernels/writer_moreh_nll_loss_step2_3d.cpp index b781db3bee0..602c7e3c89f 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step2/device/kernels/writer_moreh_nll_loss_step2_3d.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step2/device/kernels/writer_moreh_nll_loss_step2_3d.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step2/device/kernels/writer_moreh_nll_loss_step2_4d.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step2/device/kernels/writer_moreh_nll_loss_step2_4d.cpp index 9379cae27be..fd902f299ea 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step2/device/kernels/writer_moreh_nll_loss_step2_4d.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss/moreh_nll_loss_step2/device/kernels/writer_moreh_nll_loss_step2_4d.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss_backward/device/kernels/moreh_nll_loss_backward_kernel.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss_backward/device/kernels/moreh_nll_loss_backward_kernel.cpp index 6809885fd23..7ea9904c70f 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss_backward/device/kernels/moreh_nll_loss_backward_kernel.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss_backward/device/kernels/moreh_nll_loss_backward_kernel.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss_backward/device/kernels/reader_moreh_nll_loss_backward_2d.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss_backward/device/kernels/reader_moreh_nll_loss_backward_2d.cpp index 43039225b8e..ca2ffbac0b3 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss_backward/device/kernels/reader_moreh_nll_loss_backward_2d.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss_backward/device/kernels/reader_moreh_nll_loss_backward_2d.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss_backward/device/kernels/reader_moreh_nll_loss_backward_3d.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss_backward/device/kernels/reader_moreh_nll_loss_backward_3d.cpp index 915c05deefc..e1bf1b30be7 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss_backward/device/kernels/reader_moreh_nll_loss_backward_3d.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss_backward/device/kernels/reader_moreh_nll_loss_backward_3d.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss_backward/device/kernels/reader_moreh_nll_loss_backward_4d.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss_backward/device/kernels/reader_moreh_nll_loss_backward_4d.cpp index 20b48c1a92b..2f247fecfda 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss_backward/device/kernels/reader_moreh_nll_loss_backward_4d.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss_backward/device/kernels/reader_moreh_nll_loss_backward_4d.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss_backward/device/kernels/writer_moreh_nll_loss_backward.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss_backward/device/kernels/writer_moreh_nll_loss_backward.cpp index f17121c1c5e..1711c8362b2 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss_backward/device/kernels/writer_moreh_nll_loss_backward.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_nll_loss_backward/device/kernels/writer_moreh_nll_loss_backward.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_sgd/device/kernels/moreh_sgd.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_sgd/device/kernels/moreh_sgd.cpp index d071bbeebf2..58046fe14e2 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_sgd/device/kernels/moreh_sgd.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_sgd/device/kernels/moreh_sgd.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_sgd/device/kernels/reader_moreh_sgd.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_sgd/device/kernels/reader_moreh_sgd.cpp index 6c579770ca5..c5e71fc467d 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_sgd/device/kernels/reader_moreh_sgd.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_sgd/device/kernels/reader_moreh_sgd.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_sgd/device/kernels/writer_moreh_sgd.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_sgd/device/kernels/writer_moreh_sgd.cpp index 96df5fb0885..b26a28499c8 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_sgd/device/kernels/writer_moreh_sgd.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_sgd/device/kernels/writer_moreh_sgd.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_sgd/device/moreh_sgd_device_operation.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_sgd/device/moreh_sgd_device_operation.cpp index 678cd55535a..41d88cd1c6d 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_sgd/device/moreh_sgd_device_operation.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_sgd/device/moreh_sgd_device_operation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/moreh_softmax_c_large.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/moreh_softmax_c_large.cpp index 85badfc447a..ff251949d79 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/moreh_softmax_c_large.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/moreh_softmax_c_large.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/moreh_softmax_h.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/moreh_softmax_h.cpp index df58e14630c..b540279b605 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/moreh_softmax_h.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/moreh_softmax_h.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/moreh_softmax_h_large.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/moreh_softmax_h_large.cpp index 2863552a2cb..5cd1d452f0a 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/moreh_softmax_h_large.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/moreh_softmax_h_large.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/moreh_softmax_w.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/moreh_softmax_w.cpp index 5cb9d57d2b3..07c6b304530 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/moreh_softmax_w.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/moreh_softmax_w.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/moreh_softmax_w_large.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/moreh_softmax_w_large.cpp index 718de9672b9..3a8e3b4b58f 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/moreh_softmax_w_large.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/moreh_softmax_w_large.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/reader_moreh_softmax_c_large.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/reader_moreh_softmax_c_large.cpp index 56c5d0d1640..f17893037e9 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/reader_moreh_softmax_c_large.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/reader_moreh_softmax_c_large.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/reader_moreh_softmax_h.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/reader_moreh_softmax_h.cpp index ad89e8648b4..975b4c486b3 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/reader_moreh_softmax_h.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/reader_moreh_softmax_h.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/reader_moreh_softmax_h_large.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/reader_moreh_softmax_h_large.cpp index 10e6fac5b21..2e61df86f0a 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/reader_moreh_softmax_h_large.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/reader_moreh_softmax_h_large.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/reader_moreh_softmax_w.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/reader_moreh_softmax_w.cpp index 8bce056e512..7fed4c1bba5 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/reader_moreh_softmax_w.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/reader_moreh_softmax_w.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/reader_moreh_softmax_w_large.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/reader_moreh_softmax_w_large.cpp index c933790b474..fbcba856309 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/reader_moreh_softmax_w_large.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/reader_moreh_softmax_w_large.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/writer_moreh_softmax_c_large.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/writer_moreh_softmax_c_large.cpp index aa4202d75ec..4476a0aa47f 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/writer_moreh_softmax_c_large.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/writer_moreh_softmax_c_large.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/writer_moreh_softmax_h.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/writer_moreh_softmax_h.cpp index 95972415b96..d038b655843 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/writer_moreh_softmax_h.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/writer_moreh_softmax_h.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/writer_moreh_softmax_h_large.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/writer_moreh_softmax_h_large.cpp index e87fd58eb1d..55b339513cf 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/writer_moreh_softmax_h_large.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/writer_moreh_softmax_h_large.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/writer_moreh_softmax_w.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/writer_moreh_softmax_w.cpp index 47918451c90..aca52f714c9 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/writer_moreh_softmax_w.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/writer_moreh_softmax_w.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/writer_moreh_softmax_w_large.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/writer_moreh_softmax_w_large.cpp index 2203d6cf639..fa3049a0f8c 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/writer_moreh_softmax_w_large.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/kernels/writer_moreh_softmax_w_large.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/moreh_softmax_device_operation.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/moreh_softmax_device_operation.cpp index 0b181c677fb..066bd3086d6 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/moreh_softmax_device_operation.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/moreh_softmax_device_operation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/softmax_c_large/softmax_c_large.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/softmax_c_large/softmax_c_large.cpp index 1a6da69d146..43a71c37f0d 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/softmax_c_large/softmax_c_large.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/softmax_c_large/softmax_c_large.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/softmax_h_large/softmax_h_large.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/softmax_h_large/softmax_h_large.cpp index 3389d0cd4c3..18e38554810 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/softmax_h_large/softmax_h_large.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/softmax_h_large/softmax_h_large.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/softmax_h_small/softmax_h_small.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/softmax_h_small/softmax_h_small.cpp index 4692b7c73aa..3705bc208b3 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/softmax_h_small/softmax_h_small.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/softmax_h_small/softmax_h_small.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/softmax_w_large/softmax_w_large.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/softmax_w_large/softmax_w_large.cpp index e4c09e343f9..b551780c62a 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/softmax_w_large/softmax_w_large.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/softmax_w_large/softmax_w_large.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/softmax_w_small/softmax_w_small.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/softmax_w_small/softmax_w_small.cpp index e12a498f25a..2d7eaac15a4 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/softmax_w_small/softmax_w_small.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/device/softmax_w_small/softmax_w_small.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/moreh_softmax.hpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/moreh_softmax.hpp index 9b777236aae..32035730196 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/moreh_softmax.hpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax/moreh_softmax.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/moreh_softmax_backward_c_large.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/moreh_softmax_backward_c_large.cpp index f8dd4b1a784..e48bb32aaf3 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/moreh_softmax_backward_c_large.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/moreh_softmax_backward_c_large.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/moreh_softmax_backward_h.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/moreh_softmax_backward_h.cpp index f873a0c16ae..46ff87c2595 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/moreh_softmax_backward_h.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/moreh_softmax_backward_h.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/moreh_softmax_backward_h_large.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/moreh_softmax_backward_h_large.cpp index 1bd7eb3c191..2a2752054d6 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/moreh_softmax_backward_h_large.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/moreh_softmax_backward_h_large.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/moreh_softmax_backward_w.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/moreh_softmax_backward_w.cpp index 1fc611b0a43..c497f616dd5 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/moreh_softmax_backward_w.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/moreh_softmax_backward_w.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/moreh_softmax_backward_w_large.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/moreh_softmax_backward_w_large.cpp index 38ae32f1de9..566d0c13cd7 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/moreh_softmax_backward_w_large.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/moreh_softmax_backward_w_large.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/reader_moreh_softmax_backward_c.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/reader_moreh_softmax_backward_c.cpp index 01f98680fee..e4fa6fcd2c7 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/reader_moreh_softmax_backward_c.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/reader_moreh_softmax_backward_c.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/reader_moreh_softmax_backward_h.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/reader_moreh_softmax_backward_h.cpp index d57dae337a0..5101dee1a15 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/reader_moreh_softmax_backward_h.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/reader_moreh_softmax_backward_h.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/reader_moreh_softmax_backward_h_large.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/reader_moreh_softmax_backward_h_large.cpp index 7714a5018a3..81c93ddcdcb 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/reader_moreh_softmax_backward_h_large.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/reader_moreh_softmax_backward_h_large.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/reader_moreh_softmax_backward_w.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/reader_moreh_softmax_backward_w.cpp index 0333c06c407..fb547d684df 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/reader_moreh_softmax_backward_w.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/reader_moreh_softmax_backward_w.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/reader_moreh_softmax_backward_w_large.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/reader_moreh_softmax_backward_w_large.cpp index 0432e196056..99b16629051 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/reader_moreh_softmax_backward_w_large.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/reader_moreh_softmax_backward_w_large.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/writer_moreh_softmax_backward_c.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/writer_moreh_softmax_backward_c.cpp index aa4202d75ec..4476a0aa47f 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/writer_moreh_softmax_backward_c.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/writer_moreh_softmax_backward_c.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/writer_moreh_softmax_backward_h.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/writer_moreh_softmax_backward_h.cpp index e87fd58eb1d..55b339513cf 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/writer_moreh_softmax_backward_h.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/writer_moreh_softmax_backward_h.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/writer_moreh_softmax_backward_w.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/writer_moreh_softmax_backward_w.cpp index 2203d6cf639..fa3049a0f8c 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/writer_moreh_softmax_backward_w.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/writer_moreh_softmax_backward_w.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/writer_moreh_softmax_h.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/writer_moreh_softmax_h.cpp index e87fd58eb1d..55b339513cf 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/writer_moreh_softmax_h.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/writer_moreh_softmax_h.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/writer_moreh_softmax_w.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/writer_moreh_softmax_w.cpp index 2203d6cf639..fa3049a0f8c 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/writer_moreh_softmax_w.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/kernels/writer_moreh_softmax_w.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/moreh_softmax_backward_device_operation.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/moreh_softmax_backward_device_operation.cpp index cdc4071e6fe..641dc940d47 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/moreh_softmax_backward_device_operation.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/moreh_softmax_backward_device_operation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/softmax_backward_c_large/softmax_backward_c_large.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/softmax_backward_c_large/softmax_backward_c_large.cpp index fdcd5c2002d..af86fe15abd 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/softmax_backward_c_large/softmax_backward_c_large.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/softmax_backward_c_large/softmax_backward_c_large.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/softmax_backward_h_large/softmax_backward_h_large.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/softmax_backward_h_large/softmax_backward_h_large.cpp index 57f161e2c8a..363acc4f7c3 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/softmax_backward_h_large/softmax_backward_h_large.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/softmax_backward_h_large/softmax_backward_h_large.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/softmax_backward_h_small/softmax_backward_h_small.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/softmax_backward_h_small/softmax_backward_h_small.cpp index 91d34697b42..6fc27838d53 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/softmax_backward_h_small/softmax_backward_h_small.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/softmax_backward_h_small/softmax_backward_h_small.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/softmax_backward_w_large/softmax_backward_w_large.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/softmax_backward_w_large/softmax_backward_w_large.cpp index 551f907a3fc..6cda2adac88 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/softmax_backward_w_large/softmax_backward_w_large.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/softmax_backward_w_large/softmax_backward_w_large.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/softmax_backward_w_small/softmax_backward_w_small.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/softmax_backward_w_small/softmax_backward_w_small.cpp index 023e777de11..f3bcf43487f 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/softmax_backward_w_small/softmax_backward_w_small.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/device/softmax_backward_w_small/softmax_backward_w_small.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/moreh_softmax_backward.hpp b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/moreh_softmax_backward.hpp index 5ff5a2b30b5..6ad02f20cbc 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/moreh_softmax_backward.hpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_softmax_backward/moreh_softmax_backward.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_h_impl_kernels/moreh_sum_h.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_h_impl_kernels/moreh_sum_h.cpp index 81c9a2d001d..9f9b00bd7b6 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_h_impl_kernels/moreh_sum_h.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_h_impl_kernels/moreh_sum_h.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_h_impl_kernels/reader_moreh_sum_h.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_h_impl_kernels/reader_moreh_sum_h.cpp index 0895620fcb8..de13a1cbadf 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_h_impl_kernels/reader_moreh_sum_h.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_h_impl_kernels/reader_moreh_sum_h.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_h_impl_kernels/writer_moreh_sum_h.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_h_impl_kernels/writer_moreh_sum_h.cpp index 2a7b88532ed..04169ad131d 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_h_impl_kernels/writer_moreh_sum_h.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_h_impl_kernels/writer_moreh_sum_h.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_nc_impl_kernels/moreh_sum_nc_gs.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_nc_impl_kernels/moreh_sum_nc_gs.cpp index 660a85c79cd..0e394e25a50 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_nc_impl_kernels/moreh_sum_nc_gs.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_nc_impl_kernels/moreh_sum_nc_gs.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_nc_impl_kernels/reader_moreh_sum_nc.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_nc_impl_kernels/reader_moreh_sum_nc.cpp index 93a9564912e..6eef237a833 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_nc_impl_kernels/reader_moreh_sum_nc.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_nc_impl_kernels/reader_moreh_sum_nc.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_nc_impl_kernels/writer_moreh_sum_nc.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_nc_impl_kernels/writer_moreh_sum_nc.cpp index b391bd2ab39..16ab471dbcc 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_nc_impl_kernels/writer_moreh_sum_nc.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_nc_impl_kernels/writer_moreh_sum_nc.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_w_impl_kernels/moreh_sum_w.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_w_impl_kernels/moreh_sum_w.cpp index 7ea6b595229..cdeb7e90d6c 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_w_impl_kernels/moreh_sum_w.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_w_impl_kernels/moreh_sum_w.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_w_impl_kernels/reader_moreh_sum_w.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_w_impl_kernels/reader_moreh_sum_w.cpp index 2b82a8908b1..b1d51c121b2 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_w_impl_kernels/reader_moreh_sum_w.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_w_impl_kernels/reader_moreh_sum_w.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_w_impl_kernels/writer_moreh_sum_w.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_w_impl_kernels/writer_moreh_sum_w.cpp index 2a7b88532ed..04169ad131d 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_w_impl_kernels/writer_moreh_sum_w.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_sum/device/moreh_sum_w_impl_kernels/writer_moreh_sum_w.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_sum_backward/device/kernels/moreh_sum_backward.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_sum_backward/device/kernels/moreh_sum_backward.cpp index b0d82e5f833..95814703913 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_sum_backward/device/kernels/moreh_sum_backward.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_sum_backward/device/kernels/moreh_sum_backward.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_sum_backward/device/kernels/reader_moreh_sum_backward.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_sum_backward/device/kernels/reader_moreh_sum_backward.cpp index 3a20c081406..318bbd9f0d8 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_sum_backward/device/kernels/reader_moreh_sum_backward.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_sum_backward/device/kernels/reader_moreh_sum_backward.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_sum_backward/device/kernels/writer_moreh_sum_backward.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_sum_backward/device/kernels/writer_moreh_sum_backward.cpp index cdd7fbce66e..2b2ddab341d 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_sum_backward/device/kernels/writer_moreh_sum_backward.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_sum_backward/device/kernels/writer_moreh_sum_backward.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/moreh/moreh_sum_backward/device/moreh_sum_backward_device_operation.cpp b/ttnn/cpp/ttnn/operations/moreh/moreh_sum_backward/device/moreh_sum_backward_device_operation.cpp index 9c350e9c1e6..98bbd69e7fb 100644 --- a/ttnn/cpp/ttnn/operations/moreh/moreh_sum_backward/device/moreh_sum_backward_device_operation.cpp +++ b/ttnn/cpp/ttnn/operations/moreh/moreh_sum_backward/device/moreh_sum_backward_device_operation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/groupnorm/device/groupnorm_op.cpp b/ttnn/cpp/ttnn/operations/normalization/groupnorm/device/groupnorm_op.cpp index 018017e490d..e5d272c8ef1 100644 --- a/ttnn/cpp/ttnn/operations/normalization/groupnorm/device/groupnorm_op.cpp +++ b/ttnn/cpp/ttnn/operations/normalization/groupnorm/device/groupnorm_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/groupnorm/device/groupnorm_op.hpp b/ttnn/cpp/ttnn/operations/normalization/groupnorm/device/groupnorm_op.hpp index 8503453446c..6a3f66beb74 100644 --- a/ttnn/cpp/ttnn/operations/normalization/groupnorm/device/groupnorm_op.hpp +++ b/ttnn/cpp/ttnn/operations/normalization/groupnorm/device/groupnorm_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/groupnorm/device/kernels/compute/groupnorm_sharded_v2.cpp b/ttnn/cpp/ttnn/operations/normalization/groupnorm/device/kernels/compute/groupnorm_sharded_v2.cpp index 306ceb03b04..8bd93da98c0 100644 --- a/ttnn/cpp/ttnn/operations/normalization/groupnorm/device/kernels/compute/groupnorm_sharded_v2.cpp +++ b/ttnn/cpp/ttnn/operations/normalization/groupnorm/device/kernels/compute/groupnorm_sharded_v2.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/groupnorm/device/kernels/dataflow/reader_mcast_receiver_unary_sharded_gn_v2.cpp b/ttnn/cpp/ttnn/operations/normalization/groupnorm/device/kernels/dataflow/reader_mcast_receiver_unary_sharded_gn_v2.cpp index 0dd9cb653ec..587ddfa1a81 100644 --- a/ttnn/cpp/ttnn/operations/normalization/groupnorm/device/kernels/dataflow/reader_mcast_receiver_unary_sharded_gn_v2.cpp +++ b/ttnn/cpp/ttnn/operations/normalization/groupnorm/device/kernels/dataflow/reader_mcast_receiver_unary_sharded_gn_v2.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/groupnorm/device/kernels/dataflow/reader_mcast_sender_unary_sharded_gn_v2.cpp b/ttnn/cpp/ttnn/operations/normalization/groupnorm/device/kernels/dataflow/reader_mcast_sender_unary_sharded_gn_v2.cpp index c18b2915926..ebb1eb05cc4 100644 --- a/ttnn/cpp/ttnn/operations/normalization/groupnorm/device/kernels/dataflow/reader_mcast_sender_unary_sharded_gn_v2.cpp +++ b/ttnn/cpp/ttnn/operations/normalization/groupnorm/device/kernels/dataflow/reader_mcast_sender_unary_sharded_gn_v2.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/groupnorm/device/kernels/dataflow/writer_unary_sharded_gn_rm_gb_v2.cpp b/ttnn/cpp/ttnn/operations/normalization/groupnorm/device/kernels/dataflow/writer_unary_sharded_gn_rm_gb_v2.cpp index a2a5993b0db..77cd4d2edaf 100644 --- a/ttnn/cpp/ttnn/operations/normalization/groupnorm/device/kernels/dataflow/writer_unary_sharded_gn_rm_gb_v2.cpp +++ b/ttnn/cpp/ttnn/operations/normalization/groupnorm/device/kernels/dataflow/writer_unary_sharded_gn_rm_gb_v2.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/compute/layernorm.cpp b/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/compute/layernorm.cpp index ee37195a0e8..e7ec0cc8930 100644 --- a/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/compute/layernorm.cpp +++ b/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/compute/layernorm.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/compute/layernorm_sharded.cpp b/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/compute/layernorm_sharded.cpp index 5978ef4c3ea..d79e2bf3b41 100644 --- a/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/compute/layernorm_sharded.cpp +++ b/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/compute/layernorm_sharded.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/dataflow/reader_mcast_receiver_unary_sharded_ln.cpp b/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/dataflow/reader_mcast_receiver_unary_sharded_ln.cpp index a8ff4b47ebe..08ff0c9cd45 100644 --- a/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/dataflow/reader_mcast_receiver_unary_sharded_ln.cpp +++ b/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/dataflow/reader_mcast_receiver_unary_sharded_ln.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/dataflow/reader_mcast_sender_unary_sharded_ln.cpp b/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/dataflow/reader_mcast_sender_unary_sharded_ln.cpp index 2bfcf650156..66c3e9e3faf 100644 --- a/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/dataflow/reader_mcast_sender_unary_sharded_ln.cpp +++ b/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/dataflow/reader_mcast_sender_unary_sharded_ln.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/dataflow/reader_unary_interleaved_ln.cpp b/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/dataflow/reader_unary_interleaved_ln.cpp index d701a1adb66..d0b06778891 100644 --- a/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/dataflow/reader_unary_interleaved_ln.cpp +++ b/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/dataflow/reader_unary_interleaved_ln.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/dataflow/reader_unary_interleaved_ln_rm_gb.cpp b/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/dataflow/reader_unary_interleaved_ln_rm_gb.cpp index ec33f3b18ff..803be5b8ded 100644 --- a/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/dataflow/reader_unary_interleaved_ln_rm_gb.cpp +++ b/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/dataflow/reader_unary_interleaved_ln_rm_gb.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/dataflow/writer_unary_interleaved_start_id_blocked.cpp b/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/dataflow/writer_unary_interleaved_start_id_blocked.cpp index 2ea42797de7..797d67c246d 100644 --- a/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/dataflow/writer_unary_interleaved_start_id_blocked.cpp +++ b/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/dataflow/writer_unary_interleaved_start_id_blocked.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/dataflow/writer_unary_sharded_ln.cpp b/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/dataflow/writer_unary_sharded_ln.cpp index 4798e45798d..2d848127a83 100644 --- a/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/dataflow/writer_unary_sharded_ln.cpp +++ b/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/dataflow/writer_unary_sharded_ln.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/dataflow/writer_unary_sharded_ln_rm_gb.cpp b/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/dataflow/writer_unary_sharded_ln_rm_gb.cpp index a552f4532a1..962b63e514d 100644 --- a/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/dataflow/writer_unary_sharded_ln_rm_gb.cpp +++ b/ttnn/cpp/ttnn/operations/normalization/layernorm/device/kernels/dataflow/writer_unary_sharded_ln_rm_gb.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/layernorm/device/layernorm_op.cpp b/ttnn/cpp/ttnn/operations/normalization/layernorm/device/layernorm_op.cpp index 9d91075c6a1..ca9df19ca9a 100644 --- a/ttnn/cpp/ttnn/operations/normalization/layernorm/device/layernorm_op.cpp +++ b/ttnn/cpp/ttnn/operations/normalization/layernorm/device/layernorm_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/layernorm/device/layernorm_op.hpp b/ttnn/cpp/ttnn/operations/normalization/layernorm/device/layernorm_op.hpp index b821e87d244..6c02f7d2603 100644 --- a/ttnn/cpp/ttnn/operations/normalization/layernorm/device/layernorm_op.hpp +++ b/ttnn/cpp/ttnn/operations/normalization/layernorm/device/layernorm_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/layernorm/device/layernorm_types.hpp b/ttnn/cpp/ttnn/operations/normalization/layernorm/device/layernorm_types.hpp index 89b49104099..5004a0fc438 100644 --- a/ttnn/cpp/ttnn/operations/normalization/layernorm/device/layernorm_types.hpp +++ b/ttnn/cpp/ttnn/operations/normalization/layernorm/device/layernorm_types.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/layernorm/device/multi_core/layernorm_op_multi_core.cpp b/ttnn/cpp/ttnn/operations/normalization/layernorm/device/multi_core/layernorm_op_multi_core.cpp index b77516e0b17..180ac1600c3 100644 --- a/ttnn/cpp/ttnn/operations/normalization/layernorm/device/multi_core/layernorm_op_multi_core.cpp +++ b/ttnn/cpp/ttnn/operations/normalization/layernorm/device/multi_core/layernorm_op_multi_core.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/layernorm_distributed/device/layernorm_distributed_types.hpp b/ttnn/cpp/ttnn/operations/normalization/layernorm_distributed/device/layernorm_distributed_types.hpp index b663b547a50..3c792e1de3c 100644 --- a/ttnn/cpp/ttnn/operations/normalization/layernorm_distributed/device/layernorm_distributed_types.hpp +++ b/ttnn/cpp/ttnn/operations/normalization/layernorm_distributed/device/layernorm_distributed_types.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/layernorm_distributed/device/layernorm_pre_all_gather_op.hpp b/ttnn/cpp/ttnn/operations/normalization/layernorm_distributed/device/layernorm_pre_all_gather_op.hpp index 303f285603c..fba7d0c60b5 100644 --- a/ttnn/cpp/ttnn/operations/normalization/layernorm_distributed/device/layernorm_pre_all_gather_op.hpp +++ b/ttnn/cpp/ttnn/operations/normalization/layernorm_distributed/device/layernorm_pre_all_gather_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/softmax/device/kernels/compute/softmax.cpp b/ttnn/cpp/ttnn/operations/normalization/softmax/device/kernels/compute/softmax.cpp index bc281ab3dce..3d28c6ccec7 100644 --- a/ttnn/cpp/ttnn/operations/normalization/softmax/device/kernels/compute/softmax.cpp +++ b/ttnn/cpp/ttnn/operations/normalization/softmax/device/kernels/compute/softmax.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/softmax/device/kernels/compute/softmax_sharded.cpp b/ttnn/cpp/ttnn/operations/normalization/softmax/device/kernels/compute/softmax_sharded.cpp index 62dbbaebd7f..9ac84815786 100644 --- a/ttnn/cpp/ttnn/operations/normalization/softmax/device/kernels/compute/softmax_sharded.cpp +++ b/ttnn/cpp/ttnn/operations/normalization/softmax/device/kernels/compute/softmax_sharded.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/softmax/device/kernels/dataflow/readed_unary_sharded_sm_causal_mask_hw_dims.cpp b/ttnn/cpp/ttnn/operations/normalization/softmax/device/kernels/dataflow/readed_unary_sharded_sm_causal_mask_hw_dims.cpp index f2caba34673..1c43df52f12 100644 --- a/ttnn/cpp/ttnn/operations/normalization/softmax/device/kernels/dataflow/readed_unary_sharded_sm_causal_mask_hw_dims.cpp +++ b/ttnn/cpp/ttnn/operations/normalization/softmax/device/kernels/dataflow/readed_unary_sharded_sm_causal_mask_hw_dims.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/softmax/device/kernels/dataflow/reader_unary_interleaved_sm.cpp b/ttnn/cpp/ttnn/operations/normalization/softmax/device/kernels/dataflow/reader_unary_interleaved_sm.cpp index 9a20012f7db..82e2f0ff0ba 100644 --- a/ttnn/cpp/ttnn/operations/normalization/softmax/device/kernels/dataflow/reader_unary_interleaved_sm.cpp +++ b/ttnn/cpp/ttnn/operations/normalization/softmax/device/kernels/dataflow/reader_unary_interleaved_sm.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/softmax/device/kernels/dataflow/reader_unary_sharded_sm.cpp b/ttnn/cpp/ttnn/operations/normalization/softmax/device/kernels/dataflow/reader_unary_sharded_sm.cpp index 7cc23574a24..1b381870246 100644 --- a/ttnn/cpp/ttnn/operations/normalization/softmax/device/kernels/dataflow/reader_unary_sharded_sm.cpp +++ b/ttnn/cpp/ttnn/operations/normalization/softmax/device/kernels/dataflow/reader_unary_sharded_sm.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/softmax/device/kernels/dataflow/reader_unary_sharded_sm_rm_mask.cpp b/ttnn/cpp/ttnn/operations/normalization/softmax/device/kernels/dataflow/reader_unary_sharded_sm_rm_mask.cpp index 8c192f0d5c6..d58f881e475 100644 --- a/ttnn/cpp/ttnn/operations/normalization/softmax/device/kernels/dataflow/reader_unary_sharded_sm_rm_mask.cpp +++ b/ttnn/cpp/ttnn/operations/normalization/softmax/device/kernels/dataflow/reader_unary_sharded_sm_rm_mask.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/softmax/device/kernels/dataflow/writer_unary_interleaved_start_id_blocked_sm.cpp b/ttnn/cpp/ttnn/operations/normalization/softmax/device/kernels/dataflow/writer_unary_interleaved_start_id_blocked_sm.cpp index e74eea20f5f..dd122cbb06d 100644 --- a/ttnn/cpp/ttnn/operations/normalization/softmax/device/kernels/dataflow/writer_unary_interleaved_start_id_blocked_sm.cpp +++ b/ttnn/cpp/ttnn/operations/normalization/softmax/device/kernels/dataflow/writer_unary_interleaved_start_id_blocked_sm.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/softmax/device/multi_core/softmax_op_multi_core.cpp b/ttnn/cpp/ttnn/operations/normalization/softmax/device/multi_core/softmax_op_multi_core.cpp index 17d0dc9d56a..a1b980e6342 100644 --- a/ttnn/cpp/ttnn/operations/normalization/softmax/device/multi_core/softmax_op_multi_core.cpp +++ b/ttnn/cpp/ttnn/operations/normalization/softmax/device/multi_core/softmax_op_multi_core.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/normalization/softmax/device/softmax_op.cpp b/ttnn/cpp/ttnn/operations/normalization/softmax/device/softmax_op.cpp index 0ca94a69259..6602ea7bf6d 100644 --- a/ttnn/cpp/ttnn/operations/normalization/softmax/device/softmax_op.cpp +++ b/ttnn/cpp/ttnn/operations/normalization/softmax/device/softmax_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/numpy/functions.hpp b/ttnn/cpp/ttnn/operations/numpy/functions.hpp index 31f1ec32efe..87c86384b19 100644 --- a/ttnn/cpp/ttnn/operations/numpy/functions.hpp +++ b/ttnn/cpp/ttnn/operations/numpy/functions.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/pool/downsample/device/downsample_op.cpp b/ttnn/cpp/ttnn/operations/pool/downsample/device/downsample_op.cpp index 6e94c79887f..61fd300f010 100644 --- a/ttnn/cpp/ttnn/operations/pool/downsample/device/downsample_op.cpp +++ b/ttnn/cpp/ttnn/operations/pool/downsample/device/downsample_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/pool/downsample/device/downsample_op.hpp b/ttnn/cpp/ttnn/operations/pool/downsample/device/downsample_op.hpp index f8418c8ad89..450b4ccaed1 100644 --- a/ttnn/cpp/ttnn/operations/pool/downsample/device/downsample_op.hpp +++ b/ttnn/cpp/ttnn/operations/pool/downsample/device/downsample_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/pool/downsample/device/downsample_program_factory.cpp b/ttnn/cpp/ttnn/operations/pool/downsample/device/downsample_program_factory.cpp index 085242cdfda..81995ab9946 100644 --- a/ttnn/cpp/ttnn/operations/pool/downsample/device/downsample_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/pool/downsample/device/downsample_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/pool/downsample/device/downsample_program_factory.hpp b/ttnn/cpp/ttnn/operations/pool/downsample/device/downsample_program_factory.hpp index 153c489e2a8..7be700ea594 100644 --- a/ttnn/cpp/ttnn/operations/pool/downsample/device/downsample_program_factory.hpp +++ b/ttnn/cpp/ttnn/operations/pool/downsample/device/downsample_program_factory.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 #pragma once diff --git a/ttnn/cpp/ttnn/operations/pool/downsample/device/kernels/downsample_compute_kernel.cpp b/ttnn/cpp/ttnn/operations/pool/downsample/device/kernels/downsample_compute_kernel.cpp index 5aca371f136..9dea74726fb 100644 --- a/ttnn/cpp/ttnn/operations/pool/downsample/device/kernels/downsample_compute_kernel.cpp +++ b/ttnn/cpp/ttnn/operations/pool/downsample/device/kernels/downsample_compute_kernel.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/pool/downsample/device/kernels/downsample_fast_pack_untilize_compute_kernel.cpp b/ttnn/cpp/ttnn/operations/pool/downsample/device/kernels/downsample_fast_pack_untilize_compute_kernel.cpp index 774531cef23..b9091abd472 100644 --- a/ttnn/cpp/ttnn/operations/pool/downsample/device/kernels/downsample_fast_pack_untilize_compute_kernel.cpp +++ b/ttnn/cpp/ttnn/operations/pool/downsample/device/kernels/downsample_fast_pack_untilize_compute_kernel.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/pool/downsample/device/kernels/downsample_writer_kernel.cpp b/ttnn/cpp/ttnn/operations/pool/downsample/device/kernels/downsample_writer_kernel.cpp index 228f481f027..1cdb7250f3e 100644 --- a/ttnn/cpp/ttnn/operations/pool/downsample/device/kernels/downsample_writer_kernel.cpp +++ b/ttnn/cpp/ttnn/operations/pool/downsample/device/kernels/downsample_writer_kernel.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/pool/generic/device/kernels/dataflow/reader_max_pool_2d_multi_core_sharded_with_halo_large_kernel_v2.cpp b/ttnn/cpp/ttnn/operations/pool/generic/device/kernels/dataflow/reader_max_pool_2d_multi_core_sharded_with_halo_large_kernel_v2.cpp index d3a54a562d7..d2f0b2ac5ba 100644 --- a/ttnn/cpp/ttnn/operations/pool/generic/device/kernels/dataflow/reader_max_pool_2d_multi_core_sharded_with_halo_large_kernel_v2.cpp +++ b/ttnn/cpp/ttnn/operations/pool/generic/device/kernels/dataflow/reader_max_pool_2d_multi_core_sharded_with_halo_large_kernel_v2.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/pool/generic/device/kernels/dataflow/reader_max_pool_2d_multi_core_sharded_with_halo_v2.cpp b/ttnn/cpp/ttnn/operations/pool/generic/device/kernels/dataflow/reader_max_pool_2d_multi_core_sharded_with_halo_v2.cpp index 1071b81908e..c97a61ec5df 100644 --- a/ttnn/cpp/ttnn/operations/pool/generic/device/kernels/dataflow/reader_max_pool_2d_multi_core_sharded_with_halo_v2.cpp +++ b/ttnn/cpp/ttnn/operations/pool/generic/device/kernels/dataflow/reader_max_pool_2d_multi_core_sharded_with_halo_v2.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/pool/generic/device/kernels/dataflow/reader_max_pool_2d_multi_core_sharded_with_halo_wide.cpp b/ttnn/cpp/ttnn/operations/pool/generic/device/kernels/dataflow/reader_max_pool_2d_multi_core_sharded_with_halo_wide.cpp index 28fe9117e1c..47854d36f90 100644 --- a/ttnn/cpp/ttnn/operations/pool/generic/device/kernels/dataflow/reader_max_pool_2d_multi_core_sharded_with_halo_wide.cpp +++ b/ttnn/cpp/ttnn/operations/pool/generic/device/kernels/dataflow/reader_max_pool_2d_multi_core_sharded_with_halo_wide.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/pool/generic/device/pool_multi_core_program_factory.cpp b/ttnn/cpp/ttnn/operations/pool/generic/device/pool_multi_core_program_factory.cpp index ee85bfa3870..b2ec2e5092a 100644 --- a/ttnn/cpp/ttnn/operations/pool/generic/device/pool_multi_core_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/pool/generic/device/pool_multi_core_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/pool/generic/device/pool_op.cpp b/ttnn/cpp/ttnn/operations/pool/generic/device/pool_op.cpp index aa7734dcc9f..55208c1b92d 100644 --- a/ttnn/cpp/ttnn/operations/pool/generic/device/pool_op.cpp +++ b/ttnn/cpp/ttnn/operations/pool/generic/device/pool_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/pool/generic/device/pool_op.hpp b/ttnn/cpp/ttnn/operations/pool/generic/device/pool_op.hpp index 8391ae7924d..a2821d50588 100644 --- a/ttnn/cpp/ttnn/operations/pool/generic/device/pool_op.hpp +++ b/ttnn/cpp/ttnn/operations/pool/generic/device/pool_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/pool/generic/generic_pools.cpp b/ttnn/cpp/ttnn/operations/pool/generic/generic_pools.cpp index 77afcae33d6..7db5c4759f2 100644 --- a/ttnn/cpp/ttnn/operations/pool/generic/generic_pools.cpp +++ b/ttnn/cpp/ttnn/operations/pool/generic/generic_pools.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/pool/generic/generic_pools.hpp b/ttnn/cpp/ttnn/operations/pool/generic/generic_pools.hpp index ae6a0379f42..177768f2c89 100644 --- a/ttnn/cpp/ttnn/operations/pool/generic/generic_pools.hpp +++ b/ttnn/cpp/ttnn/operations/pool/generic/generic_pools.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/pool/generic/generic_pools_pybind.cpp b/ttnn/cpp/ttnn/operations/pool/generic/generic_pools_pybind.cpp index e209e949201..d17f9a7f335 100644 --- a/ttnn/cpp/ttnn/operations/pool/generic/generic_pools_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/pool/generic/generic_pools_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/pool/generic/generic_pools_pybind.hpp b/ttnn/cpp/ttnn/operations/pool/generic/generic_pools_pybind.hpp index 9e86dd5c324..6cf7dd7c26b 100644 --- a/ttnn/cpp/ttnn/operations/pool/generic/generic_pools_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/pool/generic/generic_pools_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/pool/global_avg_pool/global_avg_pool.cpp b/ttnn/cpp/ttnn/operations/pool/global_avg_pool/global_avg_pool.cpp index 55755920612..d343605d53f 100644 --- a/ttnn/cpp/ttnn/operations/pool/global_avg_pool/global_avg_pool.cpp +++ b/ttnn/cpp/ttnn/operations/pool/global_avg_pool/global_avg_pool.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/pool/global_avg_pool/global_avg_pool.hpp b/ttnn/cpp/ttnn/operations/pool/global_avg_pool/global_avg_pool.hpp index f4c22b5b805..5f0cdd7e431 100644 --- a/ttnn/cpp/ttnn/operations/pool/global_avg_pool/global_avg_pool.hpp +++ b/ttnn/cpp/ttnn/operations/pool/global_avg_pool/global_avg_pool.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/pool/global_avg_pool/global_avg_pool_pybind.hpp b/ttnn/cpp/ttnn/operations/pool/global_avg_pool/global_avg_pool_pybind.hpp index b262f239638..48e96c78551 100644 --- a/ttnn/cpp/ttnn/operations/pool/global_avg_pool/global_avg_pool_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/pool/global_avg_pool/global_avg_pool_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/pool/upsample/device/kernels/compute/bilinear.cpp b/ttnn/cpp/ttnn/operations/pool/upsample/device/kernels/compute/bilinear.cpp index 6be52c11dd7..688fe1bdd66 100644 --- a/ttnn/cpp/ttnn/operations/pool/upsample/device/kernels/compute/bilinear.cpp +++ b/ttnn/cpp/ttnn/operations/pool/upsample/device/kernels/compute/bilinear.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/pool/upsample/device/kernels/dataflow/reader_upsample_unary_stick_layout_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/pool/upsample/device/kernels/dataflow/reader_upsample_unary_stick_layout_interleaved_start_id.cpp index 97429c8f663..4d1e029995a 100644 --- a/ttnn/cpp/ttnn/operations/pool/upsample/device/kernels/dataflow/reader_upsample_unary_stick_layout_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/pool/upsample/device/kernels/dataflow/reader_upsample_unary_stick_layout_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/pool/upsample/device/kernels/dataflow/writer_upsample_multi_core_sharded.cpp b/ttnn/cpp/ttnn/operations/pool/upsample/device/kernels/dataflow/writer_upsample_multi_core_sharded.cpp index 001da7bba6e..84d59b5dd53 100644 --- a/ttnn/cpp/ttnn/operations/pool/upsample/device/kernels/dataflow/writer_upsample_multi_core_sharded.cpp +++ b/ttnn/cpp/ttnn/operations/pool/upsample/device/kernels/dataflow/writer_upsample_multi_core_sharded.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/pool/upsample/device/kernels/dataflow/writer_upsample_unary_stick_layout_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/pool/upsample/device/kernels/dataflow/writer_upsample_unary_stick_layout_interleaved_start_id.cpp index b96d1a5befd..22ae1f2e596 100644 --- a/ttnn/cpp/ttnn/operations/pool/upsample/device/kernels/dataflow/writer_upsample_unary_stick_layout_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/pool/upsample/device/kernels/dataflow/writer_upsample_unary_stick_layout_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/pool/upsample/device/upsample_op.cpp b/ttnn/cpp/ttnn/operations/pool/upsample/device/upsample_op.cpp index 3a313e803cc..772b9ea941a 100644 --- a/ttnn/cpp/ttnn/operations/pool/upsample/device/upsample_op.cpp +++ b/ttnn/cpp/ttnn/operations/pool/upsample/device/upsample_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/pool/upsample/device/upsample_op.hpp b/ttnn/cpp/ttnn/operations/pool/upsample/device/upsample_op.hpp index f07c9f8b472..da19e9e3075 100644 --- a/ttnn/cpp/ttnn/operations/pool/upsample/device/upsample_op.hpp +++ b/ttnn/cpp/ttnn/operations/pool/upsample/device/upsample_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/pool/upsample/device/upsample_program_factory_multicore.cpp b/ttnn/cpp/ttnn/operations/pool/upsample/device/upsample_program_factory_multicore.cpp index 020da11d50e..048c9f4f003 100644 --- a/ttnn/cpp/ttnn/operations/pool/upsample/device/upsample_program_factory_multicore.cpp +++ b/ttnn/cpp/ttnn/operations/pool/upsample/device/upsample_program_factory_multicore.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/pool/upsample/device/upsample_program_factory_singlecore.cpp b/ttnn/cpp/ttnn/operations/pool/upsample/device/upsample_program_factory_singlecore.cpp index eae3291dd56..2ff79f692b3 100644 --- a/ttnn/cpp/ttnn/operations/pool/upsample/device/upsample_program_factory_singlecore.cpp +++ b/ttnn/cpp/ttnn/operations/pool/upsample/device/upsample_program_factory_singlecore.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/pool/upsample/upsample.cpp b/ttnn/cpp/ttnn/operations/pool/upsample/upsample.cpp index dbd111f0358..6189c37dc4a 100644 --- a/ttnn/cpp/ttnn/operations/pool/upsample/upsample.cpp +++ b/ttnn/cpp/ttnn/operations/pool/upsample/upsample.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/argmax/argmax.cpp b/ttnn/cpp/ttnn/operations/reduction/argmax/argmax.cpp index ec68ae046c2..2ce378d22dc 100644 --- a/ttnn/cpp/ttnn/operations/reduction/argmax/argmax.cpp +++ b/ttnn/cpp/ttnn/operations/reduction/argmax/argmax.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/argmax/argmax.hpp b/ttnn/cpp/ttnn/operations/reduction/argmax/argmax.hpp index 62d52047919..16a4c62cc51 100644 --- a/ttnn/cpp/ttnn/operations/reduction/argmax/argmax.hpp +++ b/ttnn/cpp/ttnn/operations/reduction/argmax/argmax.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/argmax/argmax_pybind.hpp b/ttnn/cpp/ttnn/operations/reduction/argmax/argmax_pybind.hpp index 1526cb7cfc4..afda416f365 100644 --- a/ttnn/cpp/ttnn/operations/reduction/argmax/argmax_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/reduction/argmax/argmax_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/argmax/device/argmax_op.cpp b/ttnn/cpp/ttnn/operations/reduction/argmax/device/argmax_op.cpp index ea1094216b5..b38cd4242d1 100644 --- a/ttnn/cpp/ttnn/operations/reduction/argmax/device/argmax_op.cpp +++ b/ttnn/cpp/ttnn/operations/reduction/argmax/device/argmax_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/argmax/device/argmax_op.hpp b/ttnn/cpp/ttnn/operations/reduction/argmax/device/argmax_op.hpp index dce8dcb8181..cc7d5d39110 100644 --- a/ttnn/cpp/ttnn/operations/reduction/argmax/device/argmax_op.hpp +++ b/ttnn/cpp/ttnn/operations/reduction/argmax/device/argmax_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/argmax/device/argmax_program_factory.cpp b/ttnn/cpp/ttnn/operations/reduction/argmax/device/argmax_program_factory.cpp index 1b9c4e737ba..41e00d4be57 100644 --- a/ttnn/cpp/ttnn/operations/reduction/argmax/device/argmax_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/reduction/argmax/device/argmax_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 #include diff --git a/ttnn/cpp/ttnn/operations/reduction/argmax/device/argmax_program_factory.hpp b/ttnn/cpp/ttnn/operations/reduction/argmax/device/argmax_program_factory.hpp index dfdcbf91065..c0fb0dd57b1 100644 --- a/ttnn/cpp/ttnn/operations/reduction/argmax/device/argmax_program_factory.hpp +++ b/ttnn/cpp/ttnn/operations/reduction/argmax/device/argmax_program_factory.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 #include "ttnn/run_operation.hpp" diff --git a/ttnn/cpp/ttnn/operations/reduction/argmax/device/kernels/reader_argmax_interleaved.cpp b/ttnn/cpp/ttnn/operations/reduction/argmax/device/kernels/reader_argmax_interleaved.cpp index c266496c01a..d753b78b9e1 100644 --- a/ttnn/cpp/ttnn/operations/reduction/argmax/device/kernels/reader_argmax_interleaved.cpp +++ b/ttnn/cpp/ttnn/operations/reduction/argmax/device/kernels/reader_argmax_interleaved.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/argmax/device/kernels/reader_argmax_interleaved_multicore.cpp b/ttnn/cpp/ttnn/operations/reduction/argmax/device/kernels/reader_argmax_interleaved_multicore.cpp index 8fbfce107a3..74e6839dbc6 100644 --- a/ttnn/cpp/ttnn/operations/reduction/argmax/device/kernels/reader_argmax_interleaved_multicore.cpp +++ b/ttnn/cpp/ttnn/operations/reduction/argmax/device/kernels/reader_argmax_interleaved_multicore.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/generic/device/kernels/compute/reduce_h.cpp b/ttnn/cpp/ttnn/operations/reduction/generic/device/kernels/compute/reduce_h.cpp index 3e623f06f30..b7d2a184632 100644 --- a/ttnn/cpp/ttnn/operations/reduction/generic/device/kernels/compute/reduce_h.cpp +++ b/ttnn/cpp/ttnn/operations/reduction/generic/device/kernels/compute/reduce_h.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/generic/device/kernels/compute/reduce_hw.cpp b/ttnn/cpp/ttnn/operations/reduction/generic/device/kernels/compute/reduce_hw.cpp index 66790c405a0..f6ecce34c89 100644 --- a/ttnn/cpp/ttnn/operations/reduction/generic/device/kernels/compute/reduce_hw.cpp +++ b/ttnn/cpp/ttnn/operations/reduction/generic/device/kernels/compute/reduce_hw.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/generic/device/kernels/compute/reduce_w.cpp b/ttnn/cpp/ttnn/operations/reduction/generic/device/kernels/compute/reduce_w.cpp index 1f047ec09a4..5b3f958ef3a 100644 --- a/ttnn/cpp/ttnn/operations/reduction/generic/device/kernels/compute/reduce_w.cpp +++ b/ttnn/cpp/ttnn/operations/reduction/generic/device/kernels/compute/reduce_w.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/generic/device/kernels/dataflow/reader_unary_reduce_interleaved_start_id.cpp b/ttnn/cpp/ttnn/operations/reduction/generic/device/kernels/dataflow/reader_unary_reduce_interleaved_start_id.cpp index a1a381a8e72..a7440f36c64 100644 --- a/ttnn/cpp/ttnn/operations/reduction/generic/device/kernels/dataflow/reader_unary_reduce_interleaved_start_id.cpp +++ b/ttnn/cpp/ttnn/operations/reduction/generic/device/kernels/dataflow/reader_unary_reduce_interleaved_start_id.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/generic/device/kernels/dataflow/reader_unary_transpose_wh_interleaved_input_cols_partitioned.cpp b/ttnn/cpp/ttnn/operations/reduction/generic/device/kernels/dataflow/reader_unary_transpose_wh_interleaved_input_cols_partitioned.cpp index 260ce532a97..25206072e45 100644 --- a/ttnn/cpp/ttnn/operations/reduction/generic/device/kernels/dataflow/reader_unary_transpose_wh_interleaved_input_cols_partitioned.cpp +++ b/ttnn/cpp/ttnn/operations/reduction/generic/device/kernels/dataflow/reader_unary_transpose_wh_interleaved_input_cols_partitioned.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/generic/device/kernels/dataflow/reader_unary_transpose_wh_interleaved_input_cols_partitioned_sharded.cpp b/ttnn/cpp/ttnn/operations/reduction/generic/device/kernels/dataflow/reader_unary_transpose_wh_interleaved_input_cols_partitioned_sharded.cpp index aa4506fc026..f8c8664c50e 100644 --- a/ttnn/cpp/ttnn/operations/reduction/generic/device/kernels/dataflow/reader_unary_transpose_wh_interleaved_input_cols_partitioned_sharded.cpp +++ b/ttnn/cpp/ttnn/operations/reduction/generic/device/kernels/dataflow/reader_unary_transpose_wh_interleaved_input_cols_partitioned_sharded.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/generic/device/multi_core_h/reduce_op_multi_core_h.cpp b/ttnn/cpp/ttnn/operations/reduction/generic/device/multi_core_h/reduce_op_multi_core_h.cpp index d32f88e8d97..bc63bd72882 100644 --- a/ttnn/cpp/ttnn/operations/reduction/generic/device/multi_core_h/reduce_op_multi_core_h.cpp +++ b/ttnn/cpp/ttnn/operations/reduction/generic/device/multi_core_h/reduce_op_multi_core_h.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/generic/device/multi_core_w/reduce_op_multi_core_w.cpp b/ttnn/cpp/ttnn/operations/reduction/generic/device/multi_core_w/reduce_op_multi_core_w.cpp index 1f9b2a6bc1a..6d4116f0ff5 100644 --- a/ttnn/cpp/ttnn/operations/reduction/generic/device/multi_core_w/reduce_op_multi_core_w.cpp +++ b/ttnn/cpp/ttnn/operations/reduction/generic/device/multi_core_w/reduce_op_multi_core_w.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/generic/device/reduce_op.cpp b/ttnn/cpp/ttnn/operations/reduction/generic/device/reduce_op.cpp index 2237d13c86a..6c569e344c9 100644 --- a/ttnn/cpp/ttnn/operations/reduction/generic/device/reduce_op.cpp +++ b/ttnn/cpp/ttnn/operations/reduction/generic/device/reduce_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/generic/device/reduce_op.hpp b/ttnn/cpp/ttnn/operations/reduction/generic/device/reduce_op.hpp index 503f4cd7d2f..67e0af92b60 100644 --- a/ttnn/cpp/ttnn/operations/reduction/generic/device/reduce_op.hpp +++ b/ttnn/cpp/ttnn/operations/reduction/generic/device/reduce_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/generic/device/single_core_hw/reduce_op_single_core_hw.cpp b/ttnn/cpp/ttnn/operations/reduction/generic/device/single_core_hw/reduce_op_single_core_hw.cpp index fc1666ef49e..c4cb62102ae 100644 --- a/ttnn/cpp/ttnn/operations/reduction/generic/device/single_core_hw/reduce_op_single_core_hw.cpp +++ b/ttnn/cpp/ttnn/operations/reduction/generic/device/single_core_hw/reduce_op_single_core_hw.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/generic/generic_reductions.cpp b/ttnn/cpp/ttnn/operations/reduction/generic/generic_reductions.cpp index 6cb44e93b09..63b1fcb9570 100644 --- a/ttnn/cpp/ttnn/operations/reduction/generic/generic_reductions.cpp +++ b/ttnn/cpp/ttnn/operations/reduction/generic/generic_reductions.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/generic/generic_reductions.hpp b/ttnn/cpp/ttnn/operations/reduction/generic/generic_reductions.hpp index 695e15407ca..c243889d4c7 100644 --- a/ttnn/cpp/ttnn/operations/reduction/generic/generic_reductions.hpp +++ b/ttnn/cpp/ttnn/operations/reduction/generic/generic_reductions.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/generic/generic_reductions_pybind.hpp b/ttnn/cpp/ttnn/operations/reduction/generic/generic_reductions_pybind.hpp index 51408b93e4e..7e6d7b4735a 100644 --- a/ttnn/cpp/ttnn/operations/reduction/generic/generic_reductions_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/reduction/generic/generic_reductions_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/prod/device/kernels/compute/prod_all.cpp b/ttnn/cpp/ttnn/operations/reduction/prod/device/kernels/compute/prod_all.cpp index 5b8094554b5..f2d5a04fecc 100644 --- a/ttnn/cpp/ttnn/operations/reduction/prod/device/kernels/compute/prod_all.cpp +++ b/ttnn/cpp/ttnn/operations/reduction/prod/device/kernels/compute/prod_all.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/prod/device/kernels/compute/prod_nc.cpp b/ttnn/cpp/ttnn/operations/reduction/prod/device/kernels/compute/prod_nc.cpp index a5c0047bad1..79bd823023c 100644 --- a/ttnn/cpp/ttnn/operations/reduction/prod/device/kernels/compute/prod_nc.cpp +++ b/ttnn/cpp/ttnn/operations/reduction/prod/device/kernels/compute/prod_nc.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/prod/device/kernels/dataflow/reader_prod_nc.cpp b/ttnn/cpp/ttnn/operations/reduction/prod/device/kernels/dataflow/reader_prod_nc.cpp index 939f7e3217a..5d0663e307b 100644 --- a/ttnn/cpp/ttnn/operations/reduction/prod/device/kernels/dataflow/reader_prod_nc.cpp +++ b/ttnn/cpp/ttnn/operations/reduction/prod/device/kernels/dataflow/reader_prod_nc.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/prod/device/kernels/dataflow/utils.hpp b/ttnn/cpp/ttnn/operations/reduction/prod/device/kernels/dataflow/utils.hpp index b9c8ecc95b5..31755426e20 100644 --- a/ttnn/cpp/ttnn/operations/reduction/prod/device/kernels/dataflow/utils.hpp +++ b/ttnn/cpp/ttnn/operations/reduction/prod/device/kernels/dataflow/utils.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/prod/device/prod_all_program_factory.cpp b/ttnn/cpp/ttnn/operations/reduction/prod/device/prod_all_program_factory.cpp index 6828fe2d04b..cbabdd33b3c 100644 --- a/ttnn/cpp/ttnn/operations/reduction/prod/device/prod_all_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/reduction/prod/device/prod_all_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/prod/device/prod_nc_op.cpp b/ttnn/cpp/ttnn/operations/reduction/prod/device/prod_nc_op.cpp index 3fb869370a4..365ce60987e 100644 --- a/ttnn/cpp/ttnn/operations/reduction/prod/device/prod_nc_op.cpp +++ b/ttnn/cpp/ttnn/operations/reduction/prod/device/prod_nc_op.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/prod/device/prod_nc_op.hpp b/ttnn/cpp/ttnn/operations/reduction/prod/device/prod_nc_op.hpp index 3406689741b..c94f5b73a77 100644 --- a/ttnn/cpp/ttnn/operations/reduction/prod/device/prod_nc_op.hpp +++ b/ttnn/cpp/ttnn/operations/reduction/prod/device/prod_nc_op.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/prod/device/prod_nc_program_factory.cpp b/ttnn/cpp/ttnn/operations/reduction/prod/device/prod_nc_program_factory.cpp index 05b45872e4d..440828c38d4 100644 --- a/ttnn/cpp/ttnn/operations/reduction/prod/device/prod_nc_program_factory.cpp +++ b/ttnn/cpp/ttnn/operations/reduction/prod/device/prod_nc_program_factory.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/prod/device/prod_op_all.cpp b/ttnn/cpp/ttnn/operations/reduction/prod/device/prod_op_all.cpp index b4e4c7e0a42..d867f59719a 100644 --- a/ttnn/cpp/ttnn/operations/reduction/prod/device/prod_op_all.cpp +++ b/ttnn/cpp/ttnn/operations/reduction/prod/device/prod_op_all.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/prod/device/prod_op_all.hpp b/ttnn/cpp/ttnn/operations/reduction/prod/device/prod_op_all.hpp index 066ffdb9a6c..2cc1c0ae5d4 100644 --- a/ttnn/cpp/ttnn/operations/reduction/prod/device/prod_op_all.hpp +++ b/ttnn/cpp/ttnn/operations/reduction/prod/device/prod_op_all.hpp @@ -1,5 +1,5 @@ /* - * SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. + * SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. * * SPDX-License-Identifier: Apache-2.0 */ diff --git a/ttnn/cpp/ttnn/operations/reduction/prod/prod_pybind.hpp b/ttnn/cpp/ttnn/operations/reduction/prod/prod_pybind.hpp index a818831dcbf..d5be5200ca2 100644 --- a/ttnn/cpp/ttnn/operations/reduction/prod/prod_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/reduction/prod/prod_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/reduction_pybind.cpp b/ttnn/cpp/ttnn/operations/reduction/reduction_pybind.cpp index f2d39d6bcdb..0ad109cb0a7 100644 --- a/ttnn/cpp/ttnn/operations/reduction/reduction_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/reduction/reduction_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/reduction/reduction_pybind.hpp b/ttnn/cpp/ttnn/operations/reduction/reduction_pybind.hpp index 49e1cfa6ac1..eadecf0bf3f 100644 --- a/ttnn/cpp/ttnn/operations/reduction/reduction_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/reduction/reduction_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/sharding_utilities.cpp b/ttnn/cpp/ttnn/operations/sharding_utilities.cpp index 704fc7205ab..c0b1093312d 100644 --- a/ttnn/cpp/ttnn/operations/sharding_utilities.cpp +++ b/ttnn/cpp/ttnn/operations/sharding_utilities.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/sharding_utilities.hpp b/ttnn/cpp/ttnn/operations/sharding_utilities.hpp index eb515e30769..5260d9e92e0 100644 --- a/ttnn/cpp/ttnn/operations/sharding_utilities.hpp +++ b/ttnn/cpp/ttnn/operations/sharding_utilities.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/sliding_window/halo/device/halo_device_operation.cpp b/ttnn/cpp/ttnn/operations/sliding_window/halo/device/halo_device_operation.cpp index e89e4c6fa6f..a03573957d7 100644 --- a/ttnn/cpp/ttnn/operations/sliding_window/halo/device/halo_device_operation.cpp +++ b/ttnn/cpp/ttnn/operations/sliding_window/halo/device/halo_device_operation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/sliding_window/halo/device/halo_device_operation.hpp b/ttnn/cpp/ttnn/operations/sliding_window/halo/device/halo_device_operation.hpp index d9801d306b8..97b68fe41b0 100644 --- a/ttnn/cpp/ttnn/operations/sliding_window/halo/device/halo_device_operation.hpp +++ b/ttnn/cpp/ttnn/operations/sliding_window/halo/device/halo_device_operation.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/sliding_window/halo/halo.cpp b/ttnn/cpp/ttnn/operations/sliding_window/halo/halo.cpp index 2e0afd9ce43..469216d382f 100644 --- a/ttnn/cpp/ttnn/operations/sliding_window/halo/halo.cpp +++ b/ttnn/cpp/ttnn/operations/sliding_window/halo/halo.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/sliding_window/halo/halo.hpp b/ttnn/cpp/ttnn/operations/sliding_window/halo/halo.hpp index f7fef773713..0a31ef94738 100644 --- a/ttnn/cpp/ttnn/operations/sliding_window/halo/halo.hpp +++ b/ttnn/cpp/ttnn/operations/sliding_window/halo/halo.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/sliding_window/sliding_window.cpp b/ttnn/cpp/ttnn/operations/sliding_window/sliding_window.cpp index db1a13a49b2..06475b70778 100644 --- a/ttnn/cpp/ttnn/operations/sliding_window/sliding_window.cpp +++ b/ttnn/cpp/ttnn/operations/sliding_window/sliding_window.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/sliding_window/sliding_window.hpp b/ttnn/cpp/ttnn/operations/sliding_window/sliding_window.hpp index b5a06d11e76..d0e8bcee2b3 100644 --- a/ttnn/cpp/ttnn/operations/sliding_window/sliding_window.hpp +++ b/ttnn/cpp/ttnn/operations/sliding_window/sliding_window.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/sliding_window/sliding_window_pybind.cpp b/ttnn/cpp/ttnn/operations/sliding_window/sliding_window_pybind.cpp index 94dc80c928b..240dcd54907 100644 --- a/ttnn/cpp/ttnn/operations/sliding_window/sliding_window_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/sliding_window/sliding_window_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/sliding_window/sliding_window_pybind.hpp b/ttnn/cpp/ttnn/operations/sliding_window/sliding_window_pybind.hpp index 2d275088585..0ed5e992db4 100644 --- a/ttnn/cpp/ttnn/operations/sliding_window/sliding_window_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/sliding_window/sliding_window_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/sliding_window/utils.hpp b/ttnn/cpp/ttnn/operations/sliding_window/utils.hpp index 8ff65346658..fc0e289776f 100644 --- a/ttnn/cpp/ttnn/operations/sliding_window/utils.hpp +++ b/ttnn/cpp/ttnn/operations/sliding_window/utils.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/transformer/attention_softmax/attention_softmax.cpp b/ttnn/cpp/ttnn/operations/transformer/attention_softmax/attention_softmax.cpp index 622aae44ef7..18a903601bc 100644 --- a/ttnn/cpp/ttnn/operations/transformer/attention_softmax/attention_softmax.cpp +++ b/ttnn/cpp/ttnn/operations/transformer/attention_softmax/attention_softmax.cpp @@ -1,5 +1,5 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/transformer/attention_softmax/attention_softmax.hpp b/ttnn/cpp/ttnn/operations/transformer/attention_softmax/attention_softmax.hpp index 85e87f62fc2..e605d8c3475 100644 --- a/ttnn/cpp/ttnn/operations/transformer/attention_softmax/attention_softmax.hpp +++ b/ttnn/cpp/ttnn/operations/transformer/attention_softmax/attention_softmax.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/transformer/attention_softmax/attention_softmax_pybind.cpp b/ttnn/cpp/ttnn/operations/transformer/attention_softmax/attention_softmax_pybind.cpp index 85e0fddd01e..d96b6af8286 100644 --- a/ttnn/cpp/ttnn/operations/transformer/attention_softmax/attention_softmax_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/transformer/attention_softmax/attention_softmax_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/transformer/attention_softmax/attention_softmax_pybind.hpp b/ttnn/cpp/ttnn/operations/transformer/attention_softmax/attention_softmax_pybind.hpp index 80206cebfe3..db162d1aa86 100644 --- a/ttnn/cpp/ttnn/operations/transformer/attention_softmax/attention_softmax_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/transformer/attention_softmax/attention_softmax_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/transformer/concatenate_heads/concatenate_heads.cpp b/ttnn/cpp/ttnn/operations/transformer/concatenate_heads/concatenate_heads.cpp index f98357ac2da..b6f6c4a8c1c 100644 --- a/ttnn/cpp/ttnn/operations/transformer/concatenate_heads/concatenate_heads.cpp +++ b/ttnn/cpp/ttnn/operations/transformer/concatenate_heads/concatenate_heads.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/transformer/concatenate_heads/concatenate_heads.hpp b/ttnn/cpp/ttnn/operations/transformer/concatenate_heads/concatenate_heads.hpp index e19e61fb885..95b5101a287 100644 --- a/ttnn/cpp/ttnn/operations/transformer/concatenate_heads/concatenate_heads.hpp +++ b/ttnn/cpp/ttnn/operations/transformer/concatenate_heads/concatenate_heads.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/transformer/concatenate_heads/concatenate_heads_pybind.cpp b/ttnn/cpp/ttnn/operations/transformer/concatenate_heads/concatenate_heads_pybind.cpp index 1f488138736..dd68bb3d668 100644 --- a/ttnn/cpp/ttnn/operations/transformer/concatenate_heads/concatenate_heads_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/transformer/concatenate_heads/concatenate_heads_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/transformer/concatenate_heads/concatenate_heads_pybind.hpp b/ttnn/cpp/ttnn/operations/transformer/concatenate_heads/concatenate_heads_pybind.hpp index 89297fd1af7..0de50c32f9b 100644 --- a/ttnn/cpp/ttnn/operations/transformer/concatenate_heads/concatenate_heads_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/transformer/concatenate_heads/concatenate_heads_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/transformer/split_query_key_value_and_split_heads/split_query_key_value_and_split_heads.cpp b/ttnn/cpp/ttnn/operations/transformer/split_query_key_value_and_split_heads/split_query_key_value_and_split_heads.cpp index 4ac733211eb..3ac7b40cbd9 100644 --- a/ttnn/cpp/ttnn/operations/transformer/split_query_key_value_and_split_heads/split_query_key_value_and_split_heads.cpp +++ b/ttnn/cpp/ttnn/operations/transformer/split_query_key_value_and_split_heads/split_query_key_value_and_split_heads.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/transformer/split_query_key_value_and_split_heads/split_query_key_value_and_split_heads.hpp b/ttnn/cpp/ttnn/operations/transformer/split_query_key_value_and_split_heads/split_query_key_value_and_split_heads.hpp index 103b0220166..eb8c2a6fdf3 100644 --- a/ttnn/cpp/ttnn/operations/transformer/split_query_key_value_and_split_heads/split_query_key_value_and_split_heads.hpp +++ b/ttnn/cpp/ttnn/operations/transformer/split_query_key_value_and_split_heads/split_query_key_value_and_split_heads.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/transformer/split_query_key_value_and_split_heads/split_query_key_value_and_split_heads_pybind.cpp b/ttnn/cpp/ttnn/operations/transformer/split_query_key_value_and_split_heads/split_query_key_value_and_split_heads_pybind.cpp index 8a6b02e6d07..697f7bc5975 100644 --- a/ttnn/cpp/ttnn/operations/transformer/split_query_key_value_and_split_heads/split_query_key_value_and_split_heads_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/transformer/split_query_key_value_and_split_heads/split_query_key_value_and_split_heads_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/transformer/split_query_key_value_and_split_heads/split_query_key_value_and_split_heads_pybind.hpp b/ttnn/cpp/ttnn/operations/transformer/split_query_key_value_and_split_heads/split_query_key_value_and_split_heads_pybind.hpp index 4cc6cb35a15..5b214c6f356 100644 --- a/ttnn/cpp/ttnn/operations/transformer/split_query_key_value_and_split_heads/split_query_key_value_and_split_heads_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/transformer/split_query_key_value_and_split_heads/split_query_key_value_and_split_heads_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/transformer/transformer_pybind.cpp b/ttnn/cpp/ttnn/operations/transformer/transformer_pybind.cpp index a1c1129cea6..bdd6fcf5f25 100644 --- a/ttnn/cpp/ttnn/operations/transformer/transformer_pybind.cpp +++ b/ttnn/cpp/ttnn/operations/transformer/transformer_pybind.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/operations/transformer/transformer_pybind.hpp b/ttnn/cpp/ttnn/operations/transformer/transformer_pybind.hpp index acae6b1285a..6de59c91dc1 100644 --- a/ttnn/cpp/ttnn/operations/transformer/transformer_pybind.hpp +++ b/ttnn/cpp/ttnn/operations/transformer/transformer_pybind.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/reports.hpp b/ttnn/cpp/ttnn/reports.hpp index a828cf66443..cf9ff535583 100644 --- a/ttnn/cpp/ttnn/reports.hpp +++ b/ttnn/cpp/ttnn/reports.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/run_operation.cpp b/ttnn/cpp/ttnn/run_operation.cpp index dac090cdbab..7cc4331cbac 100644 --- a/ttnn/cpp/ttnn/run_operation.cpp +++ b/ttnn/cpp/ttnn/run_operation.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/run_operation.hpp b/ttnn/cpp/ttnn/run_operation.hpp index a0370b1dfd3..baf771cbfcf 100644 --- a/ttnn/cpp/ttnn/run_operation.hpp +++ b/ttnn/cpp/ttnn/run_operation.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/tensor/host_buffer/functions.hpp b/ttnn/cpp/ttnn/tensor/host_buffer/functions.hpp index d9e195131ff..59336830bc9 100644 --- a/ttnn/cpp/ttnn/tensor/host_buffer/functions.hpp +++ b/ttnn/cpp/ttnn/tensor/host_buffer/functions.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/tensor/host_buffer/types.hpp b/ttnn/cpp/ttnn/tensor/host_buffer/types.hpp index 4074ea1bf52..0f4039e4087 100644 --- a/ttnn/cpp/ttnn/tensor/host_buffer/types.hpp +++ b/ttnn/cpp/ttnn/tensor/host_buffer/types.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/tensor/serialization.cpp b/ttnn/cpp/ttnn/tensor/serialization.cpp index 984f2993e29..f17db04cc7f 100644 --- a/ttnn/cpp/ttnn/tensor/serialization.cpp +++ b/ttnn/cpp/ttnn/tensor/serialization.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/tensor/serialization.hpp b/ttnn/cpp/ttnn/tensor/serialization.hpp index 7706cf2c186..46c5b4a91a1 100644 --- a/ttnn/cpp/ttnn/tensor/serialization.hpp +++ b/ttnn/cpp/ttnn/tensor/serialization.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/tensor/tensor.cpp b/ttnn/cpp/ttnn/tensor/tensor.cpp index 069972451bd..ebaae9141f7 100644 --- a/ttnn/cpp/ttnn/tensor/tensor.cpp +++ b/ttnn/cpp/ttnn/tensor/tensor.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/tensor/tensor.hpp b/ttnn/cpp/ttnn/tensor/tensor.hpp index 7a2976ac8f2..9feeeb2b187 100644 --- a/ttnn/cpp/ttnn/tensor/tensor.hpp +++ b/ttnn/cpp/ttnn/tensor/tensor.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/tensor/tensor_impl.cpp b/ttnn/cpp/ttnn/tensor/tensor_impl.cpp index 20df7107370..c2840c3ff14 100644 --- a/ttnn/cpp/ttnn/tensor/tensor_impl.cpp +++ b/ttnn/cpp/ttnn/tensor/tensor_impl.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/tensor/tensor_impl.hpp b/ttnn/cpp/ttnn/tensor/tensor_impl.hpp index 5a0ec30ecdd..05698d1dc40 100644 --- a/ttnn/cpp/ttnn/tensor/tensor_impl.hpp +++ b/ttnn/cpp/ttnn/tensor/tensor_impl.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/tensor/tensor_impl_wrapper.hpp b/ttnn/cpp/ttnn/tensor/tensor_impl_wrapper.hpp index 6ab8a8dae75..ee1ff173746 100644 --- a/ttnn/cpp/ttnn/tensor/tensor_impl_wrapper.hpp +++ b/ttnn/cpp/ttnn/tensor/tensor_impl_wrapper.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/tensor/tensor_ops.cpp b/ttnn/cpp/ttnn/tensor/tensor_ops.cpp index 8a46d676dc7..8c675dad5c3 100644 --- a/ttnn/cpp/ttnn/tensor/tensor_ops.cpp +++ b/ttnn/cpp/ttnn/tensor/tensor_ops.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/tensor/tensor_ops.hpp b/ttnn/cpp/ttnn/tensor/tensor_ops.hpp index 98f8103c151..0c68adb4210 100644 --- a/ttnn/cpp/ttnn/tensor/tensor_ops.hpp +++ b/ttnn/cpp/ttnn/tensor/tensor_ops.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/tensor/tensor_utils.cpp b/ttnn/cpp/ttnn/tensor/tensor_utils.cpp index b364413f57b..864185c57ff 100644 --- a/ttnn/cpp/ttnn/tensor/tensor_utils.cpp +++ b/ttnn/cpp/ttnn/tensor/tensor_utils.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/tensor/tensor_utils.hpp b/ttnn/cpp/ttnn/tensor/tensor_utils.hpp index 36c495bffa6..37c25201898 100644 --- a/ttnn/cpp/ttnn/tensor/tensor_utils.hpp +++ b/ttnn/cpp/ttnn/tensor/tensor_utils.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/tensor/types.cpp b/ttnn/cpp/ttnn/tensor/types.cpp index ccb86100718..9f4abd72f05 100644 --- a/ttnn/cpp/ttnn/tensor/types.cpp +++ b/ttnn/cpp/ttnn/tensor/types.cpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/tensor/types.hpp b/ttnn/cpp/ttnn/tensor/types.hpp index 3666c710113..22a25a061e6 100644 --- a/ttnn/cpp/ttnn/tensor/types.hpp +++ b/ttnn/cpp/ttnn/tensor/types.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/cpp/ttnn/types.hpp b/ttnn/cpp/ttnn/types.hpp index d35328d6946..e8baa189314 100644 --- a/ttnn/cpp/ttnn/types.hpp +++ b/ttnn/cpp/ttnn/types.hpp @@ -1,4 +1,4 @@ -// SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +// SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. // // SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/tracy/__init__.py b/ttnn/tracy/__init__.py index 5e6315139f1..0e35eeff212 100644 --- a/ttnn/tracy/__init__.py +++ b/ttnn/tracy/__init__.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/tracy/__main__.py b/ttnn/tracy/__main__.py index 10e2a03bb3c..5ab2605a568 100644 --- a/ttnn/tracy/__main__.py +++ b/ttnn/tracy/__main__.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/tracy/tracy_state.py b/ttnn/tracy/tracy_state.py index 756687c4ada..d6e2a63a362 100644 --- a/ttnn/tracy/tracy_state.py +++ b/ttnn/tracy/tracy_state.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/tracy/tracy_ttnn.py b/ttnn/tracy/tracy_ttnn.py index 07019e10484..cc75354e04f 100644 --- a/ttnn/tracy/tracy_ttnn.py +++ b/ttnn/tracy/tracy_ttnn.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/tracy/ttnn_profiler_wrapper.py b/ttnn/tracy/ttnn_profiler_wrapper.py index b67c1f7dc58..d01aa0d7a01 100644 --- a/ttnn/tracy/ttnn_profiler_wrapper.py +++ b/ttnn/tracy/ttnn_profiler_wrapper.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/tt_lib/__init__.py b/ttnn/tt_lib/__init__.py index 7e8f1925e2e..339e7895267 100644 --- a/ttnn/tt_lib/__init__.py +++ b/ttnn/tt_lib/__init__.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/tt_lib/_internal/comparison_funcs.py b/ttnn/tt_lib/_internal/comparison_funcs.py index b6c33fe646c..2effe347b16 100644 --- a/ttnn/tt_lib/_internal/comparison_funcs.py +++ b/ttnn/tt_lib/_internal/comparison_funcs.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/tt_lib/fallback_ops/__init__.py b/ttnn/tt_lib/fallback_ops/__init__.py index f5fca5997dc..90a51bbf8fd 100644 --- a/ttnn/tt_lib/fallback_ops/__init__.py +++ b/ttnn/tt_lib/fallback_ops/__init__.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/tt_lib/fallback_ops/conversion_wrapper.py b/ttnn/tt_lib/fallback_ops/conversion_wrapper.py index 44a5fcdfe38..02097f7cd9e 100644 --- a/ttnn/tt_lib/fallback_ops/conversion_wrapper.py +++ b/ttnn/tt_lib/fallback_ops/conversion_wrapper.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/tt_lib/fallback_ops/fallback_ops.py b/ttnn/tt_lib/fallback_ops/fallback_ops.py index f08159ce68b..aafba637ab5 100644 --- a/ttnn/tt_lib/fallback_ops/fallback_ops.py +++ b/ttnn/tt_lib/fallback_ops/fallback_ops.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/tt_lib/fused_ops/add_and_norm.py b/ttnn/tt_lib/fused_ops/add_and_norm.py index b679d49ed9c..ad9ed8895c4 100644 --- a/ttnn/tt_lib/fused_ops/add_and_norm.py +++ b/ttnn/tt_lib/fused_ops/add_and_norm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 import ttnn diff --git a/ttnn/tt_lib/fused_ops/average_pool.py b/ttnn/tt_lib/fused_ops/average_pool.py index 7af3e9b2808..48f7f5f0664 100644 --- a/ttnn/tt_lib/fused_ops/average_pool.py +++ b/ttnn/tt_lib/fused_ops/average_pool.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/tt_lib/fused_ops/layernorm.py b/ttnn/tt_lib/fused_ops/layernorm.py index f5fc9d9fad9..1b485f8d5ab 100644 --- a/ttnn/tt_lib/fused_ops/layernorm.py +++ b/ttnn/tt_lib/fused_ops/layernorm.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/tt_lib/fused_ops/linear.py b/ttnn/tt_lib/fused_ops/linear.py index 3ffd69c8042..84f95e8b28c 100644 --- a/ttnn/tt_lib/fused_ops/linear.py +++ b/ttnn/tt_lib/fused_ops/linear.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/tt_lib/fused_ops/max_pool.py b/ttnn/tt_lib/fused_ops/max_pool.py index a6797211a60..2c5003744fa 100644 --- a/ttnn/tt_lib/fused_ops/max_pool.py +++ b/ttnn/tt_lib/fused_ops/max_pool.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/tt_lib/fused_ops/softmax.py b/ttnn/tt_lib/fused_ops/softmax.py index f5b2f5fceb4..84608c01a24 100644 --- a/ttnn/tt_lib/fused_ops/softmax.py +++ b/ttnn/tt_lib/fused_ops/softmax.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/tt_lib/utils.py b/ttnn/tt_lib/utils.py index 9883666b81f..ef03b1e72f1 100644 --- a/ttnn/tt_lib/utils.py +++ b/ttnn/tt_lib/utils.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/__init__.py b/ttnn/ttnn/__init__.py index 10f7ae31f7f..9cd344c26f1 100644 --- a/ttnn/ttnn/__init__.py +++ b/ttnn/ttnn/__init__.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/core.py b/ttnn/ttnn/core.py index 92d840f7868..e49767ec771 100644 --- a/ttnn/ttnn/core.py +++ b/ttnn/ttnn/core.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/database.py b/ttnn/ttnn/database.py index addba0bd4b9..6431006e8b5 100644 --- a/ttnn/ttnn/database.py +++ b/ttnn/ttnn/database.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/decorators.py b/ttnn/ttnn/decorators.py index 61e361648f6..9261b5fc5b6 100644 --- a/ttnn/ttnn/decorators.py +++ b/ttnn/ttnn/decorators.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/device.py b/ttnn/ttnn/device.py index 894fa137f9d..0481ed19f95 100644 --- a/ttnn/ttnn/device.py +++ b/ttnn/ttnn/device.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/distributed/distributed.py b/ttnn/ttnn/distributed/distributed.py index a4f329eb58a..7a28cde43c3 100644 --- a/ttnn/ttnn/distributed/distributed.py +++ b/ttnn/ttnn/distributed/distributed.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/dot_access.py b/ttnn/ttnn/dot_access.py index 15aebf2eed4..062857ffd15 100644 --- a/ttnn/ttnn/dot_access.py +++ b/ttnn/ttnn/dot_access.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/examples/bert/bert.py b/ttnn/ttnn/examples/bert/bert.py index 875cb554083..8402c1974ab 100644 --- a/ttnn/ttnn/examples/bert/bert.py +++ b/ttnn/ttnn/examples/bert/bert.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/experimental_loader/__init__.py b/ttnn/ttnn/experimental_loader/__init__.py index 72865ca294f..b81ec0529b6 100644 --- a/ttnn/ttnn/experimental_loader/__init__.py +++ b/ttnn/ttnn/experimental_loader/__init__.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/experimental_loader/golden_functions.py b/ttnn/ttnn/experimental_loader/golden_functions.py index b08e16c6ecd..bd9d209eda9 100644 --- a/ttnn/ttnn/experimental_loader/golden_functions.py +++ b/ttnn/ttnn/experimental_loader/golden_functions.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/library_tweaks.py b/ttnn/ttnn/library_tweaks.py index 81778ca2f25..7d1a8a79fba 100644 --- a/ttnn/ttnn/library_tweaks.py +++ b/ttnn/ttnn/library_tweaks.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/model_preprocessing.py b/ttnn/ttnn/model_preprocessing.py index 58ef6e9b4c5..37f482805a5 100644 --- a/ttnn/ttnn/model_preprocessing.py +++ b/ttnn/ttnn/model_preprocessing.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/operations/__init__.py b/ttnn/ttnn/operations/__init__.py index b7e3ace8b87..8a3ac51ecef 100644 --- a/ttnn/ttnn/operations/__init__.py +++ b/ttnn/ttnn/operations/__init__.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/operations/binary_backward.py b/ttnn/ttnn/operations/binary_backward.py index ac833338f2f..5d78539c737 100644 --- a/ttnn/ttnn/operations/binary_backward.py +++ b/ttnn/ttnn/operations/binary_backward.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/operations/binary_complex.py b/ttnn/ttnn/operations/binary_complex.py index 59b17cbc0c3..864bbae6d5b 100644 --- a/ttnn/ttnn/operations/binary_complex.py +++ b/ttnn/ttnn/operations/binary_complex.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/operations/ccl.py b/ttnn/ttnn/operations/ccl.py index 0056f161327..ef07244ca5d 100644 --- a/ttnn/ttnn/operations/ccl.py +++ b/ttnn/ttnn/operations/ccl.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/operations/comparison.py b/ttnn/ttnn/operations/comparison.py index 627cc1992eb..110aacc6775 100644 --- a/ttnn/ttnn/operations/comparison.py +++ b/ttnn/ttnn/operations/comparison.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/operations/complex_binary_backward.py b/ttnn/ttnn/operations/complex_binary_backward.py index 4184988c5f4..a5da250815c 100644 --- a/ttnn/ttnn/operations/complex_binary_backward.py +++ b/ttnn/ttnn/operations/complex_binary_backward.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/operations/complex_unary_backward.py b/ttnn/ttnn/operations/complex_unary_backward.py index 55c1f4aeda4..56759252e52 100644 --- a/ttnn/ttnn/operations/complex_unary_backward.py +++ b/ttnn/ttnn/operations/complex_unary_backward.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/operations/conv1d.py b/ttnn/ttnn/operations/conv1d.py index e979a12b21d..d5de016fdcc 100644 --- a/ttnn/ttnn/operations/conv1d.py +++ b/ttnn/ttnn/operations/conv1d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/operations/conv2d.py b/ttnn/ttnn/operations/conv2d.py index b46a7e1fbf7..87cf389c798 100644 --- a/ttnn/ttnn/operations/conv2d.py +++ b/ttnn/ttnn/operations/conv2d.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/operations/core.py b/ttnn/ttnn/operations/core.py index 3eeda3a90b6..e5eb2f402a0 100644 --- a/ttnn/ttnn/operations/core.py +++ b/ttnn/ttnn/operations/core.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/operations/creation.py b/ttnn/ttnn/operations/creation.py index 174b40efaa6..e531ead241d 100644 --- a/ttnn/ttnn/operations/creation.py +++ b/ttnn/ttnn/operations/creation.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/operations/data_movement.py b/ttnn/ttnn/operations/data_movement.py index e956e1582ee..ebdf42fe545 100644 --- a/ttnn/ttnn/operations/data_movement.py +++ b/ttnn/ttnn/operations/data_movement.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/operations/embedding.py b/ttnn/ttnn/operations/embedding.py index a23ce9081e9..9cacfa0406f 100644 --- a/ttnn/ttnn/operations/embedding.py +++ b/ttnn/ttnn/operations/embedding.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/operations/losses.py b/ttnn/ttnn/operations/losses.py index 0ab9ab08135..962796ae894 100644 --- a/ttnn/ttnn/operations/losses.py +++ b/ttnn/ttnn/operations/losses.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/operations/matmul.py b/ttnn/ttnn/operations/matmul.py index f75c2c38aaf..16d5402d651 100644 --- a/ttnn/ttnn/operations/matmul.py +++ b/ttnn/ttnn/operations/matmul.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/operations/normalization.py b/ttnn/ttnn/operations/normalization.py index 9c6457220d3..a005e5cc3cc 100644 --- a/ttnn/ttnn/operations/normalization.py +++ b/ttnn/ttnn/operations/normalization.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/operations/pool.py b/ttnn/ttnn/operations/pool.py index 1fb97b768bf..f583a7f2825 100644 --- a/ttnn/ttnn/operations/pool.py +++ b/ttnn/ttnn/operations/pool.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/operations/reduction.py b/ttnn/ttnn/operations/reduction.py index 950a4a6923f..a0ec8b3c21d 100644 --- a/ttnn/ttnn/operations/reduction.py +++ b/ttnn/ttnn/operations/reduction.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/operations/ternary.py b/ttnn/ttnn/operations/ternary.py index ee244bf547a..443d74d4534 100644 --- a/ttnn/ttnn/operations/ternary.py +++ b/ttnn/ttnn/operations/ternary.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/operations/ternary_backward.py b/ttnn/ttnn/operations/ternary_backward.py index 781551e8a77..fc191dff054 100644 --- a/ttnn/ttnn/operations/ternary_backward.py +++ b/ttnn/ttnn/operations/ternary_backward.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/operations/transformer.py b/ttnn/ttnn/operations/transformer.py index 7758d365fe3..d7e2a343374 100644 --- a/ttnn/ttnn/operations/transformer.py +++ b/ttnn/ttnn/operations/transformer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/operations/unary.py b/ttnn/ttnn/operations/unary.py index 29444224e14..e5f3a6ddc2f 100644 --- a/ttnn/ttnn/operations/unary.py +++ b/ttnn/ttnn/operations/unary.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/operations/unary_backward.py b/ttnn/ttnn/operations/unary_backward.py index 17c37a6fd71..88763c50967 100644 --- a/ttnn/ttnn/operations/unary_backward.py +++ b/ttnn/ttnn/operations/unary_backward.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/operations/unary_complex.py b/ttnn/ttnn/operations/unary_complex.py index 7be28f3fd0e..9918bc39409 100644 --- a/ttnn/ttnn/operations/unary_complex.py +++ b/ttnn/ttnn/operations/unary_complex.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/profiler.py b/ttnn/ttnn/profiler.py index 1972a19449a..355ad24fcae 100644 --- a/ttnn/ttnn/profiler.py +++ b/ttnn/ttnn/profiler.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/reflection.py b/ttnn/ttnn/reflection.py index cf4c86ff4ac..7a1415373f4 100644 --- a/ttnn/ttnn/reflection.py +++ b/ttnn/ttnn/reflection.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/torch_tracer.py b/ttnn/ttnn/torch_tracer.py index df19b1e7aad..994fe89b657 100644 --- a/ttnn/ttnn/torch_tracer.py +++ b/ttnn/ttnn/torch_tracer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/tracer.py b/ttnn/ttnn/tracer.py index 0c452da6f54..a1917bb172f 100644 --- a/ttnn/ttnn/tracer.py +++ b/ttnn/ttnn/tracer.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/ttnn/types.py b/ttnn/ttnn/types.py index 0fd3f775313..4012a875930 100644 --- a/ttnn/ttnn/types.py +++ b/ttnn/ttnn/types.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 diff --git a/ttnn/visualizer/app.py b/ttnn/visualizer/app.py index 7b591221a69..a3c0242935b 100644 --- a/ttnn/visualizer/app.py +++ b/ttnn/visualizer/app.py @@ -1,4 +1,4 @@ -# SPDX-FileCopyrightText: © 2023 Tenstorrent Inc. +# SPDX-FileCopyrightText: © 2024 Tenstorrent Inc. # SPDX-License-Identifier: Apache-2.0 From a3a51e54850081ec40abd7893b470dc804e4f9a6 Mon Sep 17 00:00:00 2001 From: Raymond Kim Date: Mon, 2 Dec 2024 18:36:45 +0000 Subject: [PATCH 2/2] #0: black on files I touched --- models/datasets/dataset_squadv2.py | 92 ++- .../experimental/blazepose/demo/blazebase.py | 43 +- .../deit/demo/cpu_demo_with_teacher.py | 8 +- .../deit/demo/cpu_demo_without_teacher.py | 8 +- .../deit/demo/gs_demo_with_teacher.py | 16 +- .../deit/demo/gs_demo_without_teacher.py | 12 +- .../deit/tests/test_deit_attention.py | 4 +- .../deit/tests/test_deit_embeddings.py | 9 +- .../test_deit_for_image_classification.py | 21 +- ...t_for_image_classification_with_teacher.py | 16 +- .../deit/tests/test_deit_intermediate.py | 3 - .../deit/tests/test_deit_model.py | 9 +- .../deit/tests/test_deit_output.py | 2 +- .../deit/tests/test_deit_self_attention.py | 8 +- .../deit/tests/test_deit_self_output.py | 3 +- .../deit/tt/deit_patch_embeddings.py | 30 +- .../experimental/distilbert/demo/cpu_demo.py | 4 +- .../reference/efficientnet_lite.py | 57 +- models/experimental/hrnet/demo/cpu_demo.py | 4 +- models/experimental/hrnet/demo/gs_demo.py | 4 +- models/experimental/hrnet/hrnet_utils.py | 16 +- models/experimental/hrnet/reference/hrnet.py | 104 +-- .../hrnet/tests/test_torch_hrnet.py | 4 +- .../hrnet/tests/test_tt_basic_block.py | 4 +- .../tests/test_tt_high_resolution_module.py | 9 +- .../hrnet/tests/test_tt_hrnet_model.py | 4 +- .../inceptionV4/reference/_utils.py | 22 +- .../inceptionV4/reference/inception.py | 66 +- .../experimental/llama/demo/cpu_llama_demo.py | 12 +- .../experimental/llama/tt/llama_first_half.py | 58 +- .../llama2/demo/cpu_llama2_demo.py | 8 +- models/experimental/llama2/llama2_utils.py | 83 +-- .../mobilenet/reference/mobilenetv2.py | 46 +- .../mobilenet/tests/test_mobilenetv2.py | 20 +- .../experimental/nanogpt/reference/bench.py | 33 +- .../experimental/nanogpt/reference/model.py | 74 +-- .../experimental/nanogpt/reference/sample.py | 26 +- models/experimental/roberta/demo/roberta.py | 12 +- .../experimental/squeezebert/demo/cpu_demo.py | 4 +- .../squeezebert/squeezebert_utils.py | 4 +- .../squeezenet/reference/squeezenet.py | 52 +- .../squeezenet/tests/test_squeezenet1.py | 18 +- .../squeezenet/tests/test_squeezenet1_1.py | 17 +- models/experimental/ssd/demo/cpu_demo.py | 4 +- models/experimental/ssd/reference/backbone.py | 43 +- models/experimental/ssd/reference/ssd.py | 77 +-- models/experimental/ssd/reference/ssd_head.py | 60 +- .../experimental/ssd/reference/torch_utils.py | 47 +- .../swin/reference/activations.py | 4 +- .../swin/reference/backbone_utils.py | 32 +- .../swin/reference/configuration_swin.py | 4 +- .../swin/reference/pytorch_utils.py | 26 +- models/experimental/swin/reference/swin.py | 216 ++----- models/experimental/t5/tt/t5_model.py | 16 +- models/experimental/trocr/demo/cpu_demo.py | 4 +- .../trocr/trocr_generate_utils.py | 268 ++------ models/experimental/trocr/trocr_utils.py | 12 +- models/experimental/trocr/tt/trocr.py | 4 +- .../trocr/tt/trocr_decoder_wrapper.py | 4 +- .../experimental/vovnet/reference/vovnet.py | 46 +- models/experimental/vovnet/vovnet_utils.py | 24 +- models/experimental/whisper/demo/cpu_demo.py | 6 +- models/experimental/whisper/tt/whisper.py | 8 +- models/experimental/yolov3/demo/cpu_demo.py | 19 +- .../experimental/yolov3/reference/export.py | 227 ++----- .../yolov3/reference/models/common.py | 293 ++------- .../yolov3/reference/models/experimental.py | 31 +- .../yolov3/reference/models/yolo.py | 155 ++--- .../yolov3/reference/utils/__init__.py | 14 +- .../yolov3/reference/utils/augmentations.py | 123 +--- .../yolov3/reference/utils/autoanchor.py | 44 +- .../yolov3/reference/utils/dataloaders.py | 355 +++------- .../yolov3/reference/utils/downloads.py | 38 +- .../yolov3/reference/utils/general.py | 278 ++------ .../yolov3/reference/utils/plots.py | 106 +-- .../yolov3/reference/utils/segment_general.py | 40 +- .../yolov3/reference/utils/torch_utils.py | 189 ++---- .../yolov5/reference/models/common.py | 231 ++----- .../yolov5/reference/models/experimental.py | 31 +- .../yolov5/reference/models/yolo.py | 155 ++--- .../yolov5/reference/utils/augmentations.py | 4 +- .../yolov5/reference/utils/dataloaders.py | 16 +- .../yolov5/reference/utils/downloads.py | 42 +- .../yolov5/reference/utils/general.py | 265 ++------ .../yolov5/reference/utils/plots.py | 102 +-- .../yolov5/reference/utils/segment_general.py | 40 +- .../yolov5/reference/utils/torch_utils.py | 189 ++---- .../yolov5/tt/yolov5_detection_model.py | 78 +-- models/experimental/yolov7/demo/cpu_demo.py | 12 +- .../experimental/yolov7/reference/detect.py | 41 +- .../yolov7/reference/models/common.py | 609 +++++------------- .../yolov7/reference/models/experimental.py | 41 +- .../yolov7/reference/models/yolo.py | 340 +++------- .../yolov7/reference/utils/add_nms.py | 12 +- .../yolov7/reference/utils/autoanchor.py | 58 +- .../yolov7/reference/utils/datasets.py | 318 +++------ .../yolov7/reference/utils/general.py | 240 ++----- .../yolov7/reference/utils/google_utils.py | 12 +- .../yolov7/reference/utils/loss.py | 400 +++--------- .../yolov7/reference/utils/metrics.py | 34 +- .../yolov7/reference/utils/plots.py | 67 +- .../yolov7/reference/utils/torch_utils.py | 97 +-- 102 files changed, 1743 insertions(+), 5557 deletions(-) diff --git a/models/datasets/dataset_squadv2.py b/models/datasets/dataset_squadv2.py index 5d89d85b9b0..3cd24821e4b 100644 --- a/models/datasets/dataset_squadv2.py +++ b/models/datasets/dataset_squadv2.py @@ -8,10 +8,20 @@ from datasets import load_dataset from loguru import logger + class SQUADV2Dataset(Dataset): """Configurable SQuad-V2 Dataset.""" - def __init__(self, dataset_question: Any , dataset_context: Any, dataset_reference: Any, tokenizer: Any, seq_len: int, attention_mask: bool, token_type_ids: bool): + def __init__( + self, + dataset_question: Any, + dataset_context: Any, + dataset_reference: Any, + tokenizer: Any, + seq_len: int, + attention_mask: bool, + token_type_ids: bool, + ): """Init and preprocess SST-2 dataset. Parameters @@ -30,7 +40,8 @@ def __init__(self, dataset_question: Any , dataset_context: Any, dataset_referen self.data = [] for i in range(len(dataset_question)): - self.data.append(( + self.data.append( + ( tokenizer.batch_encode_plus( zip(dataset_question[i], dataset_context[i]), max_length=seq_len, @@ -39,13 +50,12 @@ def __init__(self, dataset_question: Any , dataset_context: Any, dataset_referen return_attention_mask=attention_mask, return_token_type_ids=token_type_ids, return_tensors="pt", - ) - , dataset_reference[i] - , dataset_question[i] - , dataset_context[i]) + ), + dataset_reference[i], + dataset_question[i], + dataset_context[i], ) - - + ) def __len__(self): """Return length of dataset. @@ -74,19 +84,18 @@ def __getitem__(self, index: int): return X - def squad_divide_chunks(dataset_question, dataset_context, dataset_reference, batch): dataset_question_b = [] dataset_context_b = [] dataset_reference_b = [] for i in range(0, len(dataset_question), batch): - dataset_question_b.append(dataset_question[i:i + batch]) - dataset_context_b.append(dataset_context[i:i + batch]) - dataset_reference_b.append(dataset_reference[i:i + batch]) + dataset_question_b.append(dataset_question[i : i + batch]) + dataset_context_b.append(dataset_context[i : i + batch]) + dataset_reference_b.append(dataset_reference[i : i + batch]) return dataset_question_b, dataset_context_b, dataset_reference_b -def squadv2_1K_samples_input(tokenizer, seq_len, attention_mask, token_type_ids, microbatch=8): +def squadv2_1K_samples_input(tokenizer, seq_len, attention_mask, token_type_ids, microbatch=8): squadv2_dataset = load_dataset("squad_v2", use_auth_token=False, streaming=True)["validation"] # squadv2_dataset = load_dataset("squad_v2", use_auth_token=True, streaming=True)["validation"] @@ -97,23 +106,33 @@ def squadv2_1K_samples_input(tokenizer, seq_len, attention_mask, token_type_ids, for _ in range(2048): dataset_sgl = next(dataset_iter) - if len(dataset_sgl['answers']['text']) > 0: - dataset_question.append(dataset_sgl['question']) - dataset_context.append(dataset_sgl['context']) - dataset_reference.append({'answers': dataset_sgl['answers'], 'id': dataset_sgl['id']}) + if len(dataset_sgl["answers"]["text"]) > 0: + dataset_question.append(dataset_sgl["question"]) + dataset_context.append(dataset_sgl["context"]) + dataset_reference.append({"answers": dataset_sgl["answers"], "id": dataset_sgl["id"]}) if len(dataset_question) == 1024: logger.info("SQuADv2 1024 samples load ..done") break - dataset_question, dataset_context, dataset_reference = squad_divide_chunks(dataset_question, dataset_context, dataset_reference, microbatch) - dataset_processed = SQUADV2Dataset(dataset_question, dataset_context, dataset_reference, tokenizer=tokenizer, seq_len=seq_len, attention_mask=attention_mask, token_type_ids=token_type_ids) + dataset_question, dataset_context, dataset_reference = squad_divide_chunks( + dataset_question, dataset_context, dataset_reference, microbatch + ) + dataset_processed = SQUADV2Dataset( + dataset_question, + dataset_context, + dataset_reference, + tokenizer=tokenizer, + seq_len=seq_len, + attention_mask=attention_mask, + token_type_ids=token_type_ids, + ) return dataset_processed - -def squadv2_answer_decode_batch(HF_model, tokenizer, nlp, references, cpu_out, tt_untilized_output, BATCH_SIZE, question, context): - +def squadv2_answer_decode_batch( + HF_model, tokenizer, nlp, references, cpu_out, tt_untilized_output, BATCH_SIZE, question, context +): tt_predictions = [] cpu_predictions = [] @@ -123,7 +142,6 @@ def squadv2_answer_decode_batch(HF_model, tokenizer, nlp, references, cpu_out, t examples = nlp._args_parser(input_q) for i in range(BATCH_SIZE): - logger.info(f"--REF-- {references[i]['answers']['text']}") answer_start_scores = cpu_out["start_logits"][i] @@ -144,25 +162,29 @@ def squadv2_answer_decode_batch(HF_model, tokenizer, nlp, references, cpu_out, t } pt_res = { - "start": answer_start_scores, - "end": answer_end_scores, - "example": single_input["example"], - **single_input["inputs"], - } + "start": answer_start_scores, + "end": answer_end_scores, + "example": single_input["example"], + **single_input["inputs"], + } cpu_answer_nlp = nlp.postprocess([pt_res], **postprocess_params)["answer"] tt_res = { - "start": tt_start_logits, - "end": tt_end_logits, - "example": single_input["example"], - **single_input["inputs"], - } + "start": tt_start_logits, + "end": tt_end_logits, + "example": single_input["example"], + **single_input["inputs"], + } tt_answer_nlp = nlp.postprocess([tt_res], **postprocess_params)["answer"] logger.info(f"--CPU-- {cpu_answer_nlp}") logger.info(f"--TT--- {tt_answer_nlp}") logger.info(f"=======") - cpu_predictions.append({'prediction_text': cpu_answer_nlp, 'id': references[i]['id'], 'no_answer_probability': 0.}) - tt_predictions.append({'prediction_text': tt_answer_nlp, 'id': references[i]['id'], 'no_answer_probability': 0.}) + cpu_predictions.append( + {"prediction_text": cpu_answer_nlp, "id": references[i]["id"], "no_answer_probability": 0.0} + ) + tt_predictions.append( + {"prediction_text": tt_answer_nlp, "id": references[i]["id"], "no_answer_probability": 0.0} + ) return cpu_predictions, tt_predictions diff --git a/models/experimental/blazepose/demo/blazebase.py b/models/experimental/blazepose/demo/blazebase.py index 36a822c8059..0355f9f9b5c 100644 --- a/models/experimental/blazepose/demo/blazebase.py +++ b/models/experimental/blazepose/demo/blazebase.py @@ -206,9 +206,7 @@ class BlazeLandmark(BlazeBase): def extract_roi(self, frame, xc, yc, theta, scale): # take points on unit square and transform them according to the roi - points = torch.tensor( - [[-1, -1, 1, 1], [-1, 1, -1, 1]], device=scale.device - ).view(1, 2, 4) + points = torch.tensor([[-1, -1, 1, 1], [-1, 1, -1, 1]], device=scale.device).view(1, 2, 4) points = points * scale.view(-1, 1, 1) / 2 theta = theta.view(-1, 1, 1) R = torch.cat( @@ -237,9 +235,7 @@ def extract_roi(self, frame, xc, yc, theta, scale): affine = torch.tensor(affine, device=scale.device) affines.append(affine) if imgs: - imgs = ( - torch.stack(imgs).permute(0, 3, 1, 2).float() / 255.0 - ) # / 127.5 - 1.0 + imgs = torch.stack(imgs).permute(0, 3, 1, 2).float() / 255.0 # / 127.5 - 1.0 affines = torch.stack(affines) else: imgs = torch.zeros((0, 3, res, res), device=scale.device) @@ -265,9 +261,7 @@ class BlazeDetector(BlazeBase): """ def load_anchors(self, path): - self.anchors = torch.tensor( - np.load(path), dtype=torch.float32, device=self._device() - ) + self.anchors = torch.tensor(np.load(path), dtype=torch.float32, device=self._device()) assert self.anchors.ndimension() == 2 assert self.anchors.shape[0] == self.num_anchors assert self.anchors.shape[1] == 4 @@ -331,11 +325,7 @@ def predict_on_batch(self, x): filtered_detections = [] for i in range(len(detections)): faces = self._weighted_non_max_suppression(detections[i]) - faces = ( - torch.stack(faces) - if len(faces) > 0 - else torch.zeros((0, self.num_coords + 1)) - ) + faces = torch.stack(faces) if len(faces) > 0 else torch.zeros((0, self.num_coords + 1)) filtered_detections.append(faces) return filtered_detections @@ -368,9 +358,7 @@ def detection2roi(self, detection): y1 = detection[:, 4 + 2 * self.kp2 + 1] scale = ((xc - x1) ** 2 + (yc - y1) ** 2).sqrt() * 2 else: - raise NotImplementedError( - "detection2roi_method [%s] not supported" % self.detection2roi_method - ) + raise NotImplementedError("detection2roi_method [%s] not supported" % self.detection2roi_method) yc += self.dy * scale scale *= self.dscale @@ -447,13 +435,8 @@ def _decode_boxes(self, raw_boxes, anchors): for k in range(self.num_keypoints): offset = 4 + k * 2 - keypoint_x = ( - raw_boxes[..., offset] / self.x_scale * anchors[:, 2] + anchors[:, 0] - ) - keypoint_y = ( - raw_boxes[..., offset + 1] / self.y_scale * anchors[:, 3] - + anchors[:, 1] - ) + keypoint_x = raw_boxes[..., offset] / self.x_scale * anchors[:, 2] + anchors[:, 0] + keypoint_y = raw_boxes[..., offset + 1] / self.y_scale * anchors[:, 3] + anchors[:, 1] boxes[..., offset] = keypoint_x boxes[..., offset + 1] = keypoint_y @@ -559,16 +542,8 @@ def jaccard(box_a, box_b): jaccard overlap: (tensor) Shape: [box_a.size(0), box_b.size(0)] """ inter = intersect(box_a, box_b) - area_a = ( - ((box_a[:, 2] - box_a[:, 0]) * (box_a[:, 3] - box_a[:, 1])) - .unsqueeze(1) - .expand_as(inter) - ) # [A,B] - area_b = ( - ((box_b[:, 2] - box_b[:, 0]) * (box_b[:, 3] - box_b[:, 1])) - .unsqueeze(0) - .expand_as(inter) - ) # [A,B] + area_a = ((box_a[:, 2] - box_a[:, 0]) * (box_a[:, 3] - box_a[:, 1])).unsqueeze(1).expand_as(inter) # [A,B] + area_b = ((box_b[:, 2] - box_b[:, 0]) * (box_b[:, 3] - box_b[:, 1])).unsqueeze(0).expand_as(inter) # [A,B] union = area_a + area_b - inter return inter / union # [A,B] diff --git a/models/experimental/deit/demo/cpu_demo_with_teacher.py b/models/experimental/deit/demo/cpu_demo_with_teacher.py index 6d8447f7ed4..02e7772d110 100644 --- a/models/experimental/deit/demo/cpu_demo_with_teacher.py +++ b/models/experimental/deit/demo/cpu_demo_with_teacher.py @@ -10,12 +10,8 @@ def test_cpu_demo(hf_cat_image_sample_input): image = hf_cat_image_sample_input - image_processor = AutoImageProcessor.from_pretrained( - "facebook/deit-base-distilled-patch16-224" - ) - model = DeiTForImageClassificationWithTeacher.from_pretrained( - "facebook/deit-base-distilled-patch16-224" - ) + image_processor = AutoImageProcessor.from_pretrained("facebook/deit-base-distilled-patch16-224") + model = DeiTForImageClassificationWithTeacher.from_pretrained("facebook/deit-base-distilled-patch16-224") model.eval() inputs = image_processor(images=image, return_tensors="pt") diff --git a/models/experimental/deit/demo/cpu_demo_without_teacher.py b/models/experimental/deit/demo/cpu_demo_without_teacher.py index 7535ef9a70f..9816ed78cc6 100644 --- a/models/experimental/deit/demo/cpu_demo_without_teacher.py +++ b/models/experimental/deit/demo/cpu_demo_without_teacher.py @@ -10,12 +10,8 @@ def test_cpu_demo(hf_cat_image_sample_input): image = hf_cat_image_sample_input - image_processor = AutoImageProcessor.from_pretrained( - "facebook/deit-base-distilled-patch16-224" - ) - model = DeiTForImageClassification.from_pretrained( - "facebook/deit-base-distilled-patch16-224" - ) + image_processor = AutoImageProcessor.from_pretrained("facebook/deit-base-distilled-patch16-224") + model = DeiTForImageClassification.from_pretrained("facebook/deit-base-distilled-patch16-224") model.eval() inputs = image_processor(images=image, return_tensors="pt") diff --git a/models/experimental/deit/demo/gs_demo_with_teacher.py b/models/experimental/deit/demo/gs_demo_with_teacher.py index 0d1614b7786..4862544f940 100644 --- a/models/experimental/deit/demo/gs_demo_with_teacher.py +++ b/models/experimental/deit/demo/gs_demo_with_teacher.py @@ -16,9 +16,7 @@ def test_gs_demo(hf_cat_image_sample_input, device): image = hf_cat_image_sample_input - image_processor = AutoImageProcessor.from_pretrained( - "facebook/deit-base-distilled-patch16-224" - ) + image_processor = AutoImageProcessor.from_pretrained("facebook/deit-base-distilled-patch16-224") inputs = image_processor(images=image, return_tensors="pt") torch_model_with_teacher = DeiTForImageClassificationWithTeacher.from_pretrained( @@ -26,22 +24,16 @@ def test_gs_demo(hf_cat_image_sample_input, device): ) torch_model_with_teacher.eval() - tt_inputs = torch_to_tt_tensor_rm( - inputs["pixel_values"], device, put_on_device=False - ) + tt_inputs = torch_to_tt_tensor_rm(inputs["pixel_values"], device, put_on_device=False) tt_model_with_teacher = deit_for_image_classification_with_teacher(device) with torch.no_grad(): tt_output_with_teacher = tt_model_with_teacher(tt_inputs)[0] - tt_output_with_teacher = tt_to_torch_tensor(tt_output_with_teacher).squeeze(0)[ - :, 0, : - ] + tt_output_with_teacher = tt_to_torch_tensor(tt_output_with_teacher).squeeze(0)[:, 0, :] # model prediction image.save("deit_with_teacher_gs_input_image.jpg") predicted_label = tt_output_with_teacher.argmax(-1).item() logger.info(f"Input image saved as deit_with_teacher_gs_input_image.jpg") - logger.info( - f"TT's prediction: {torch_model_with_teacher.config.id2label[predicted_label]}." - ) + logger.info(f"TT's prediction: {torch_model_with_teacher.config.id2label[predicted_label]}.") diff --git a/models/experimental/deit/demo/gs_demo_without_teacher.py b/models/experimental/deit/demo/gs_demo_without_teacher.py index d147353a71f..fef4823dd87 100644 --- a/models/experimental/deit/demo/gs_demo_without_teacher.py +++ b/models/experimental/deit/demo/gs_demo_without_teacher.py @@ -14,19 +14,13 @@ def test_gs_demo(hf_cat_image_sample_input, device): image = hf_cat_image_sample_input - image_processor = AutoImageProcessor.from_pretrained( - "facebook/deit-base-distilled-patch16-224" - ) + image_processor = AutoImageProcessor.from_pretrained("facebook/deit-base-distilled-patch16-224") inputs = image_processor(images=image, return_tensors="pt") - torch_model = DeiTForImageClassification.from_pretrained( - "facebook/deit-base-distilled-patch16-224" - ) + torch_model = DeiTForImageClassification.from_pretrained("facebook/deit-base-distilled-patch16-224") torch_model.eval() - tt_inputs = torch_to_tt_tensor_rm( - inputs["pixel_values"], device, put_on_device=False - ) + tt_inputs = torch_to_tt_tensor_rm(inputs["pixel_values"], device, put_on_device=False) tt_model = deit_for_image_classification(device) with torch.no_grad(): diff --git a/models/experimental/deit/tests/test_deit_attention.py b/models/experimental/deit/tests/test_deit_attention.py index f87f77a160f..85c101359e1 100644 --- a/models/experimental/deit/tests/test_deit_attention.py +++ b/models/experimental/deit/tests/test_deit_attention.py @@ -34,9 +34,7 @@ def test_deit_attention_inference(device, pcc=0.99): input_shape = torch.Size([1, 1, 198, 768]) hidden_state = torch.randn(input_shape) - torch_output = torch_attention( - hidden_state.squeeze(0), head_mask, output_attentions - )[0] + torch_output = torch_attention(hidden_state.squeeze(0), head_mask, output_attentions)[0] # setup tt model tt_attention = TtDeiTAttention(DeiTConfig(), device, state_dict, base_address) diff --git a/models/experimental/deit/tests/test_deit_embeddings.py b/models/experimental/deit/tests/test_deit_embeddings.py index 0e19d804fff..ab6a90108b3 100644 --- a/models/experimental/deit/tests/test_deit_embeddings.py +++ b/models/experimental/deit/tests/test_deit_embeddings.py @@ -15,7 +15,6 @@ ) - def test_deit_embeddings_inference(device, hf_cat_image_sample_input, pcc=0.99): # setup pytorch model model = DeiTModel.from_pretrained("facebook/deit-base-distilled-patch16-224") @@ -28,9 +27,7 @@ def test_deit_embeddings_inference(device, hf_cat_image_sample_input, pcc=0.99): head_mask = None # real input - image_processor = AutoImageProcessor.from_pretrained( - "facebook/deit-base-distilled-patch16-224" - ) + image_processor = AutoImageProcessor.from_pretrained("facebook/deit-base-distilled-patch16-224") image = hf_cat_image_sample_input input_image = image_processor(images=image, return_tensors="pt") input_image = input_image["pixel_values"] @@ -38,9 +35,7 @@ def test_deit_embeddings_inference(device, hf_cat_image_sample_input, pcc=0.99): torch_output = torch_embeddings(input_image, bool_masked_pos) # setup tt model - tt_embeddings = DeiTEmbeddings( - DeiTConfig(), base_address, state_dict, use_mask_token - ) + tt_embeddings = DeiTEmbeddings(DeiTConfig(), base_address, state_dict, use_mask_token) tt_output = tt_embeddings(input_image, bool_masked_pos) diff --git a/models/experimental/deit/tests/test_deit_for_image_classification.py b/models/experimental/deit/tests/test_deit_for_image_classification.py index b0ae3ea02fe..e378dc22ade 100644 --- a/models/experimental/deit/tests/test_deit_for_image_classification.py +++ b/models/experimental/deit/tests/test_deit_for_image_classification.py @@ -14,33 +14,24 @@ comp_allclose_and_pcc, ) -def test_deit_for_image_classification_inference( - device, hf_cat_image_sample_input, pcc=0.95 -): + +def test_deit_for_image_classification_inference(device, hf_cat_image_sample_input, pcc=0.95): with torch.no_grad(): image = hf_cat_image_sample_input # real input - image_processor = AutoImageProcessor.from_pretrained( - "facebook/deit-base-distilled-patch16-224" - ) + image_processor = AutoImageProcessor.from_pretrained("facebook/deit-base-distilled-patch16-224") inputs = image_processor(images=image, return_tensors="pt") - torch_model = DeiTForImageClassification.from_pretrained( - "facebook/deit-base-distilled-patch16-224" - ) + torch_model = DeiTForImageClassification.from_pretrained("facebook/deit-base-distilled-patch16-224") torch_model.eval() state_dict = torch_model.state_dict() config = torch_model.config torch_output = torch_model(**inputs).logits - tt_inputs = torch_to_tt_tensor_rm( - inputs["pixel_values"], device, put_on_device=False - ) - tt_model = TtDeiTForImageClassification( - config, device=device, state_dict=state_dict, base_address="" - ) + tt_inputs = torch_to_tt_tensor_rm(inputs["pixel_values"], device, put_on_device=False) + tt_model = TtDeiTForImageClassification(config, device=device, state_dict=state_dict, base_address="") tt_model.deit.get_head_mask = torch_model.deit.get_head_mask tt_output = tt_model(tt_inputs)[0] diff --git a/models/experimental/deit/tests/test_deit_for_image_classification_with_teacher.py b/models/experimental/deit/tests/test_deit_for_image_classification_with_teacher.py index 35202680160..7ec24c41aee 100644 --- a/models/experimental/deit/tests/test_deit_for_image_classification_with_teacher.py +++ b/models/experimental/deit/tests/test_deit_for_image_classification_with_teacher.py @@ -19,30 +19,22 @@ ) -def test_deit_for_image_classification_with_teacher_inference( - device, hf_cat_image_sample_input, pcc=0.95 -): +def test_deit_for_image_classification_with_teacher_inference(device, hf_cat_image_sample_input, pcc=0.95): with torch.no_grad(): image = hf_cat_image_sample_input # real input - image_processor = AutoImageProcessor.from_pretrained( - "facebook/deit-base-distilled-patch16-224" - ) + image_processor = AutoImageProcessor.from_pretrained("facebook/deit-base-distilled-patch16-224") inputs = image_processor(images=image, return_tensors="pt") - torch_model = DeiTForImageClassificationWithTeacher.from_pretrained( - "facebook/deit-base-distilled-patch16-224" - ) + torch_model = DeiTForImageClassificationWithTeacher.from_pretrained("facebook/deit-base-distilled-patch16-224") torch_model.eval() state_dict = torch_model.state_dict() config = torch_model.config torch_output = torch_model(**inputs).logits - tt_inputs = torch_to_tt_tensor_rm( - inputs["pixel_values"], device, put_on_device=False - ) + tt_inputs = torch_to_tt_tensor_rm(inputs["pixel_values"], device, put_on_device=False) tt_model = TtDeiTForImageClassificationWithTeacher( config, device=device, state_dict=state_dict, base_address="" ) diff --git a/models/experimental/deit/tests/test_deit_intermediate.py b/models/experimental/deit/tests/test_deit_intermediate.py index d48ee146dbb..1b81c771aac 100644 --- a/models/experimental/deit/tests/test_deit_intermediate.py +++ b/models/experimental/deit/tests/test_deit_intermediate.py @@ -17,9 +17,6 @@ ) - - - def test_deit_intermediate_inference(device, pcc=0.99): # setup pytorch model model = DeiTModel.from_pretrained("facebook/deit-base-distilled-patch16-224") diff --git a/models/experimental/deit/tests/test_deit_model.py b/models/experimental/deit/tests/test_deit_model.py index ee8ce2285a8..c013bb10dfb 100644 --- a/models/experimental/deit/tests/test_deit_model.py +++ b/models/experimental/deit/tests/test_deit_model.py @@ -15,6 +15,7 @@ comp_allclose_and_pcc, ) + def test_deit_model_inference(device, hf_cat_image_sample_input, pcc=0.95): head_mask = None output_attentions = None @@ -24,18 +25,14 @@ def test_deit_model_inference(device, hf_cat_image_sample_input, pcc=0.95): with torch.no_grad(): # setup pytorch model - model = DeiTForImageClassification.from_pretrained( - "facebook/deit-base-distilled-patch16-224" - ) + model = DeiTForImageClassification.from_pretrained("facebook/deit-base-distilled-patch16-224") model.eval() state_dict = model.state_dict() base_address = "deit" # synthesize the input image = hf_cat_image_sample_input - image_processor = AutoImageProcessor.from_pretrained( - "facebook/deit-base-distilled-patch16-224" - ) + image_processor = AutoImageProcessor.from_pretrained("facebook/deit-base-distilled-patch16-224") input_image = image_processor(images=image, return_tensors="pt") input_image = input_image["pixel_values"] diff --git a/models/experimental/deit/tests/test_deit_output.py b/models/experimental/deit/tests/test_deit_output.py index fa289f3ec60..0d8096427fe 100644 --- a/models/experimental/deit/tests/test_deit_output.py +++ b/models/experimental/deit/tests/test_deit_output.py @@ -7,7 +7,6 @@ from transformers import DeiTModel - from models.experimental.deit.tt.deit_config import DeiTConfig from models.experimental.deit.tt.deit_output import TtDeiTOutput from models.utility_functions import ( @@ -17,6 +16,7 @@ comp_allclose_and_pcc, ) + def test_deit_output_inference(device, pcc=0.99): # setup pytorch model model = DeiTModel.from_pretrained("facebook/deit-base-distilled-patch16-224") diff --git a/models/experimental/deit/tests/test_deit_self_attention.py b/models/experimental/deit/tests/test_deit_self_attention.py index ad95154825e..54bc908fc88 100644 --- a/models/experimental/deit/tests/test_deit_self_attention.py +++ b/models/experimental/deit/tests/test_deit_self_attention.py @@ -33,14 +33,10 @@ def test_deit_self_attention_inference(device, pcc=0.99): input_shape = torch.Size([1, 1, 198, 768]) hidden_state = torch.randn(input_shape) - torch_output = torch_self_attention( - hidden_state.squeeze(0), head_mask, output_attentions - )[0] + torch_output = torch_self_attention(hidden_state.squeeze(0), head_mask, output_attentions)[0] # setup tt model - tt_self_attention = TtDeiTSelfAttention( - DeiTConfig(), device, state_dict, base_address - ) + tt_self_attention = TtDeiTSelfAttention(DeiTConfig(), device, state_dict, base_address) tt_input = torch_to_tt_tensor_rm(hidden_state, device, put_on_device=False) tt_out = tt_self_attention(tt_input, head_mask, output_attentions) diff --git a/models/experimental/deit/tests/test_deit_self_output.py b/models/experimental/deit/tests/test_deit_self_output.py index 936fb79815d..fa972eb3a71 100644 --- a/models/experimental/deit/tests/test_deit_self_output.py +++ b/models/experimental/deit/tests/test_deit_self_output.py @@ -7,8 +7,6 @@ from transformers import DeiTModel - - from models.experimental.deit.tt.deit_config import DeiTConfig from models.experimental.deit.tt.deit_self_output import TtDeiTSelfOutput from models.utility_functions import ( @@ -18,6 +16,7 @@ comp_allclose_and_pcc, ) + def test_deit_self_output_inference(device, pcc=0.99): # setup pytorch model model = DeiTModel.from_pretrained("facebook/deit-base-distilled-patch16-224") diff --git a/models/experimental/deit/tt/deit_patch_embeddings.py b/models/experimental/deit/tt/deit_patch_embeddings.py index fc8bd9d20fd..68e9d33d825 100644 --- a/models/experimental/deit/tt/deit_patch_embeddings.py +++ b/models/experimental/deit/tt/deit_patch_embeddings.py @@ -11,8 +11,6 @@ from models.experimental.deit.tt.deit_config import DeiTConfig - - class DeiTPatchEmbeddings(nn.Module): """ implemented for cpu only. @@ -23,33 +21,17 @@ def __init__(self, config: DeiTConfig(), state_dict=None, base_address=""): image_size, patch_size = config.image_size, config.patch_size num_channels, hidden_size = config.num_channels, config.hidden_size - image_size = ( - image_size - if isinstance(image_size, collections.abc.Iterable) - else (image_size, image_size) - ) - patch_size = ( - patch_size - if isinstance(patch_size, collections.abc.Iterable) - else (patch_size, patch_size) - ) - num_patches = (image_size[1] // patch_size[1]) * ( - image_size[0] // patch_size[0] - ) + image_size = image_size if isinstance(image_size, collections.abc.Iterable) else (image_size, image_size) + patch_size = patch_size if isinstance(patch_size, collections.abc.Iterable) else (patch_size, patch_size) + num_patches = (image_size[1] // patch_size[1]) * (image_size[0] // patch_size[0]) self.image_size = image_size self.patch_size = patch_size self.num_channels = num_channels self.num_patches = num_patches - self.projection = nn.Conv2d( - num_channels, hidden_size, kernel_size=patch_size, stride=patch_size - ) - self.projection.weight = nn.Parameter( - state_dict[f"{base_address}.projection.weight"] - ) - self.projection.bias = nn.Parameter( - state_dict[f"{base_address}.projection.bias"] - ) + self.projection = nn.Conv2d(num_channels, hidden_size, kernel_size=patch_size, stride=patch_size) + self.projection.weight = nn.Parameter(state_dict[f"{base_address}.projection.weight"]) + self.projection.bias = nn.Parameter(state_dict[f"{base_address}.projection.bias"]) def forward(self, pixel_values: torch.Tensor) -> torch.Tensor: batch_size, num_channels, height, width = pixel_values.shape diff --git a/models/experimental/distilbert/demo/cpu_demo.py b/models/experimental/distilbert/demo/cpu_demo.py index e39987fc134..6df8399a132 100644 --- a/models/experimental/distilbert/demo/cpu_demo.py +++ b/models/experimental/distilbert/demo/cpu_demo.py @@ -32,9 +32,7 @@ def test_cpu_demo(model_name): answer_start_index = torch_output.start_logits.argmax() answer_end_index = torch_output.end_logits.argmax() - predict_answer_tokens = inputs.input_ids[ - 0, answer_start_index : answer_end_index + 1 - ] + predict_answer_tokens = inputs.input_ids[0, answer_start_index : answer_end_index + 1] answer = tokenizer.decode(predict_answer_tokens, skip_special_tokens=True) diff --git a/models/experimental/efficientnet/reference/efficientnet_lite.py b/models/experimental/efficientnet/reference/efficientnet_lite.py index 146098aad3e..56352f94700 100644 --- a/models/experimental/efficientnet/reference/efficientnet_lite.py +++ b/models/experimental/efficientnet/reference/efficientnet_lite.py @@ -66,12 +66,8 @@ def __init__(self, inp, final_oup, k, s, expand_ratio, se_ratio, has_se=False): # Expansion phase oup = inp * expand_ratio # number of output channels if expand_ratio != 1: - self._expand_conv = nn.Conv2d( - in_channels=inp, out_channels=oup, kernel_size=1, bias=False - ) - self._bn0 = nn.BatchNorm2d( - num_features=oup, momentum=self._momentum, eps=self._epsilon - ) + self._expand_conv = nn.Conv2d(in_channels=inp, out_channels=oup, kernel_size=1, bias=False) + self._bn0 = nn.BatchNorm2d(num_features=oup, momentum=self._momentum, eps=self._epsilon) # Depthwise convolution phase self._depthwise_conv = nn.Conv2d( @@ -83,27 +79,17 @@ def __init__(self, inp, final_oup, k, s, expand_ratio, se_ratio, has_se=False): stride=s, bias=False, ) - self._bn1 = nn.BatchNorm2d( - num_features=oup, momentum=self._momentum, eps=self._epsilon - ) + self._bn1 = nn.BatchNorm2d(num_features=oup, momentum=self._momentum, eps=self._epsilon) # Squeeze and Excitation layer, if desired if self.has_se: num_squeezed_channels = max(1, int(inp * se_ratio)) - self._se_reduce = nn.Conv2d( - in_channels=oup, out_channels=num_squeezed_channels, kernel_size=1 - ) - self._se_expand = nn.Conv2d( - in_channels=num_squeezed_channels, out_channels=oup, kernel_size=1 - ) + self._se_reduce = nn.Conv2d(in_channels=oup, out_channels=num_squeezed_channels, kernel_size=1) + self._se_expand = nn.Conv2d(in_channels=num_squeezed_channels, out_channels=oup, kernel_size=1) # Output phase - self._project_conv = nn.Conv2d( - in_channels=oup, out_channels=final_oup, kernel_size=1, bias=False - ) - self._bn2 = nn.BatchNorm2d( - num_features=final_oup, momentum=self._momentum, eps=self._epsilon - ) + self._project_conv = nn.Conv2d(in_channels=oup, out_channels=final_oup, kernel_size=1, bias=False) + self._bn2 = nn.BatchNorm2d(num_features=final_oup, momentum=self._momentum, eps=self._epsilon) self._relu = nn.ReLU6(inplace=True) def forward(self, x, drop_connect_rate=None): @@ -128,11 +114,7 @@ def forward(self, x, drop_connect_rate=None): x = self._bn2(self._project_conv(x)) # Skip connection and drop connect - if ( - self.id_skip - and self.stride == 1 - and self.input_filters == self.output_filters - ): + if self.id_skip and self.stride == 1 and self.input_filters == self.output_filters: if drop_connect_rate: x = drop_connect(x, drop_connect_rate, training=self.training) x += identity # skip connection @@ -188,16 +170,10 @@ def __init__( se_ratio, ) = stage_setting # Update block input and output filters based on width multiplier. - input_filters = ( - input_filters - if i == 0 - else round_filters(input_filters, widthi_multiplier) - ) + input_filters = input_filters if i == 0 else round_filters(input_filters, widthi_multiplier) output_filters = round_filters(output_filters, widthi_multiplier) num_repeat = ( - num_repeat - if i == 0 or i == len(mb_block_settings) - 1 - else round_repeats(num_repeat, depth_multiplier) + num_repeat if i == 0 or i == len(mb_block_settings) - 1 else round_repeats(num_repeat, depth_multiplier) ) # The first block needs to take care of stride and filter size increase. @@ -296,12 +272,8 @@ def load_pretrain(self, path): def build_efficientnet_lite(name, num_classes): - width_coefficient, depth_coefficient, _, dropout_rate = efficientnet_lite_params[ - name - ] - model = EfficientNetLite( - width_coefficient, depth_coefficient, num_classes, 0.2, dropout_rate - ) + width_coefficient, depth_coefficient, _, dropout_rate = efficientnet_lite_params[name] + model = EfficientNetLite(width_coefficient, depth_coefficient, num_classes, 0.2, dropout_rate) return model @@ -316,7 +288,4 @@ def build_efficientnet_lite(name, num_classes): input_shape = (3, wh, wh) flops, params = get_model_complexity_info(model, input_shape) split_line = "=" * 30 - print( - f"{split_line}\nInput shape: {input_shape}\n" - f"Flops: {flops}\nParams: {params}\n{split_line}" - ) + print(f"{split_line}\nInput shape: {input_shape}\n" f"Flops: {flops}\nParams: {params}\n{split_line}") diff --git a/models/experimental/hrnet/demo/cpu_demo.py b/models/experimental/hrnet/demo/cpu_demo.py index 9b26de8602f..c75984bcdee 100644 --- a/models/experimental/hrnet/demo/cpu_demo.py +++ b/models/experimental/hrnet/demo/cpu_demo.py @@ -14,9 +14,7 @@ "model_name", (("hrnet_w18_small"),), ) -def test_timm_hrnet_image_classification_inference( - model_name, imagenet_sample_input, imagenet_label_dict, reset_seeds -): +def test_timm_hrnet_image_classification_inference(model_name, imagenet_sample_input, imagenet_label_dict, reset_seeds): class_labels = imagenet_label_dict Timm_model = timm.create_model(model_name, pretrained=True) diff --git a/models/experimental/hrnet/demo/gs_demo.py b/models/experimental/hrnet/demo/gs_demo.py index e4f9945a26e..6a27840fc31 100644 --- a/models/experimental/hrnet/demo/gs_demo.py +++ b/models/experimental/hrnet/demo/gs_demo.py @@ -19,9 +19,7 @@ "model_name", (("hrnet_w18_small"),), ) -def test_gs_demo( - device, imagenet_sample_input, imagenet_label_dict, model_name, reset_seeds -): +def test_gs_demo(device, imagenet_sample_input, imagenet_label_dict, model_name, reset_seeds): tt_model = hrnet_w18_small(device, multi_scale_output=True) tt_input = torch_to_tt_tensor_rm(imagenet_sample_input, device, put_on_device=False) diff --git a/models/experimental/hrnet/hrnet_utils.py b/models/experimental/hrnet/hrnet_utils.py index 9abc14b19cd..21017fbc663 100644 --- a/models/experimental/hrnet/hrnet_utils.py +++ b/models/experimental/hrnet/hrnet_utils.py @@ -7,18 +7,10 @@ def create_batchnorm(out_ch, state_dict, base_address: str, device=None): - weight = torch_to_tt_tensor_rm( - state_dict[f"{base_address}.weight"], device, put_on_device=False - ) - bias = torch_to_tt_tensor_rm( - state_dict[f"{base_address}.bias"], device, put_on_device=False - ) - running_mean = torch_to_tt_tensor_rm( - state_dict[f"{base_address}.running_mean"], device, put_on_device=False - ) - running_variance = torch_to_tt_tensor_rm( - state_dict[f"{base_address}.running_var"], device, put_on_device=False - ) + weight = torch_to_tt_tensor_rm(state_dict[f"{base_address}.weight"], device, put_on_device=False) + bias = torch_to_tt_tensor_rm(state_dict[f"{base_address}.bias"], device, put_on_device=False) + running_mean = torch_to_tt_tensor_rm(state_dict[f"{base_address}.running_mean"], device, put_on_device=False) + running_variance = torch_to_tt_tensor_rm(state_dict[f"{base_address}.running_var"], device, put_on_device=False) num_batches_tracked = torch_to_tt_tensor_rm( state_dict[f"{base_address}.num_batches_tracked"], device, put_on_device=False ) diff --git a/models/experimental/hrnet/reference/hrnet.py b/models/experimental/hrnet/reference/hrnet.py index 172ac114dc3..b063316ea17 100644 --- a/models/experimental/hrnet/reference/hrnet.py +++ b/models/experimental/hrnet/reference/hrnet.py @@ -58,9 +58,7 @@ def conv3x3(in_planes, out_planes, stride=1): """3x3 convolution with padding""" - return nn.Conv2d( - in_planes, out_planes, kernel_size=3, stride=stride, padding=1, bias=False - ) + return nn.Conv2d(in_planes, out_planes, kernel_size=3, stride=stride, padding=1, bias=False) class BasicBlock(nn.Module): @@ -101,13 +99,9 @@ def __init__(self, inplanes, planes, stride=1, downsample=None): super(Bottleneck, self).__init__() self.conv1 = nn.Conv2d(inplanes, planes, kernel_size=1, bias=False) self.bn1 = nn.BatchNorm2d(planes, momentum=BN_MOMENTUM) - self.conv2 = nn.Conv2d( - planes, planes, kernel_size=3, stride=stride, padding=1, bias=False - ) + self.conv2 = nn.Conv2d(planes, planes, kernel_size=3, stride=stride, padding=1, bias=False) self.bn2 = nn.BatchNorm2d(planes, momentum=BN_MOMENTUM) - self.conv3 = nn.Conv2d( - planes, planes * self.expansion, kernel_size=1, bias=False - ) + self.conv3 = nn.Conv2d(planes, planes * self.expansion, kernel_size=1, bias=False) self.bn3 = nn.BatchNorm2d(planes * self.expansion, momentum=BN_MOMENTUM) self.relu = nn.ReLU(inplace=True) self.downsample = downsample @@ -148,9 +142,7 @@ def __init__( multi_scale_output=True, ): super(HighResolutionModule, self).__init__() - self._check_branches( - num_branches, blocks, num_blocks, num_inchannels, num_channels - ) + self._check_branches(num_branches, blocks, num_blocks, num_inchannels, num_channels) self.num_inchannels = num_inchannels self.fuse_method = fuse_method @@ -158,43 +150,29 @@ def __init__( self.multi_scale_output = multi_scale_output - self.branches = self._make_branches( - num_branches, blocks, num_blocks, num_channels - ) + self.branches = self._make_branches(num_branches, blocks, num_blocks, num_channels) self.fuse_layers = self._make_fuse_layers() self.relu = nn.ReLU(False) - def _check_branches( - self, num_branches, blocks, num_blocks, num_inchannels, num_channels - ): + def _check_branches(self, num_branches, blocks, num_blocks, num_inchannels, num_channels): if num_branches != len(num_blocks): - error_msg = "NUM_BRANCHES({}) <> NUM_BLOCKS({})".format( - num_branches, len(num_blocks) - ) + error_msg = "NUM_BRANCHES({}) <> NUM_BLOCKS({})".format(num_branches, len(num_blocks)) logger.error(error_msg) raise ValueError(error_msg) if num_branches != len(num_channels): - error_msg = "NUM_BRANCHES({}) <> NUM_CHANNELS({})".format( - num_branches, len(num_channels) - ) + error_msg = "NUM_BRANCHES({}) <> NUM_CHANNELS({})".format(num_branches, len(num_channels)) logger.error(error_msg) raise ValueError(error_msg) if num_branches != len(num_inchannels): - error_msg = "NUM_BRANCHES({}) <> NUM_INCHANNELS({})".format( - num_branches, len(num_inchannels) - ) + error_msg = "NUM_BRANCHES({}) <> NUM_INCHANNELS({})".format(num_branches, len(num_inchannels)) logger.error(error_msg) raise ValueError(error_msg) def _make_one_branch(self, branch_index, block, num_blocks, num_channels, stride=1): downsample = None - if ( - stride != 1 - or self.num_inchannels[branch_index] - != num_channels[branch_index] * block.expansion - ): + if stride != 1 or self.num_inchannels[branch_index] != num_channels[branch_index] * block.expansion: downsample = nn.Sequential( nn.Conv2d( self.num_inchannels[branch_index], @@ -203,9 +181,7 @@ def _make_one_branch(self, branch_index, block, num_blocks, num_channels, stride stride=stride, bias=False, ), - nn.BatchNorm2d( - num_channels[branch_index] * block.expansion, momentum=BN_MOMENTUM - ), + nn.BatchNorm2d(num_channels[branch_index] * block.expansion, momentum=BN_MOMENTUM), ) layers = [] @@ -219,9 +195,7 @@ def _make_one_branch(self, branch_index, block, num_blocks, num_channels, stride ) self.num_inchannels[branch_index] = num_channels[branch_index] * block.expansion for i in range(1, num_blocks[branch_index]): - layers.append( - block(self.num_inchannels[branch_index], num_channels[branch_index]) - ) + layers.append(block(self.num_inchannels[branch_index], num_channels[branch_index])) return nn.Sequential(*layers) @@ -275,9 +249,7 @@ def _make_fuse_layers(self): 1, bias=False, ), - nn.BatchNorm2d( - num_outchannels_conv3x3, momentum=BN_MOMENTUM - ), + nn.BatchNorm2d(num_outchannels_conv3x3, momentum=BN_MOMENTUM), ) ) else: @@ -292,9 +264,7 @@ def _make_fuse_layers(self): 1, bias=False, ), - nn.BatchNorm2d( - num_outchannels_conv3x3, momentum=BN_MOMENTUM - ), + nn.BatchNorm2d(num_outchannels_conv3x3, momentum=BN_MOMENTUM), nn.ReLU(False), ) ) @@ -350,42 +320,26 @@ def __init__(self) -> None: self.stage2_cfg = self.cfg["stage2"] num_channels = self.stage2_cfg["num_channels"] block = blocks_dict[self.stage2_cfg["block_type"]] - num_channels = [ - num_channels[i] * block.expansion for i in range(len(num_channels)) - ] - self.transition1 = self._make_transition_layer( - [stage1_out_channel], num_channels - ) - self.stage2, pre_stage_channels = self._make_stage( - self.stage2_cfg, num_channels - ) + num_channels = [num_channels[i] * block.expansion for i in range(len(num_channels))] + self.transition1 = self._make_transition_layer([stage1_out_channel], num_channels) + self.stage2, pre_stage_channels = self._make_stage(self.stage2_cfg, num_channels) self.stage3_cfg = self.cfg["stage3"] num_channels = self.stage3_cfg["num_channels"] block = blocks_dict[self.stage3_cfg["block_type"]] - num_channels = [ - num_channels[i] * block.expansion for i in range(len(num_channels)) - ] + num_channels = [num_channels[i] * block.expansion for i in range(len(num_channels))] self.transition2 = self._make_transition_layer(pre_stage_channels, num_channels) - self.stage3, pre_stage_channels = self._make_stage( - self.stage3_cfg, num_channels - ) + self.stage3, pre_stage_channels = self._make_stage(self.stage3_cfg, num_channels) self.stage4_cfg = self.cfg["stage4"] num_channels = self.stage4_cfg["num_channels"] block = blocks_dict[self.stage4_cfg["block_type"]] - num_channels = [ - num_channels[i] * block.expansion for i in range(len(num_channels)) - ] + num_channels = [num_channels[i] * block.expansion for i in range(len(num_channels))] self.transition3 = self._make_transition_layer(pre_stage_channels, num_channels) - self.stage4, pre_stage_channels = self._make_stage( - self.stage4_cfg, num_channels, multi_scale_output=True - ) + self.stage4, pre_stage_channels = self._make_stage(self.stage4_cfg, num_channels, multi_scale_output=True) # Classification Head - self.incre_modules, self.downsamp_modules, self.final_layer = self._make_head( - pre_stage_channels - ) + self.incre_modules, self.downsamp_modules, self.final_layer = self._make_head(pre_stage_channels) self.classifier = nn.Linear(2048, 1000) @@ -397,9 +351,7 @@ def _make_head(self, pre_stage_channels): # from C, 2C, 4C, 8C to 128, 256, 512, 1024 incre_modules = [] for i, channels in enumerate(pre_stage_channels): - incre_module = self._make_layer( - head_block, channels, head_channels[i], 1, stride=1 - ) + incre_module = self._make_layer(head_block, channels, head_channels[i], 1, stride=1) incre_modules.append(incre_module) incre_modules = nn.ModuleList(incre_modules) @@ -456,9 +408,7 @@ def _make_transition_layer(self, num_channels_pre_layer, num_channels_cur_layer) 1, bias=False, ), - nn.BatchNorm2d( - num_channels_cur_layer[i], momentum=BN_MOMENTUM - ), + nn.BatchNorm2d(num_channels_cur_layer[i], momentum=BN_MOMENTUM), nn.ReLU(inplace=True), ) ) @@ -468,11 +418,7 @@ def _make_transition_layer(self, num_channels_pre_layer, num_channels_cur_layer) conv3x3s = [] for j in range(i + 1 - num_branches_pre): inchannels = num_channels_pre_layer[-1] - outchannels = ( - num_channels_cur_layer[i] - if j == i - num_branches_pre - else inchannels - ) + outchannels = num_channels_cur_layer[i] if j == i - num_branches_pre else inchannels conv3x3s.append( nn.Sequential( nn.Conv2d(inchannels, outchannels, 3, 2, 1, bias=False), diff --git a/models/experimental/hrnet/tests/test_torch_hrnet.py b/models/experimental/hrnet/tests/test_torch_hrnet.py index cb68ab89031..5feca508223 100644 --- a/models/experimental/hrnet/tests/test_torch_hrnet.py +++ b/models/experimental/hrnet/tests/test_torch_hrnet.py @@ -16,9 +16,7 @@ "model_name, pcc", (("hrnet_w18_small", 1.0),), ) -def test_hrnet_image_classification_inference( - model_name, pcc, imagenet_sample_input, reset_seeds -): +def test_hrnet_image_classification_inference(model_name, pcc, imagenet_sample_input, reset_seeds): Timm_model = timm.create_model(model_name, pretrained=True) state_dict = Timm_model.state_dict() diff --git a/models/experimental/hrnet/tests/test_tt_basic_block.py b/models/experimental/hrnet/tests/test_tt_basic_block.py index 3ec9ce7efc1..6d6e11662da 100644 --- a/models/experimental/hrnet/tests/test_tt_basic_block.py +++ b/models/experimental/hrnet/tests/test_tt_basic_block.py @@ -29,9 +29,7 @@ def test_hrnet_basic_block_inference(device, model_name, pcc, reset_seeds): model = timm.create_model(model_name, pretrained=True) # Torch BasicBlock - torch_model = model.stage2[BASIC_BLOCK_LAYER_INDEX].branches[ - BASIC_BLOCK_LAYER_INDEX - ][BASIC_BLOCK_LAYER_INDEX] + torch_model = model.stage2[BASIC_BLOCK_LAYER_INDEX].branches[BASIC_BLOCK_LAYER_INDEX][BASIC_BLOCK_LAYER_INDEX] # Tt BasicBlock tt_model = TtBasicBlock( diff --git a/models/experimental/hrnet/tests/test_tt_high_resolution_module.py b/models/experimental/hrnet/tests/test_tt_high_resolution_module.py index 9c8c5e786c4..bad47f77e9a 100644 --- a/models/experimental/hrnet/tests/test_tt_high_resolution_module.py +++ b/models/experimental/hrnet/tests/test_tt_high_resolution_module.py @@ -52,15 +52,10 @@ def test_hrnet_module_inference(device, model_name, pcc, reset_seeds): torch_outputs = torch_model(inputs) - tt_inputs = [ - torch_to_tt_tensor_rm(inputs[i], device, put_on_device=False) - for i in range(len(inputs)) - ] + tt_inputs = [torch_to_tt_tensor_rm(inputs[i], device, put_on_device=False) for i in range(len(inputs))] tt_outputs = tt_model(tt_inputs) - tt_outputs_torch = [ - tt_to_torch_tensor(tt_outputs[i]) for i in range(len(tt_outputs)) - ] + tt_outputs_torch = [tt_to_torch_tensor(tt_outputs[i]) for i in range(len(tt_outputs))] does_pass_list = [] for i in range(len(tt_outputs_torch)): diff --git a/models/experimental/hrnet/tests/test_tt_hrnet_model.py b/models/experimental/hrnet/tests/test_tt_hrnet_model.py index c6d10026a2d..86589d3562d 100644 --- a/models/experimental/hrnet/tests/test_tt_hrnet_model.py +++ b/models/experimental/hrnet/tests/test_tt_hrnet_model.py @@ -20,9 +20,7 @@ "model_name, pcc", (("hrnet_w18_small", 0.99),), ) -def test_hrnet_model_inference( - device, model_name, pcc, imagenet_sample_input, reset_seeds -): +def test_hrnet_model_inference(device, model_name, pcc, imagenet_sample_input, reset_seeds): torch_model = timm.create_model(model_name, pretrained=True) tt_model = hrnet_w18_small(device, multi_scale_output=True) diff --git a/models/experimental/inceptionV4/reference/_utils.py b/models/experimental/inceptionV4/reference/_utils.py index 48a763fa526..7f19c90fc1e 100644 --- a/models/experimental/inceptionV4/reference/_utils.py +++ b/models/experimental/inceptionV4/reference/_utils.py @@ -30,9 +30,7 @@ def __init__( ): super(SelectAdaptivePool2d, self).__init__() assert input_fmt in ("NCHW", "NHWC") - self.pool_type = ( - pool_type or "" - ) # convert other falsy values to empty string for consistent TS typing + self.pool_type = pool_type or "" # convert other falsy values to empty string for consistent TS typing self.pool = nn.AdaptiveAvgPool2d(output_size) self.flatten = nn.Flatten(1) @@ -49,15 +47,7 @@ def feat_mult(self): return adaptive_pool_feat_mult(self.pool_type) def __repr__(self): - return ( - self.__class__.__name__ - + " (" - + "pool_type=" - + self.pool_type - + ", flatten=" - + str(self.flatten) - + ")" - ) + return self.__class__.__name__ + " (" + "pool_type=" + self.pool_type + ", flatten=" + str(self.flatten) + ")" def _create_pool( @@ -72,9 +62,7 @@ def _create_pool( assert ( num_classes == 0 or use_conv ), "Pooling can only be disabled if classifier is also removed or conv classifier is used" - flatten_in_pool = ( - False # disable flattening if pooling is pass-through (no pooling) - ) + flatten_in_pool = False # disable flattening if pooling is pass-through (no pooling) global_pool = SelectAdaptivePool2d( pool_type=pool_type, flatten=flatten_in_pool, @@ -127,9 +115,7 @@ def assign_weight_batchnorm(norm: nn.BatchNorm2d, state_dict, key_w: str): norm.bias = nn.Parameter(state_dict[f"{key_w}.bias"]) norm.running_mean = nn.Parameter(state_dict[f"{key_w}.running_mean"]) norm.running_var = nn.Parameter(state_dict[f"{key_w}.running_var"]) - norm.num_batches_tracked = nn.Parameter( - state_dict[f"{key_w}.num_batches_tracked"], requires_grad=False - ) + norm.num_batches_tracked = nn.Parameter(state_dict[f"{key_w}.num_batches_tracked"], requires_grad=False) norm.eval() diff --git a/models/experimental/inceptionV4/reference/inception.py b/models/experimental/inceptionV4/reference/inception.py index e72796045f5..f8c8a666e80 100644 --- a/models/experimental/inceptionV4/reference/inception.py +++ b/models/experimental/inceptionV4/reference/inception.py @@ -12,7 +12,11 @@ import torch.nn.functional as F from models.experimental.inceptionV4.reference._utils import create_classifier -from models.experimental.inceptionV4.reference._utils import assign_weight_seq, assign_weight_basic_conv, assign_weight_linear +from models.experimental.inceptionV4.reference._utils import ( + assign_weight_seq, + assign_weight_basic_conv, + assign_weight_linear, +) from models.experimental.inceptionV4.reference.basicconv import BasicConv2d IMAGENET_INCEPTION_MEAN = (0.5, 0.5, 0.5) @@ -224,26 +228,14 @@ def __init__(self, state_dict, base_address): self.branch0 = BasicConv2d(1536, 256, kernel_size=1, stride=1) self.branch1_0 = BasicConv2d(1536, 384, kernel_size=1, stride=1) - self.branch1_1a = BasicConv2d( - 384, 256, kernel_size=(1, 3), stride=1, padding=(0, 1) - ) - self.branch1_1b = BasicConv2d( - 384, 256, kernel_size=(3, 1), stride=1, padding=(1, 0) - ) + self.branch1_1a = BasicConv2d(384, 256, kernel_size=(1, 3), stride=1, padding=(0, 1)) + self.branch1_1b = BasicConv2d(384, 256, kernel_size=(3, 1), stride=1, padding=(1, 0)) self.branch2_0 = BasicConv2d(1536, 384, kernel_size=1, stride=1) - self.branch2_1 = BasicConv2d( - 384, 448, kernel_size=(3, 1), stride=1, padding=(1, 0) - ) - self.branch2_2 = BasicConv2d( - 448, 512, kernel_size=(1, 3), stride=1, padding=(0, 1) - ) - self.branch2_3a = BasicConv2d( - 512, 256, kernel_size=(1, 3), stride=1, padding=(0, 1) - ) - self.branch2_3b = BasicConv2d( - 512, 256, kernel_size=(3, 1), stride=1, padding=(1, 0) - ) + self.branch2_1 = BasicConv2d(384, 448, kernel_size=(3, 1), stride=1, padding=(1, 0)) + self.branch2_2 = BasicConv2d(448, 512, kernel_size=(1, 3), stride=1, padding=(0, 1)) + self.branch2_3a = BasicConv2d(512, 256, kernel_size=(1, 3), stride=1, padding=(0, 1)) + self.branch2_3b = BasicConv2d(512, 256, kernel_size=(3, 1), stride=1, padding=(1, 0)) self.branch3 = nn.Sequential( nn.AvgPool2d(3, stride=1, padding=1, count_include_pad=False), @@ -252,35 +244,17 @@ def __init__(self, state_dict, base_address): assign_weight_basic_conv(self.branch0, state_dict, f"{base_address}.branch0") - assign_weight_basic_conv( - self.branch1_0, state_dict, f"{base_address}.branch1_0" - ) - assign_weight_basic_conv( - self.branch1_1a, state_dict, f"{base_address}.branch1_1a" - ) - assign_weight_basic_conv( - self.branch1_1b, state_dict, f"{base_address}.branch1_1b" - ) + assign_weight_basic_conv(self.branch1_0, state_dict, f"{base_address}.branch1_0") + assign_weight_basic_conv(self.branch1_1a, state_dict, f"{base_address}.branch1_1a") + assign_weight_basic_conv(self.branch1_1b, state_dict, f"{base_address}.branch1_1b") - assign_weight_basic_conv( - self.branch2_0, state_dict, f"{base_address}.branch2_0" - ) - assign_weight_basic_conv( - self.branch2_1, state_dict, f"{base_address}.branch2_1" - ) - assign_weight_basic_conv( - self.branch2_2, state_dict, f"{base_address}.branch2_2" - ) - assign_weight_basic_conv( - self.branch2_3a, state_dict, f"{base_address}.branch2_3a" - ) - assign_weight_basic_conv( - self.branch2_3b, state_dict, f"{base_address}.branch2_3b" - ) + assign_weight_basic_conv(self.branch2_0, state_dict, f"{base_address}.branch2_0") + assign_weight_basic_conv(self.branch2_1, state_dict, f"{base_address}.branch2_1") + assign_weight_basic_conv(self.branch2_2, state_dict, f"{base_address}.branch2_2") + assign_weight_basic_conv(self.branch2_3a, state_dict, f"{base_address}.branch2_3a") + assign_weight_basic_conv(self.branch2_3b, state_dict, f"{base_address}.branch2_3b") - assign_weight_basic_conv( - self.branch3[1], state_dict, f"{base_address}.branch3.1" - ) + assign_weight_basic_conv(self.branch3[1], state_dict, f"{base_address}.branch3.1") def forward(self, x): x0 = self.branch0(x) diff --git a/models/experimental/llama/demo/cpu_llama_demo.py b/models/experimental/llama/demo/cpu_llama_demo.py index ff72e4bbe9c..58c8d6a43dc 100644 --- a/models/experimental/llama/demo/cpu_llama_demo.py +++ b/models/experimental/llama/demo/cpu_llama_demo.py @@ -25,9 +25,7 @@ def test_cpu_demo(prompt, num_words): # load llama pytorch model ======================================================= tokenizer = AutoTokenizer.from_pretrained(_tokenizer_name) - hugging_face_reference_model = AutoModelForCausalLM.from_pretrained( - _llama_model_name - ) + hugging_face_reference_model = AutoModelForCausalLM.from_pretrained(_llama_model_name) hugging_face_reference_model.eval() @@ -44,18 +42,14 @@ def test_cpu_demo(prompt, num_words): logger.info(f"Initial prompt tokens: {tokens}") # generate Pytorch output of num_words with generate function ==================== - logits_processor = get_logits_processor( - input_ids, hugging_face_reference_model.config - ) + logits_processor = get_logits_processor(input_ids, hugging_face_reference_model.config) generate_ids = hugging_face_reference_model.generate( input_ids, logits_processor=logits_processor, max_length=seq_length + num_words ) # decode output ids - output = tokenizer.batch_decode( - generate_ids, skip_special_tokens=False, clean_up_tokenization_spaces=False - )[0] + output = tokenizer.batch_decode(generate_ids, skip_special_tokens=False, clean_up_tokenization_spaces=False)[0] tokens = tokenizer.tokenize(output) diff --git a/models/experimental/llama/tt/llama_first_half.py b/models/experimental/llama/tt/llama_first_half.py index 33bc25b8972..ccb32fb0a86 100644 --- a/models/experimental/llama/tt/llama_first_half.py +++ b/models/experimental/llama/tt/llama_first_half.py @@ -38,9 +38,7 @@ def build_decoders( max_position_embeddings, config, ) - for decoder_idx in range( - num_decoder_start, num_decoder_start + num_decoders - ) + for decoder_idx in range(num_decoder_start, num_decoder_start + num_decoders) ] ) return decoder_list @@ -70,12 +68,8 @@ def __init__( self.config = config # firt part ================================================================= - self.embeddings = torch.nn.Embedding( - self.config.vocab_size, self.config.hidden_size - ) - self.embeddings.weight = torch.nn.Parameter( - state_dict[f"model.embed_tokens.weight"] - ) + self.embeddings = torch.nn.Embedding(self.config.vocab_size, self.config.hidden_size) + self.embeddings.weight = torch.nn.Parameter(state_dict[f"model.embed_tokens.weight"]) # stack all decoders self.decoders_first = build_decoders( @@ -88,9 +82,7 @@ def __init__( self.num_decoders, ) - def _prepare_decoder_attention_mask( - self, attention_mask, input_shape, inputs_embeds, past_key_values_length - ): + def _prepare_decoder_attention_mask(self, attention_mask, input_shape, inputs_embeds, past_key_values_length): # create causal mask # [bsz, seq_len] -> [bsz, 1, tgt_seq_len, src_seq_len] combined_attention_mask = None @@ -104,13 +96,11 @@ def _prepare_decoder_attention_mask( if attention_mask is not None: # [bsz, seq_len] -> [bsz, 1, tgt_seq_len, src_seq_len] - expanded_attn_mask = _expand_mask( - attention_mask, inputs_embeds.dtype, tgt_len=input_shape[-1] - ).to(inputs_embeds.device) + expanded_attn_mask = _expand_mask(attention_mask, inputs_embeds.dtype, tgt_len=input_shape[-1]).to( + inputs_embeds.device + ) combined_attention_mask = ( - expanded_attn_mask - if combined_attention_mask is None - else expanded_attn_mask + combined_attention_mask + expanded_attn_mask if combined_attention_mask is None else expanded_attn_mask + combined_attention_mask ) return combined_attention_mask @@ -127,35 +117,23 @@ def forward( output_hidden_states: Optional[bool] = None, return_dict: Optional[bool] = None, ) -> Tuple: - output_attentions = ( - output_attentions - if output_attentions is not None - else self.config.output_attentions - ) + output_attentions = output_attentions if output_attentions is not None else self.config.output_attentions output_hidden_states = ( - output_hidden_states - if output_hidden_states is not None - else self.config.output_hidden_states + output_hidden_states if output_hidden_states is not None else self.config.output_hidden_states ) use_cache = use_cache if use_cache is not None else self.config.use_cache - return_dict = ( - return_dict if return_dict is not None else self.config.use_return_dict - ) + return_dict = return_dict if return_dict is not None else self.config.use_return_dict # retrieve input_ids and inputs_embeds if input_ids is not None and inputs_embeds is not None: - raise ValueError( - "You cannot specify both decoder_input_ids and decoder_inputs_embeds at the same time" - ) + raise ValueError("You cannot specify both decoder_input_ids and decoder_inputs_embeds at the same time") elif input_ids is not None: batch_size, seq_length = input_ids.shape elif inputs_embeds is not None: batch_size, seq_length, _ = inputs_embeds.shape else: - raise ValueError( - "You have to specify either decoder_input_ids or decoder_inputs_embeds" - ) + raise ValueError("You have to specify either decoder_input_ids or decoder_inputs_embeds") seq_length_with_past = seq_length past_key_values_length = 0 @@ -205,9 +183,7 @@ def forward( if output_hidden_states: all_hidden_states += (hidden_states,) - past_key_value = ( - past_key_values[idx] if past_key_values is not None else None - ) + past_key_value = past_key_values[idx] if past_key_values is not None else None layer_outputs = decoder_layer( hidden_states, attention_mask=attention_mask, @@ -225,11 +201,7 @@ def forward( next_cache = next_decoder_cache if use_cache else None if not return_dict: - return tuple( - v - for v in [hidden_states, next_cache, all_hidden_states, all_self_attns] - if v is not None - ) + return tuple(v for v in [hidden_states, next_cache, all_hidden_states, all_self_attns] if v is not None) return ( hidden_states, diff --git a/models/experimental/llama2/demo/cpu_llama2_demo.py b/models/experimental/llama2/demo/cpu_llama2_demo.py index 821e651471f..4c528df94ed 100644 --- a/models/experimental/llama2/demo/cpu_llama2_demo.py +++ b/models/experimental/llama2/demo/cpu_llama2_demo.py @@ -42,18 +42,14 @@ def test_cpu_demo(prompt, num_words, model_location_generator): logger.debug(f"Initial prompt tokens: {tokens}") # generate Pytorch output of num_words with generate function ==================== - logits_processor = get_logits_processor( - input_ids, hugging_face_reference_model.config - ) + logits_processor = get_logits_processor(input_ids, hugging_face_reference_model.config) generate_ids = hugging_face_reference_model.generate( input_ids, logits_processor=logits_processor, max_length=seq_length + num_words ) # decode output ids - output = tokenizer.batch_decode( - generate_ids, skip_special_tokens=False, clean_up_tokenization_spaces=False - )[0] + output = tokenizer.batch_decode(generate_ids, skip_special_tokens=False, clean_up_tokenization_spaces=False)[0] tokens = tokenizer.tokenize(output) diff --git a/models/experimental/llama2/llama2_utils.py b/models/experimental/llama2/llama2_utils.py index e78a06359bb..41bcc33e827 100644 --- a/models/experimental/llama2/llama2_utils.py +++ b/models/experimental/llama2/llama2_utils.py @@ -16,11 +16,7 @@ def _merge_criteria_processor_list( for default in default_list: for custom in custom_list: if type(custom) is type(default): - object_type = ( - "stopping criteria" - if isinstance(custom, StoppingCriteria) - else "logits processor" - ) + object_type = "stopping criteria" if isinstance(custom, StoppingCriteria) else "logits processor" raise ValueError( f"A custom {object_type} of type {type(custom)} with values {custom} has been passed to" f" `generate`, but it has already been created with the values {default}. {default} has been" @@ -48,10 +44,7 @@ def _get_logits_processor( # the following idea is largely copied from this PR: https://github.com/huggingface/transformers/pull/5420/files # all samplers can be found in `generation_utils_samplers.py` - if ( - generation_config.diversity_penalty is not None - and generation_config.diversity_penalty > 0.0 - ): + if generation_config.diversity_penalty is not None and generation_config.diversity_penalty > 0.0: processors.append( HammingDiversityLogitsProcessor( diversity_penalty=generation_config.diversity_penalty, @@ -59,62 +52,35 @@ def _get_logits_processor( num_beam_groups=generation_config.num_beam_groups, ) ) - if ( - generation_config.encoder_repetition_penalty is not None - and generation_config.encoder_repetition_penalty != 1.0 - ): + if generation_config.encoder_repetition_penalty is not None and generation_config.encoder_repetition_penalty != 1.0: processors.append( EncoderRepetitionPenaltyLogitsProcessor( penalty=generation_config.encoder_repetition_penalty, encoder_input_ids=encoder_input_ids, ) ) - if ( - generation_config.repetition_penalty is not None - and generation_config.repetition_penalty != 1.0 - ): - processors.append( - RepetitionPenaltyLogitsProcessor( - penalty=generation_config.repetition_penalty - ) - ) - if ( - generation_config.no_repeat_ngram_size is not None - and generation_config.no_repeat_ngram_size > 0 - ): - processors.append( - NoRepeatNGramLogitsProcessor(generation_config.no_repeat_ngram_size) - ) + if generation_config.repetition_penalty is not None and generation_config.repetition_penalty != 1.0: + processors.append(RepetitionPenaltyLogitsProcessor(penalty=generation_config.repetition_penalty)) + if generation_config.no_repeat_ngram_size is not None and generation_config.no_repeat_ngram_size > 0: + processors.append(NoRepeatNGramLogitsProcessor(generation_config.no_repeat_ngram_size)) if ( generation_config.encoder_no_repeat_ngram_size is not None and generation_config.encoder_no_repeat_ngram_size > 0 ): if self.config.is_encoder_decoder: processors.append( - EncoderNoRepeatNGramLogitsProcessor( - generation_config.encoder_no_repeat_ngram_size, encoder_input_ids - ) + EncoderNoRepeatNGramLogitsProcessor(generation_config.encoder_no_repeat_ngram_size, encoder_input_ids) ) else: - raise ValueError( - "It's impossible to use `encoder_no_repeat_ngram_size` with decoder-only architecture" - ) + raise ValueError("It's impossible to use `encoder_no_repeat_ngram_size` with decoder-only architecture") if generation_config.bad_words_ids is not None: - processors.append( - NoBadWordsLogitsProcessor( - generation_config.bad_words_ids, generation_config.eos_token_id - ) - ) + processors.append(NoBadWordsLogitsProcessor(generation_config.bad_words_ids, generation_config.eos_token_id)) if ( generation_config.min_length is not None and generation_config.eos_token_id is not None and generation_config.min_length > 0 ): - processors.append( - MinLengthLogitsProcessor( - generation_config.min_length, generation_config.eos_token_id - ) - ) + processors.append(MinLengthLogitsProcessor(generation_config.min_length, generation_config.eos_token_id)) if ( generation_config.min_new_tokens is not None and generation_config.eos_token_id is not None @@ -135,14 +101,10 @@ def _get_logits_processor( ) ) if generation_config.forced_bos_token_id is not None: - processors.append( - ForcedBOSTokenLogitsProcessor(generation_config.forced_bos_token_id) - ) + processors.append(ForcedBOSTokenLogitsProcessor(generation_config.forced_bos_token_id)) if generation_config.forced_eos_token_id is not None: processors.append( - ForcedEOSTokenLogitsProcessor( - generation_config.max_length, generation_config.forced_eos_token_id - ) + ForcedEOSTokenLogitsProcessor(generation_config.max_length, generation_config.forced_eos_token_id) ) if generation_config.remove_invalid_values is True: processors.append(InfNanRemoveLogitsProcessor()) @@ -155,31 +117,20 @@ def _get_logits_processor( ) ) if generation_config.suppress_tokens is not None: - processors.append( - SuppressTokensLogitsProcessor(generation_config.suppress_tokens) - ) + processors.append(SuppressTokensLogitsProcessor(generation_config.suppress_tokens)) if generation_config.begin_suppress_tokens is not None: begin_index = input_ids_seq_length begin_index = ( begin_index - if ( - input_ids_seq_length > 1 - or generation_config.forced_bos_token_id is None - ) + if (input_ids_seq_length > 1 or generation_config.forced_bos_token_id is None) else begin_index + 1 ) if generation_config.forced_decoder_ids is not None: # generation starts after the last token that is forced begin_index += generation_config.forced_decoder_ids[-1][0] - processors.append( - SuppressTokensAtBeginLogitsProcessor( - generation_config.begin_suppress_tokens, begin_index - ) - ) + processors.append(SuppressTokensAtBeginLogitsProcessor(generation_config.begin_suppress_tokens, begin_index)) if generation_config.forced_decoder_ids is not None: - processors.append( - ForceTokensLogitsProcessor(generation_config.forced_decoder_ids) - ) + processors.append(ForceTokensLogitsProcessor(generation_config.forced_decoder_ids)) processors = _merge_criteria_processor_list(processors, logits_processor) # `LogitNormalization` should always be the last logit processor, when present if generation_config.renormalize_logits is True: diff --git a/models/experimental/mobilenet/reference/mobilenetv2.py b/models/experimental/mobilenet/reference/mobilenetv2.py index f8e9962133e..09ec68b33d1 100644 --- a/models/experimental/mobilenet/reference/mobilenetv2.py +++ b/models/experimental/mobilenet/reference/mobilenetv2.py @@ -42,15 +42,11 @@ def assign_weight_batchnorm(norm: nn.BatchNorm2d, state_dict, key_w: str): norm.bias = nn.Parameter(state_dict[f"{key_w}.bias"]) norm.running_mean = nn.Parameter(state_dict[f"{key_w}.running_mean"]) norm.running_var = nn.Parameter(state_dict[f"{key_w}.running_var"]) - norm.num_batches_tracked = nn.Parameter( - state_dict[f"{key_w}.num_batches_tracked"], requires_grad=False - ) + norm.num_batches_tracked = nn.Parameter(state_dict[f"{key_w}.num_batches_tracked"], requires_grad=False) norm.eval() -def make_divisible( - value: int, divisor: int = 8, min_value: Optional[int] = None -) -> int: +def make_divisible(value: int, divisor: int = 8, min_value: Optional[int] = None) -> int: """ Ensure that all layers have a channel count that is divisible by `divisor`. This function is taken from the original TensorFlow repo. It can be seen here: @@ -73,9 +69,7 @@ def apply_depth_multiplier(config, channels: int) -> int: ) -def apply_tf_padding( - features: torch.Tensor, stride, kernel_size, dilation -) -> torch.Tensor: +def apply_tf_padding(features: torch.Tensor, stride, kernel_size, dilation) -> torch.Tensor: """ Apply TensorFlow-style "SAME" padding to a convolution layer. See the notes at: https://www.tensorflow.org/api_docs/python/tf/nn#notes_on_padding_2 @@ -138,13 +132,9 @@ def __init__( self.kernel_size = kernel_size self.dilation = dilation if in_channels % groups != 0: - raise ValueError( - f"Input channels ({in_channels}) are not divisible by {groups} groups." - ) + raise ValueError(f"Input channels ({in_channels}) are not divisible by {groups} groups.") if out_channels % groups != 0: - raise ValueError( - f"Output channels ({out_channels}) are not divisible by {groups} groups." - ) + raise ValueError(f"Output channels ({out_channels}) are not divisible by {groups} groups.") padding = 0 if config.tf_padding else int((kernel_size - 1) / 2) * dilation @@ -160,9 +150,7 @@ def __init__( dilation, groups, ] - if not disable_conv_on_tt_device and is_conv_supported_on_device( - self.conv_params - ): + if not disable_conv_on_tt_device and is_conv_supported_on_device(self.conv_params): conv_weight = state_dict[f"{base_address}.convolution.weight"] conv_bias = None if bias: @@ -185,9 +173,7 @@ def __init__( bias=bias, padding_mode="zeros", ) - assign_weight_conv( - self.convolution, state_dict, f"{base_address}.convolution" - ) + assign_weight_conv(self.convolution, state_dict, f"{base_address}.convolution") if use_normalization: self.normalization = nn.BatchNorm2d( @@ -197,9 +183,7 @@ def __init__( affine=True, track_running_stats=True, ) - assign_weight_batchnorm( - self.normalization, state_dict, f"{base_address}.normalization" - ) + assign_weight_batchnorm(self.normalization, state_dict, f"{base_address}.normalization") else: self.normalization = None @@ -215,9 +199,7 @@ def __init__( def forward(self, features: torch.Tensor) -> torch.Tensor: if self.config.tf_padding: - features = apply_tf_padding( - features, self.conv_stride, self.kernel_size, self.dilation - ) + features = apply_tf_padding(features, self.conv_stride, self.kernel_size, self.dilation) features = self.convolution(features) if self.normalization is not None: features = self.normalization(features) @@ -496,9 +478,7 @@ def forward( output_hidden_states: Optional[bool] = None, ) -> tuple: output_hidden_states = ( - output_hidden_states - if output_hidden_states is not None - else self.config.output_hidden_states + output_hidden_states if output_hidden_states is not None else self.config.output_hidden_states ) # return_dict = return_dict if return_dict is not None else self.config.use_return_dict @@ -522,8 +502,4 @@ def forward( else: pooled_output = None - return tuple( - v - for v in [last_hidden_state, pooled_output, all_hidden_states] - if v is not None - ) + return tuple(v for v in [last_hidden_state, pooled_output, all_hidden_states] if v is not None) diff --git a/models/experimental/mobilenet/tests/test_mobilenetv2.py b/models/experimental/mobilenet/tests/test_mobilenetv2.py index b3eae631219..300bc6dac64 100644 --- a/models/experimental/mobilenet/tests/test_mobilenetv2.py +++ b/models/experimental/mobilenet/tests/test_mobilenetv2.py @@ -23,12 +23,8 @@ def test_mobilenetv2_inference(fuse_ops, imagenet_sample_input, device): batch_size = _batch_size with torch.no_grad(): - image_processor = transformers.AutoImageProcessor.from_pretrained( - "google/mobilenet_v2_1.0_224" - ) - torch_model = transformers.MobileNetV2Model.from_pretrained( - "google/mobilenet_v2_1.0_224" - ) + image_processor = transformers.AutoImageProcessor.from_pretrained("google/mobilenet_v2_1.0_224") + torch_model = transformers.MobileNetV2Model.from_pretrained("google/mobilenet_v2_1.0_224") torch_model.eval() state_dict = torch_model.state_dict() @@ -42,9 +38,7 @@ def test_mobilenetv2_inference(fuse_ops, imagenet_sample_input, device): disable_conv_on_tt_device=True, ) else: - tt_model = TtMobileNetv2Model( - config=torch_model.config, state_dict=state_dict - ) + tt_model = TtMobileNetv2Model(config=torch_model.config, state_dict=state_dict) tt_model.eval() @@ -55,9 +49,7 @@ def test_mobilenetv2_inference(fuse_ops, imagenet_sample_input, device): "conv_stem.first_conv.normalization", ] ] - modules_to_fuse.extend( - [["conv_stem.conv_3x3.convolution", "conv_stem.conv_3x3.normalization"]] - ) + modules_to_fuse.extend([["conv_stem.conv_3x3.convolution", "conv_stem.conv_3x3.normalization"]]) modules_to_fuse.extend( [ [ @@ -93,9 +85,7 @@ def test_mobilenetv2_inference(fuse_ops, imagenet_sample_input, device): ] ) - modules_to_fuse.extend( - [[f"conv_1x1.convolution", f"conv_1x1.normalization"]] - ) + modules_to_fuse.extend([[f"conv_1x1.convolution", f"conv_1x1.normalization"]]) tt_model = torch.ao.quantization.fuse_modules(tt_model, modules_to_fuse) diff --git a/models/experimental/nanogpt/reference/bench.py b/models/experimental/nanogpt/reference/bench.py index 4555ddaff02..0ecbf47c36f 100644 --- a/models/experimental/nanogpt/reference/bench.py +++ b/models/experimental/nanogpt/reference/bench.py @@ -20,9 +20,7 @@ seed = 1337 device = "cuda" # examples: 'cpu', 'cuda', 'cuda:0', 'cuda:1', etc. dtype = ( - "bfloat16" - if torch.cuda.is_available() and torch.cuda.is_bf16_supported() - else "float16" + "bfloat16" if torch.cuda.is_available() and torch.cuda.is_bf16_supported() else "float16" ) # 'float32' or 'bfloat16' or 'float16' compile = True # use PyTorch 2.0 to compile the model to be faster profile = False # use pytorch profiler, or just simple benchmarking? @@ -39,35 +37,20 @@ "bfloat16": torch.bfloat16, "float16": torch.float16, }[dtype] -ctx = ( - nullcontext() - if device_type == "cpu" - else torch.amp.autocast(device_type=device_type, dtype=ptdtype) -) +ctx = nullcontext() if device_type == "cpu" else torch.amp.autocast(device_type=device_type, dtype=ptdtype) # data loading init if real_data: dataset = "openwebtext" data_dir = os.path.join("data", dataset) - train_data = np.memmap( - os.path.join(data_dir, "train.bin"), dtype=np.uint16, mode="r" - ) + train_data = np.memmap(os.path.join(data_dir, "train.bin"), dtype=np.uint16, mode="r") def get_batch(split): data = train_data # note ignore split in benchmarking script ix = torch.randint(len(data) - block_size, (batch_size,)) - x = torch.stack( - [torch.from_numpy((data[i : i + block_size]).astype(np.int64)) for i in ix] - ) - y = torch.stack( - [ - torch.from_numpy((data[i + 1 : i + 1 + block_size]).astype(np.int64)) - for i in ix - ] - ) - x, y = x.pin_memory().to(device, non_blocking=True), y.pin_memory().to( - device, non_blocking=True - ) + x = torch.stack([torch.from_numpy((data[i : i + block_size]).astype(np.int64)) for i in ix]) + y = torch.stack([torch.from_numpy((data[i + 1 : i + 1 + block_size]).astype(np.int64)) for i in ix]) + x, y = x.pin_memory().to(device, non_blocking=True), y.pin_memory().to(device, non_blocking=True) return x, y else: @@ -107,9 +90,7 @@ def get_batch(split): torch.profiler.ProfilerActivity.CPU, torch.profiler.ProfilerActivity.CUDA, ], - schedule=torch.profiler.schedule( - wait=wait, warmup=warmup, active=active, repeat=1 - ), + schedule=torch.profiler.schedule(wait=wait, warmup=warmup, active=active, repeat=1), on_trace_ready=torch.profiler.tensorboard_trace_handler("./bench_log"), record_shapes=False, profile_memory=False, diff --git a/models/experimental/nanogpt/reference/model.py b/models/experimental/nanogpt/reference/model.py index 66e342abef1..34d2e5ecb0b 100644 --- a/models/experimental/nanogpt/reference/model.py +++ b/models/experimental/nanogpt/reference/model.py @@ -49,9 +49,7 @@ def __init__(self, config): # flash attention make GPU go brrrrr but support is only in PyTorch >= 2.0 self.flash = hasattr(torch.nn.functional, "scaled_dot_product_attention") if not self.flash: - print( - "WARNING: using slow attention. Flash Attention requires PyTorch >= 2.0" - ) + print("WARNING: using slow attention. Flash Attention requires PyTorch >= 2.0") # causal mask to ensure that attention is only applied to the left in the input sequence self.register_buffer( "bias", @@ -69,15 +67,9 @@ def forward(self, x): # calculate query, key, values for all heads in batch and move head forward to be the batch dim q, k, v = self.c_attn(x).split(self.n_embd, dim=2) - k = k.view(B, T, self.n_head, C // self.n_head).transpose( - 1, 2 - ) # (B, nh, T, hs) - q = q.view(B, T, self.n_head, C // self.n_head).transpose( - 1, 2 - ) # (B, nh, T, hs) - v = v.view(B, T, self.n_head, C // self.n_head).transpose( - 1, 2 - ) # (B, nh, T, hs) + k = k.view(B, T, self.n_head, C // self.n_head).transpose(1, 2) # (B, nh, T, hs) + q = q.view(B, T, self.n_head, C // self.n_head).transpose(1, 2) # (B, nh, T, hs) + v = v.view(B, T, self.n_head, C // self.n_head).transpose(1, 2) # (B, nh, T, hs) # causal self-attention; Self-attend: (B, nh, T, hs) x (B, nh, hs, T) -> (B, nh, T, T) if self.flash: @@ -97,9 +89,7 @@ def forward(self, x): att = F.softmax(att, dim=-1) att = self.attn_dropout(att) y = att @ v # (B, nh, T, T) x (B, nh, T, hs) -> (B, nh, T, hs) - y = ( - y.transpose(1, 2).contiguous().view(B, T, C) - ) # re-assemble all head outputs side by side + y = y.transpose(1, 2).contiguous().view(B, T, C) # re-assemble all head outputs side by side # output projection y = self.resid_dropout(self.c_proj(y)) @@ -168,18 +158,14 @@ def __init__(self, config): # "UserWarning: functional_call was passed multiple values for tied weights. # This behavior is deprecated and will be an error in future versions" # not 100% sure what this is, so far seems to be harmless. TODO investigate - self.transformer.wte.weight = ( - self.lm_head.weight - ) # https://paperswithcode.com/method/weight-tying + self.transformer.wte.weight = self.lm_head.weight # https://paperswithcode.com/method/weight-tying # init all weights self.apply(self._init_weights) # apply special scaled init to the residual projections, per GPT-2 paper for pn, p in self.named_parameters(): if pn.endswith("c_proj.weight"): - torch.nn.init.normal_( - p, mean=0.0, std=0.02 / math.sqrt(2 * config.n_layer) - ) + torch.nn.init.normal_(p, mean=0.0, std=0.02 / math.sqrt(2 * config.n_layer)) # report number of parameters print("number of parameters: %.2fM" % (self.get_num_params() / 1e6,)) @@ -223,14 +209,10 @@ def forward(self, idx, targets=None): if targets is not None: # if we are given some desired targets also calculate the loss logits = self.lm_head(x) - loss = F.cross_entropy( - logits.view(-1, logits.size(-1)), targets.view(-1), ignore_index=-1 - ) + loss = F.cross_entropy(logits.view(-1, logits.size(-1)), targets.view(-1), ignore_index=-1) else: # inference-time mini-optimization: only forward the lm_head on the very last position - logits = self.lm_head( - x[:, [-1], :] - ) # note: using list [-1] to preserve the time dim + logits = self.lm_head(x[:, [-1], :]) # note: using list [-1] to preserve the time dim loss = None return logits, loss @@ -241,9 +223,7 @@ def crop_block_size(self, block_size): # but want to use a smaller block size for some smaller, simpler model assert block_size <= self.config.block_size self.config.block_size = block_size - self.transformer.wpe.weight = nn.Parameter( - self.transformer.wpe.weight[:block_size] - ) + self.transformer.wpe.weight = nn.Parameter(self.transformer.wpe.weight[:block_size]) for block in self.transformer.h: if hasattr(block.attn, "bias"): block.attn.bias = block.attn.bias[:, :, :block_size, :block_size] @@ -278,9 +258,7 @@ def from_pretrained(cls, model_type, override_args=None): model = GPT(config) sd = model.state_dict() sd_keys = sd.keys() - sd_keys = [ - k for k in sd_keys if not k.endswith(".attn.bias") - ] # discard this mask / buffer, not a param + sd_keys = [k for k in sd_keys if not k.endswith(".attn.bias")] # discard this mask / buffer, not a param # init a huggingface/transformers model model_hf = GPT2LMHeadModel.from_pretrained(model_type) @@ -288,12 +266,8 @@ def from_pretrained(cls, model_type, override_args=None): # copy while ensuring all of the parameters are aligned and match in names and shapes sd_keys_hf = sd_hf.keys() - sd_keys_hf = [ - k for k in sd_keys_hf if not k.endswith(".attn.masked_bias") - ] # ignore these, just a buffer - sd_keys_hf = [ - k for k in sd_keys_hf if not k.endswith(".attn.bias") - ] # same, just the mask (buffer) + sd_keys_hf = [k for k in sd_keys_hf if not k.endswith(".attn.masked_bias")] # ignore these, just a buffer + sd_keys_hf = [k for k in sd_keys_hf if not k.endswith(".attn.bias")] # same, just the mask (buffer) transposed = [ "attn.c_attn.weight", "attn.c_proj.weight", @@ -302,9 +276,7 @@ def from_pretrained(cls, model_type, override_args=None): ] # basically the openai checkpoints use a "Conv1D" module, but we only want to use a vanilla Linear # this means that we have to transpose these weights when we import them - assert len(sd_keys_hf) == len( - sd_keys - ), f"mismatched keys: {len(sd_keys_hf)} != {len(sd_keys)}" + assert len(sd_keys_hf) == len(sd_keys), f"mismatched keys: {len(sd_keys_hf)} != {len(sd_keys)}" for k in sd_keys_hf: if any(k.endswith(w) for w in transposed): # special treatment for the Conv1D weights we need to transpose @@ -334,19 +306,13 @@ def configure_optimizers(self, weight_decay, learning_rate, betas, device_type): ] num_decay_params = sum(p.numel() for p in decay_params) num_nodecay_params = sum(p.numel() for p in nodecay_params) - print( - f"num decayed parameter tensors: {len(decay_params)}, with {num_decay_params:,} parameters" - ) - print( - f"num non-decayed parameter tensors: {len(nodecay_params)}, with {num_nodecay_params:,} parameters" - ) + print(f"num decayed parameter tensors: {len(decay_params)}, with {num_decay_params:,} parameters") + print(f"num non-decayed parameter tensors: {len(nodecay_params)}, with {num_nodecay_params:,} parameters") # Create AdamW optimizer and use the fused version if it is available fused_available = "fused" in inspect.signature(torch.optim.AdamW).parameters use_fused = fused_available and device_type == "cuda" extra_args = dict(fused=True) if use_fused else dict() - optimizer = torch.optim.AdamW( - optim_groups, lr=learning_rate, betas=betas, **extra_args - ) + optimizer = torch.optim.AdamW(optim_groups, lr=learning_rate, betas=betas, **extra_args) print(f"using fused AdamW: {use_fused}") return optimizer @@ -376,11 +342,7 @@ def generate(self, idx, max_new_tokens, temperature=1.0, top_k=None): """ for _ in range(max_new_tokens): # if the sequence context is growing too long we must crop it at block_size - idx_cond = ( - idx - if idx.size(1) <= self.config.block_size - else idx[:, -self.config.block_size :] - ) + idx_cond = idx if idx.size(1) <= self.config.block_size else idx[:, -self.config.block_size :] # forward the model to get the logits for the index in the sequence logits, _ = self(idx_cond) # pluck the logits at the final step and scale by desired temperature diff --git a/models/experimental/nanogpt/reference/sample.py b/models/experimental/nanogpt/reference/sample.py index 484197ca183..96fa0c115ff 100644 --- a/models/experimental/nanogpt/reference/sample.py +++ b/models/experimental/nanogpt/reference/sample.py @@ -13,25 +13,17 @@ from model import GPTConfig, GPT # ----------------------------------------------------------------------------- -init_from = ( - "resume" # either 'resume' (from an out_dir) or a gpt2 variant (e.g. 'gpt2-xl') -) +init_from = "resume" # either 'resume' (from an out_dir) or a gpt2 variant (e.g. 'gpt2-xl') out_dir = "out" # ignored if init_from is not 'resume' start = "\n" # or "<|endoftext|>" or etc. Can also specify a file, use as: "FILE:prompt.txt" num_samples = 10 # number of samples to draw max_new_tokens = 500 # number of tokens generated in each sample -temperature = ( - 0.8 # 1.0 = no change, < 1.0 = less random, > 1.0 = more random, in predictions -) -top_k = ( - 200 # retain only the top_k most likely tokens, clamp others to have 0 probability -) +temperature = 0.8 # 1.0 = no change, < 1.0 = less random, > 1.0 = more random, in predictions +top_k = 200 # retain only the top_k most likely tokens, clamp others to have 0 probability seed = 1337 device = "cuda" # examples: 'cpu', 'cuda', 'cuda:0', 'cuda:1', etc. dtype = ( - "bfloat16" - if torch.cuda.is_available() and torch.cuda.is_bf16_supported() - else "float16" + "bfloat16" if torch.cuda.is_available() and torch.cuda.is_bf16_supported() else "float16" ) # 'float32' or 'bfloat16' or 'float16' compile = False # use PyTorch 2.0 to compile the model to be faster exec(open("configurator.py").read()) # overrides from command line or config file @@ -47,11 +39,7 @@ "bfloat16": torch.bfloat16, "float16": torch.float16, }[dtype] -ctx = ( - nullcontext() - if device_type == "cpu" - else torch.amp.autocast(device_type=device_type, dtype=ptdtype) -) +ctx = nullcontext() if device_type == "cpu" else torch.amp.autocast(device_type=device_type, dtype=ptdtype) # model if init_from == "resume": @@ -78,9 +66,7 @@ # look for the meta pickle in case it is available in the dataset folder load_meta = False if ( - init_from == "resume" - and "config" in checkpoint - and "dataset" in checkpoint["config"] + init_from == "resume" and "config" in checkpoint and "dataset" in checkpoint["config"] ): # older checkpoints might not have these... meta_path = os.path.join("data", checkpoint["config"]["dataset"], "meta.pkl") load_meta = os.path.exists(meta_path) diff --git a/models/experimental/roberta/demo/roberta.py b/models/experimental/roberta/demo/roberta.py index 6070e22b1df..f82f7eb3bbb 100644 --- a/models/experimental/roberta/demo/roberta.py +++ b/models/experimental/roberta/demo/roberta.py @@ -42,9 +42,7 @@ def roberta_for_qa(): answer_start_index = outputs.start_logits.argmax() answer_end_index = outputs.end_logits.argmax() - predict_answer_tokens = inputs.input_ids[ - 0, answer_start_index : answer_end_index + 1 - ] + predict_answer_tokens = inputs.input_ids[0, answer_start_index : answer_end_index + 1] tokenizer.decode(predict_answer_tokens, skip_special_tokens=True) @@ -57,12 +55,8 @@ def roberta_for_multiple_choice(): choice1 = "It is eaten while held in the hand." # labels = torch.tensor(0).unsqueeze(0) # choice0 is correct (according to Wikipedia ;)), batch size 1 - encoding = tokenizer( - [prompt, prompt], [choice0, choice1], return_tensors="pt", padding=True - ) - outputs = model( - **{k: v.unsqueeze(0) for k, v in encoding.items()} - ) # batch size is 1 + encoding = tokenizer([prompt, prompt], [choice0, choice1], return_tensors="pt", padding=True) + outputs = model(**{k: v.unsqueeze(0) for k, v in encoding.items()}) # batch size is 1 predicted_class = outputs.logits.argmax().item() diff --git a/models/experimental/squeezebert/demo/cpu_demo.py b/models/experimental/squeezebert/demo/cpu_demo.py index 7c18197df04..e8d3096c8c8 100644 --- a/models/experimental/squeezebert/demo/cpu_demo.py +++ b/models/experimental/squeezebert/demo/cpu_demo.py @@ -11,9 +11,7 @@ def test_cpu_demo(): tokenizer = AutoTokenizer.from_pretrained("squeezebert/squeezebert-uncased") - HF_model = SqueezeBertForQuestionAnswering.from_pretrained( - "squeezebert/squeezebert-uncased" - ) + HF_model = SqueezeBertForQuestionAnswering.from_pretrained("squeezebert/squeezebert-uncased") question, context = ( "Where do I live?", diff --git a/models/experimental/squeezebert/squeezebert_utils.py b/models/experimental/squeezebert/squeezebert_utils.py index daf1268af2d..5fa79a3fb45 100644 --- a/models/experimental/squeezebert/squeezebert_utils.py +++ b/models/experimental/squeezebert/squeezebert_utils.py @@ -9,9 +9,7 @@ def get_answer(inputs, output, tokenizer): answer_start_index = output.start_logits.argmax() answer_end_index = output.end_logits.argmax() - predict_answer_tokens = inputs.input_ids[ - 0, answer_start_index : answer_end_index + 1 - ] + predict_answer_tokens = inputs.input_ids[0, answer_start_index : answer_end_index + 1] answer = tokenizer.decode(predict_answer_tokens, skip_special_tokens=True) return answer diff --git a/models/experimental/squeezenet/reference/squeezenet.py b/models/experimental/squeezenet/reference/squeezenet.py index 97b3c681260..1b588158111 100644 --- a/models/experimental/squeezenet/reference/squeezenet.py +++ b/models/experimental/squeezenet/reference/squeezenet.py @@ -32,9 +32,7 @@ def __init__( squeeze_weight = state_dict[f"{base_address}.squeeze.weight"] squeeze_bias = state_dict[f"{base_address}.squeeze.bias"].tolist() self.squeeze_params = [squeeze_planes, inplanes, 1, 1, 1, 1, 0, 0, 1, 1] - if not disable_conv_on_tt_device and is_conv_supported_on_device( - self.squeeze_params - ): + if not disable_conv_on_tt_device and is_conv_supported_on_device(self.squeeze_params): self.squeeze = run_conv_on_device_wrapper( squeeze_weight.reshape(-1).tolist(), self.squeeze_params, @@ -43,9 +41,7 @@ def __init__( ) else: self.squeeze = nn.Conv2d(inplanes, squeeze_planes, kernel_size=1) - self.squeeze.weight = nn.Parameter( - state_dict[f"{base_address}.squeeze.weight"] - ) + self.squeeze.weight = nn.Parameter(state_dict[f"{base_address}.squeeze.weight"]) self.squeeze.bias = nn.Parameter(state_dict[f"{base_address}.squeeze.bias"]) self.squeeze_activation = nn.ReLU(inplace=True) @@ -64,9 +60,7 @@ def __init__( 1, 1, ] - if not disable_conv_on_tt_device and is_conv_supported_on_device( - self.expand1x1_params - ): + if not disable_conv_on_tt_device and is_conv_supported_on_device(self.expand1x1_params): self.expand1x1 = run_conv_on_device_wrapper( expand1x1_weight.reshape(-1).tolist(), self.expand1x1_params, @@ -75,12 +69,8 @@ def __init__( ) else: self.expand1x1 = nn.Conv2d(squeeze_planes, expand1x1_planes, kernel_size=1) - self.expand1x1.weight = nn.Parameter( - state_dict[f"{base_address}.expand1x1.weight"] - ) - self.expand1x1.bias = nn.Parameter( - state_dict[f"{base_address}.expand1x1.bias"] - ) + self.expand1x1.weight = nn.Parameter(state_dict[f"{base_address}.expand1x1.weight"]) + self.expand1x1.bias = nn.Parameter(state_dict[f"{base_address}.expand1x1.bias"]) self.expand1x1_activation = nn.ReLU(inplace=True) @@ -98,9 +88,7 @@ def __init__( 1, 1, ] - if not disable_conv_on_tt_device and is_conv_supported_on_device( - self.expand3x3_params - ): + if not disable_conv_on_tt_device and is_conv_supported_on_device(self.expand3x3_params): self.expand3x3 = run_conv_on_device_wrapper( expand3x3_weight.reshape(-1).tolist(), self.expand3x3_params, @@ -108,15 +96,9 @@ def __init__( expand3x3_bias, ) else: - self.expand3x3 = nn.Conv2d( - squeeze_planes, expand3x3_planes, kernel_size=3, padding=1 - ) - self.expand3x3.weight = nn.Parameter( - state_dict[f"{base_address}.expand3x3.weight"] - ) - self.expand3x3.bias = nn.Parameter( - state_dict[f"{base_address}.expand3x3.bias"] - ) + self.expand3x3 = nn.Conv2d(squeeze_planes, expand3x3_planes, kernel_size=3, padding=1) + self.expand3x3.weight = nn.Parameter(state_dict[f"{base_address}.expand3x3.weight"]) + self.expand3x3.bias = nn.Parameter(state_dict[f"{base_address}.expand3x3.bias"]) self.expand3x3_activation = nn.ReLU(inplace=True) @@ -322,9 +304,7 @@ def __init__( ), ) else: - raise ValueError( - f"Unsupported SqueezeNet version {version}: 1_0 or 1_1 expected" - ) + raise ValueError(f"Unsupported SqueezeNet version {version}: 1_0 or 1_1 expected") self.features[0].weight = nn.Parameter(state_dict["features.0.weight"]) self.features[0].bias = nn.Parameter(state_dict["features.0.bias"]) @@ -345,9 +325,7 @@ def forward(self, x: torch.Tensor) -> torch.Tensor: return torch.flatten(x, 1) -def _squeezenet( - version: str, state_dict, device=None, disable_conv_on_tt_device=True -) -> SqueezeNet: +def _squeezenet(version: str, state_dict, device=None, disable_conv_on_tt_device=True) -> SqueezeNet: model = SqueezeNet( version, state_dict=state_dict, @@ -359,9 +337,7 @@ def _squeezenet( # weights: SqueezeNet1_0_Weights.IMAGENET1K_V1 -def squeezenet1_0( - state_dict, device=None, disable_conv_on_tt_device=True -) -> SqueezeNet: +def squeezenet1_0(state_dict, device=None, disable_conv_on_tt_device=True) -> SqueezeNet: return _squeezenet( "1_0", state_dict=state_dict, @@ -371,9 +347,7 @@ def squeezenet1_0( # weights: SqueezeNet1_1_Weights.IMAGENET1K_V1 -def squeezenet1_1( - state_dict, device=None, disable_conv_on_tt_device=True -) -> SqueezeNet: +def squeezenet1_1(state_dict, device=None, disable_conv_on_tt_device=True) -> SqueezeNet: return _squeezenet( "1_1", state_dict=state_dict, diff --git a/models/experimental/squeezenet/tests/test_squeezenet1.py b/models/experimental/squeezenet/tests/test_squeezenet1.py index 45ebfe5b228..0e0acd13c9b 100644 --- a/models/experimental/squeezenet/tests/test_squeezenet1.py +++ b/models/experimental/squeezenet/tests/test_squeezenet1.py @@ -10,12 +10,10 @@ from models.utility_functions import ( comp_allclose_and_pcc, comp_pcc, - ) from models.experimental.squeezenet.reference.squeezenet import squeezenet1_0 - _batch_size = 1 @@ -24,21 +22,15 @@ def test_squeezenet1_inference(device, fuse_ops, imagenet_sample_input): image = imagenet_sample_input batch_size = _batch_size with torch.no_grad(): - torch_squeezenet = models.squeezenet1_0( - weights=models.SqueezeNet1_0_Weights.IMAGENET1K_V1 - ) + torch_squeezenet = models.squeezenet1_0(weights=models.SqueezeNet1_0_Weights.IMAGENET1K_V1) torch_squeezenet.eval() state_dict = torch_squeezenet.state_dict() if not fuse_ops: - tt_squeezenet = squeezenet1_0( - state_dict, device=device, disable_conv_on_tt_device=fuse_ops - ) + tt_squeezenet = squeezenet1_0(state_dict, device=device, disable_conv_on_tt_device=fuse_ops) else: - tt_squeezenet = squeezenet1_0( - state_dict, device=None, disable_conv_on_tt_device=fuse_ops - ) + tt_squeezenet = squeezenet1_0(state_dict, device=None, disable_conv_on_tt_device=fuse_ops) tt_squeezenet.eval() if fuse_ops: modules_to_fuse = [ @@ -71,9 +63,7 @@ def test_squeezenet1_inference(device, fuse_ops, imagenet_sample_input): modules_to_fuse.extend(fire_2) modules_to_fuse.extend(fire_3) - tt_squeezenet = torch.ao.quantization.fuse_modules( - tt_squeezenet, modules_to_fuse - ) + tt_squeezenet = torch.ao.quantization.fuse_modules(tt_squeezenet, modules_to_fuse) torch_output = torch_squeezenet(image).unsqueeze(1).unsqueeze(1) tt_output = tt_squeezenet(image) diff --git a/models/experimental/squeezenet/tests/test_squeezenet1_1.py b/models/experimental/squeezenet/tests/test_squeezenet1_1.py index f89ba4770cb..88fe44a9f79 100644 --- a/models/experimental/squeezenet/tests/test_squeezenet1_1.py +++ b/models/experimental/squeezenet/tests/test_squeezenet1_1.py @@ -10,7 +10,6 @@ from models.utility_functions import ( comp_allclose_and_pcc, comp_pcc, - ) from models.experimental.squeezenet.reference.squeezenet import squeezenet1_1 @@ -23,21 +22,15 @@ def test_squeezenet1_inference(device, fuse_ops, imagenet_sample_input): image = imagenet_sample_input batch_size = _batch_size with torch.no_grad(): - torch_squeezenet = models.squeezenet1_1( - weights=models.SqueezeNet1_1_Weights.IMAGENET1K_V1 - ) + torch_squeezenet = models.squeezenet1_1(weights=models.SqueezeNet1_1_Weights.IMAGENET1K_V1) torch_squeezenet.eval() state_dict = torch_squeezenet.state_dict() if not fuse_ops: - tt_squeezenet = squeezenet1_1( - state_dict, device=device, disable_conv_on_tt_device=fuse_ops - ) + tt_squeezenet = squeezenet1_1(state_dict, device=device, disable_conv_on_tt_device=fuse_ops) else: - tt_squeezenet = squeezenet1_1( - state_dict, device=None, disable_conv_on_tt_device=fuse_ops - ) + tt_squeezenet = squeezenet1_1(state_dict, device=None, disable_conv_on_tt_device=fuse_ops) tt_squeezenet.eval() if fuse_ops: @@ -71,9 +64,7 @@ def test_squeezenet1_inference(device, fuse_ops, imagenet_sample_input): modules_to_fuse.extend(fire_2) modules_to_fuse.extend(fire_3) - tt_squeezenet = torch.ao.quantization.fuse_modules( - tt_squeezenet, modules_to_fuse - ) + tt_squeezenet = torch.ao.quantization.fuse_modules(tt_squeezenet, modules_to_fuse) torch_output = torch_squeezenet(image).unsqueeze(1).unsqueeze(1) tt_output = tt_squeezenet(image) diff --git a/models/experimental/ssd/demo/cpu_demo.py b/models/experimental/ssd/demo/cpu_demo.py index f608acc2992..d9caea4e8d6 100644 --- a/models/experimental/ssd/demo/cpu_demo.py +++ b/models/experimental/ssd/demo/cpu_demo.py @@ -16,9 +16,7 @@ def test_cpu_demo(): image = transforms.ToTensor()(image).unsqueeze(0) with torch.no_grad(): - torch_ssd = ssdlite320_mobilenet_v3_large( - weights=SSDLite320_MobileNet_V3_Large_Weights - ) + torch_ssd = ssdlite320_mobilenet_v3_large(weights=SSDLite320_MobileNet_V3_Large_Weights) torch_ssd.eval() torch_output = torch_ssd(image) diff --git a/models/experimental/ssd/reference/backbone.py b/models/experimental/ssd/reference/backbone.py index 29b757b48c6..d9bd8829b48 100644 --- a/models/experimental/ssd/reference/backbone.py +++ b/models/experimental/ssd/reference/backbone.py @@ -55,17 +55,13 @@ def __init__( self, cnf: InvertedResidualConfig, norm_layer: Callable[..., nn.Module], - se_layer: Callable[..., nn.Module] = partial( - SElayer, scale_activation=nn.Hardsigmoid - ), + se_layer: Callable[..., nn.Module] = partial(SElayer, scale_activation=nn.Hardsigmoid), ): super().__init__() if not (1 <= cnf.stride <= 2): raise ValueError("illegal stride value") - self.use_res_connect = ( - cnf.stride == 1 and cnf.input_channels == cnf.out_channels - ) + self.use_res_connect = cnf.stride == 1 and cnf.input_channels == cnf.out_channels layers: List[nn.Module] = [] activation_layer = nn.Hardswish if cnf.use_hs else nn.ReLU @@ -140,16 +136,9 @@ def __init__( raise ValueError("The inverted_residual_setting should not be empty") elif not ( isinstance(inverted_residual_setting, Sequence) - and all( - [ - isinstance(s, InvertedResidualConfig) - for s in inverted_residual_setting - ] - ) + and all([isinstance(s, InvertedResidualConfig) for s in inverted_residual_setting]) ): - raise TypeError( - "The inverted_residual_setting should be List[InvertedResidualConfig]" - ) + raise TypeError("The inverted_residual_setting should be List[InvertedResidualConfig]") if block is None: block = InvertedResidual @@ -235,9 +224,7 @@ def _mobilenet_v3_conf( dilation = 2 if dilated else 1 bneck_conf = partial(InvertedResidualConfig, width_mult=width_mult) - adjust_channels = partial( - InvertedResidualConfig.adjust_channels, width_mult=width_mult - ) + adjust_channels = partial(InvertedResidualConfig.adjust_channels, width_mult=width_mult) if arch == "mobilenet_v3_large": inverted_residual_setting = [ @@ -253,9 +240,7 @@ def _mobilenet_v3_conf( bneck_conf(80, 3, 184, 80, False, "HS", 1, 1), bneck_conf(80, 3, 480, 112, True, "HS", 1, 1), bneck_conf(112, 3, 672, 112, True, "HS", 1, 1), - bneck_conf( - 112, 5, 672, 160 // reduce_divider, True, "HS", 2, dilation - ), # C4 + bneck_conf(112, 5, 672, 160 // reduce_divider, True, "HS", 2, dilation), # C4 bneck_conf( 160 // reduce_divider, 5, @@ -294,9 +279,7 @@ def _mobilenet_v3( model = MobileNetV3(inverted_residual_setting, last_channel, **kwargs) if weights is not None: - model.load_state_dict( - weights.get_state_dict(progress=progress, check_hash=False) - ) + model.load_state_dict(weights.get_state_dict(progress=progress, check_hash=False)) return model @@ -329,9 +312,7 @@ class MobileNet_V3_Large_Weights(WeightsEnum): @register_model() -@handle_legacy_interface( - weights=("pretrained", MobileNet_V3_Large_Weights.IMAGENET1K_V1) -) +@handle_legacy_interface(weights=("pretrained", MobileNet_V3_Large_Weights.IMAGENET1K_V1)) def mobilenet_v3_large( *, weights: Optional[MobileNet_V3_Large_Weights] = None, @@ -340,9 +321,5 @@ def mobilenet_v3_large( ) -> MobileNetV3: weights = MobileNet_V3_Large_Weights.verify(weights) - inverted_residual_setting, last_channel = _mobilenet_v3_conf( - "mobilenet_v3_large", **kwargs - ) - return _mobilenet_v3( - inverted_residual_setting, last_channel, weights, progress, **kwargs - ) + inverted_residual_setting, last_channel = _mobilenet_v3_conf("mobilenet_v3_large", **kwargs) + return _mobilenet_v3(inverted_residual_setting, last_channel, weights, progress, **kwargs) diff --git a/models/experimental/ssd/reference/ssd.py b/models/experimental/ssd/reference/ssd.py index d682b00ed1c..7f984d3cb0f 100644 --- a/models/experimental/ssd/reference/ssd.py +++ b/models/experimental/ssd/reference/ssd.py @@ -20,13 +20,9 @@ class SSDHead(nn.Module): - def __init__( - self, in_channels: List[int], num_anchors: List[int], num_classes: int - ): + def __init__(self, in_channels: List[int], num_anchors: List[int], num_classes: int): super().__init__() - self.classification_head = SSDClassificationHead( - in_channels, num_anchors, num_classes - ) + self.classification_head = SSDClassificationHead(in_channels, num_anchors, num_classes) self.regression_head = SSDRegressionHead(in_channels, num_anchors) def forward(self, x: List[Tensor]) -> Dict[str, Tensor]: @@ -74,14 +70,10 @@ def forward(self, x: List[Tensor]) -> Tensor: class SSDClassificationHead(SSDScoringHead): - def __init__( - self, in_channels: List[int], num_anchors: List[int], num_classes: int - ): + def __init__(self, in_channels: List[int], num_anchors: List[int], num_classes: int): cls_logits = nn.ModuleList() for channels, anchors in zip(in_channels, num_anchors): - cls_logits.append( - nn.Conv2d(channels, num_classes * anchors, kernel_size=3, padding=1) - ) + cls_logits.append(nn.Conv2d(channels, num_classes * anchors, kernel_size=3, padding=1)) _xavier_init(cls_logits) super().__init__(cls_logits, num_classes) @@ -199,26 +191,16 @@ def compute_loss( ) in zip(targets, bbox_regression, cls_logits, anchors, matched_idxs): # produce the matching between boxes and targets foreground_idxs_per_image = torch.where(matched_idxs_per_image >= 0)[0] - foreground_matched_idxs_per_image = matched_idxs_per_image[ - foreground_idxs_per_image - ] + foreground_matched_idxs_per_image = matched_idxs_per_image[foreground_idxs_per_image] num_foreground += foreground_matched_idxs_per_image.numel() # Calculate regression loss - matched_gt_boxes_per_image = targets_per_image["boxes"][ - foreground_matched_idxs_per_image - ] - bbox_regression_per_image = bbox_regression_per_image[ - foreground_idxs_per_image, : - ] + matched_gt_boxes_per_image = targets_per_image["boxes"][foreground_matched_idxs_per_image] + bbox_regression_per_image = bbox_regression_per_image[foreground_idxs_per_image, :] anchors_per_image = anchors_per_image[foreground_idxs_per_image, :] - target_regression = self.box_coder.encode_single( - matched_gt_boxes_per_image, anchors_per_image - ) + target_regression = self.box_coder.encode_single(matched_gt_boxes_per_image, anchors_per_image) bbox_loss.append( - torch.nn.functional.smooth_l1_loss( - bbox_regression_per_image, target_regression, reduction="sum" - ) + torch.nn.functional.smooth_l1_loss(bbox_regression_per_image, target_regression, reduction="sum") ) # Estimate ground truth for class targets @@ -237,18 +219,16 @@ def compute_loss( # Calculate classification loss num_classes = cls_logits.size(-1) - cls_loss = F.cross_entropy( - cls_logits.view(-1, num_classes), cls_targets.view(-1), reduction="none" - ).view(cls_targets.size()) + cls_loss = F.cross_entropy(cls_logits.view(-1, num_classes), cls_targets.view(-1), reduction="none").view( + cls_targets.size() + ) # Hard Negative Sampling foreground_idxs = cls_targets > 0 num_negative = self.neg_to_pos_ratio * foreground_idxs.sum(1, keepdim=True) # num_negative[num_negative < self.neg_to_pos_ratio] = self.neg_to_pos_ratio negative_loss = cls_loss.clone() - negative_loss[foreground_idxs] = -float( - "inf" - ) # use -inf to detect positive values that creeped in the sample + negative_loss[foreground_idxs] = -float("inf") # use -inf to detect positive values that creeped in the sample values, idx = negative_loss.sort(1, descending=True) # background_idxs = torch.logical_and(idx.sort(1)[1] < num_negative, torch.isfinite(values)) background_idxs = idx.sort(1)[1] < num_negative @@ -256,10 +236,7 @@ def compute_loss( N = max(1, num_foreground) return { "bbox_regression": bbox_loss.sum() / N, - "classification": ( - cls_loss[foreground_idxs].sum() + cls_loss[background_idxs].sum() - ) - / N, + "classification": (cls_loss[foreground_idxs].sum() + cls_loss[background_idxs].sum()) / N, } def forward( @@ -341,25 +318,17 @@ def forward( ) continue - match_quality_matrix = box_iou( - targets_per_image["boxes"], anchors_per_image - ) + match_quality_matrix = box_iou(targets_per_image["boxes"], anchors_per_image) matched_idxs.append(self.proposal_matcher(match_quality_matrix)) losses = self.compute_loss(targets, head_outputs, anchors, matched_idxs) else: - detections = self.postprocess_detections( - head_outputs, anchors, images.image_sizes - ) - detections = self.transform.postprocess( - detections, images.image_sizes, original_image_sizes - ) + detections = self.postprocess_detections(head_outputs, anchors, images.image_sizes) + detections = self.transform.postprocess(detections, images.image_sizes, original_image_sizes) if torch.jit.is_scripting(): if not self._has_warned: - warnings.warn( - "SSD always returns a (Losses, Detections) tuple in scripting" - ) + warnings.warn("SSD always returns a (Losses, Detections) tuple in scripting") self._has_warned = True return losses, detections return self.eager_outputs(losses, detections) @@ -378,9 +347,7 @@ def postprocess_detections( detections: List[Dict[str, Tensor]] = [] - for boxes, scores, anchors, image_shape in zip( - bbox_regression, pred_scores, image_anchors, image_shapes - ): + for boxes, scores, anchors, image_shape in zip(bbox_regression, pred_scores, image_anchors, image_shapes): boxes = self.box_coder.decode_single(boxes, anchors) boxes = clip_boxes_to_image(boxes, image_shape) @@ -401,11 +368,7 @@ def postprocess_detections( image_boxes.append(box) image_scores.append(score) - image_labels.append( - torch.full_like( - score, fill_value=label, dtype=torch.int64, device=device - ) - ) + image_labels.append(torch.full_like(score, fill_value=label, dtype=torch.int64, device=device)) image_boxes = torch.cat(image_boxes, dim=0) image_scores = torch.cat(image_scores, dim=0) diff --git a/models/experimental/ssd/reference/ssd_head.py b/models/experimental/ssd/reference/ssd_head.py index fb709056371..a701d815296 100644 --- a/models/experimental/ssd/reference/ssd_head.py +++ b/models/experimental/ssd/reference/ssd_head.py @@ -62,9 +62,7 @@ def __init__( ): cls_logits = nn.ModuleList() for channels, anchors in zip(in_channels, num_anchors): - cls_logits.append( - _prediction_block(channels, num_classes * anchors, 3, norm_layer) - ) + cls_logits.append(_prediction_block(channels, num_classes * anchors, 3, norm_layer)) _normal_init(cls_logits) super().__init__(cls_logits, num_classes) @@ -92,12 +90,8 @@ def __init__( norm_layer: Callable[..., nn.Module], ): super().__init__() - self.classification_head = SSDLiteClassificationHead( - in_channels, num_anchors, num_classes, norm_layer - ) - self.regression_head = SSDLiteRegressionHead( - in_channels, num_anchors, norm_layer - ) + self.classification_head = SSDLiteClassificationHead(in_channels, num_anchors, num_classes, norm_layer) + self.regression_head = SSDLiteRegressionHead(in_channels, num_anchors, norm_layer) def forward(self, x: List[Tensor]) -> Dict[str, Tensor]: return { @@ -123,12 +117,8 @@ def __init__( self.features = nn.Sequential( # As described in section 6.3 of MobileNetV3 paper - nn.Sequential( - *backbone[:c4_pos], backbone[c4_pos].block[0] - ), # from start until C4 expansion layer - nn.Sequential( - backbone[c4_pos].block[1:], *backbone[c4_pos + 1 :] - ), # from C4 depthwise until end + nn.Sequential(*backbone[:c4_pos], backbone[c4_pos].block[0]), # from start until C4 expansion layer + nn.Sequential(backbone[c4_pos].block[1:], *backbone[c4_pos + 1 :]), # from C4 depthwise until end ) get_depth = lambda d: max(min_depth, int(d * width_mult)) # noqa: E731 @@ -166,23 +156,13 @@ def _mobilenet_extractor( backbone = backbone.features # Gather the indices of blocks which are strided. These are the locations of C1, ..., Cn-1 blocks. # The first and last blocks are always included because they are the C0 (conv1) and Cn. - stage_indices = ( - [0] - + [i for i, b in enumerate(backbone) if getattr(b, "_is_cn", False)] - + [len(backbone) - 1] - ) + stage_indices = [0] + [i for i, b in enumerate(backbone) if getattr(b, "_is_cn", False)] + [len(backbone) - 1] num_stages = len(stage_indices) # find the index of the layer from which we won't freeze if not 0 <= trainable_layers <= num_stages: - raise ValueError( - "trainable_layers should be in the range [0, {num_stages}], instead got {trainable_layers}" - ) - freeze_before = ( - len(backbone) - if trainable_layers == 0 - else stage_indices[num_stages - trainable_layers] - ) + raise ValueError("trainable_layers should be in the range [0, {num_stages}], instead got {trainable_layers}") + freeze_before = len(backbone) if trainable_layers == 0 else stage_indices[num_stages - trainable_layers] for b in backbone[:freeze_before]: for parameter in b.parameters(): @@ -212,9 +192,7 @@ def _prediction_block( ) -def _extra_block( - in_channels: int, out_channels: int, norm_layer: Callable[..., nn.Module] -) -> nn.Sequential: +def _extra_block(in_channels: int, out_channels: int, norm_layer: Callable[..., nn.Module]) -> nn.Sequential: activation = nn.ReLU6 intermediate_channels = out_channels // 2 return nn.Sequential( @@ -257,14 +235,10 @@ def _normal_init(conv: nn.Module): def ssdlite320_mobilenet_v3_large( *, - weights: Optional[ - SSDLite320_MobileNet_V3_Large_Weights - ] = SSDLite320_MobileNet_V3_Large_Weights.COCO_V1, + weights: Optional[SSDLite320_MobileNet_V3_Large_Weights] = SSDLite320_MobileNet_V3_Large_Weights.COCO_V1, progress: bool = True, num_classes: Optional[int] = None, - weights_backbone: Optional[ - MobileNet_V3_Large_Weights - ] = MobileNet_V3_Large_Weights.IMAGENET1K_V1, + weights_backbone: Optional[MobileNet_V3_Large_Weights] = MobileNet_V3_Large_Weights.IMAGENET1K_V1, trainable_backbone_layers: Optional[int] = None, norm_layer: Optional[Callable[..., nn.Module]] = None, **kwargs: Any, @@ -274,9 +248,7 @@ def ssdlite320_mobilenet_v3_large( if weights is not None: weights_backbone = None - num_classes = _ovewrite_value_param( - "num_classes", num_classes, len(weights.meta["categories"]) - ) + num_classes = _ovewrite_value_param("num_classes", num_classes, len(weights.meta["categories"])) elif num_classes is None: num_classes = 91 @@ -305,9 +277,7 @@ def ssdlite320_mobilenet_v3_large( ) size = (320, 320) - anchor_generator = DefaultBoxGenerator( - [[2, 3] for _ in range(6)], min_ratio=0.2, max_ratio=0.95 - ) + anchor_generator = DefaultBoxGenerator([[2, 3] for _ in range(6)], min_ratio=0.2, max_ratio=0.95) out_channels = retrieve_out_channels(backbone, size) num_anchors = anchor_generator.num_anchors_per_location() if len(out_channels) != len(anchor_generator.aspect_ratios): @@ -336,9 +306,7 @@ def ssdlite320_mobilenet_v3_large( ) if weights is not None: - model.load_state_dict( - weights.get_state_dict(progress=progress, check_hash=True) - ) + model.load_state_dict(weights.get_state_dict(progress=progress, check_hash=True)) return model diff --git a/models/experimental/ssd/reference/torch_utils.py b/models/experimental/ssd/reference/torch_utils.py index 2e567bbfa06..f260cf92691 100644 --- a/models/experimental/ssd/reference/torch_utils.py +++ b/models/experimental/ssd/reference/torch_utils.py @@ -86,16 +86,10 @@ def __init__( if isinstance(kernel_size, int) and isinstance(dilation, int): padding = (kernel_size - 1) // 2 * dilation else: - _conv_dim = ( - len(kernel_size) - if isinstance(kernel_size, Sequence) - else len(dilation) - ) + _conv_dim = len(kernel_size) if isinstance(kernel_size, Sequence) else len(dilation) kernel_size = _make_ntuple(kernel_size, _conv_dim) dilation = _make_ntuple(dilation, _conv_dim) - padding = tuple( - (kernel_size[i] - 1) // 2 * dilation[i] for i in range(_conv_dim) - ) + padding = tuple((kernel_size[i] - 1) // 2 * dilation[i] for i in range(_conv_dim)) if bias is None: bias = norm_layer is None @@ -294,10 +288,7 @@ def __init__( if scales is None: if num_outputs > 1: range_ratio = max_ratio - min_ratio - self.scales = [ - min_ratio + range_ratio * k / (num_outputs - 1.0) - for k in range(num_outputs) - ] + self.scales = [min_ratio + range_ratio * k / (num_outputs - 1.0) for k in range(num_outputs)] self.scales.append(1.0) else: self.scales = [min_ratio, max_ratio] @@ -355,15 +346,9 @@ def _grid_default_boxes( shift_x = shift_x.reshape(-1) shift_y = shift_y.reshape(-1) - shifts = torch.stack( - (shift_x, shift_y) * len(self._wh_pairs[k]), dim=-1 - ).reshape(-1, 2) + shifts = torch.stack((shift_x, shift_y) * len(self._wh_pairs[k]), dim=-1).reshape(-1, 2) # Clipping the default boxes while the boxes are encoded in format (cx, cy, w, h) - _wh_pair = ( - self._wh_pairs[k].clamp(min=0, max=1) - if self.clip - else self._wh_pairs[k] - ) + _wh_pair = self._wh_pairs[k].clamp(min=0, max=1) if self.clip else self._wh_pairs[k] wh_pairs = _wh_pair.repeat((f_k[0] * f_k[1]), 1) default_box = torch.cat((shifts, wh_pairs), dim=1) @@ -383,9 +368,7 @@ def __repr__(self) -> str: ) return s - def forward( - self, image_list: ImageList, feature_maps: List[Tensor] - ) -> List[Tensor]: + def forward(self, image_list: ImageList, feature_maps: List[Tensor]) -> List[Tensor]: grid_sizes = [feature_map.shape[-2:] for feature_map in feature_maps] image_size = image_list.tensors.shape[-2:] dtype, device = feature_maps[0].dtype, feature_maps[0].device @@ -393,9 +376,7 @@ def forward( default_boxes = default_boxes.to(device) dboxes = [] - x_y_size = torch.tensor( - [image_size[1], image_size[0]], device=default_boxes.device - ) + x_y_size = torch.tensor([image_size[1], image_size[0]], device=default_boxes.device) for _ in image_list.image_sizes: dboxes_in_image = default_boxes dboxes_in_image = torch.cat( @@ -456,9 +437,7 @@ def __eq__(self, other: Any) -> bool: if self.meta != other.meta: return False - if isinstance(self.transforms, partial) and isinstance( - other.transforms, partial - ): + if isinstance(self.transforms, partial) and isinstance(other.transforms, partial): return ( self.transforms.func == other.transforms.func and self.transforms.args == other.transforms.args @@ -492,9 +471,7 @@ def wrapper(fn: Callable[..., M]) -> Callable[..., M]: def _ovewrite_value_param(param: str, actual: Optional[V], expected: V) -> V: if actual is not None: if actual != expected: - raise ValueError( - f"The parameter '{param}' expected value {expected} but got {actual} instead." - ) + raise ValueError(f"The parameter '{param}' expected value {expected} but got {actual} instead.") return expected @@ -520,11 +497,7 @@ def _topk_min(input: Tensor, orig_kval: int, axis: int) -> int: if not torch.jit.is_tracing(): return min(orig_kval, input.size(axis)) axis_dim_val = torch._shape_as_tensor(input)[axis].unsqueeze(0) - min_kval = torch.min( - torch.cat( - (torch.tensor([orig_kval], dtype=axis_dim_val.dtype), axis_dim_val), 0 - ) - ) + min_kval = torch.min(torch.cat((torch.tensor([orig_kval], dtype=axis_dim_val.dtype), axis_dim_val), 0)) return min_kval diff --git a/models/experimental/swin/reference/activations.py b/models/experimental/swin/reference/activations.py index d45e4a989c5..59f8624cb17 100644 --- a/models/experimental/swin/reference/activations.py +++ b/models/experimental/swin/reference/activations.py @@ -62,9 +62,7 @@ def get_activation(activation_string): if activation_string in ACT2FN: return ACT2FN[activation_string] else: - raise KeyError( - f"function {activation_string} not found in ACT2FN mapping {list(ACT2FN.keys())}" - ) + raise KeyError(f"function {activation_string} not found in ACT2FN mapping {list(ACT2FN.keys())}") # For backwards compatibility with: from activations import gelu_python diff --git a/models/experimental/swin/reference/backbone_utils.py b/models/experimental/swin/reference/backbone_utils.py index b5208f377b4..86dd00777ea 100644 --- a/models/experimental/swin/reference/backbone_utils.py +++ b/models/experimental/swin/reference/backbone_utils.py @@ -38,29 +38,19 @@ def verify_out_features_out_indices( if not isinstance(out_features, (list,)): raise ValueError(f"out_features must be a list {type(out_features)}") if any(feat not in stage_names for feat in out_features): - raise ValueError( - f"out_features must be a subset of stage_names: {stage_names} got {out_features}" - ) + raise ValueError(f"out_features must be a subset of stage_names: {stage_names} got {out_features}") if out_indices is not None: if not isinstance(out_indices, (list, tuple)): - raise ValueError( - f"out_indices must be a list or tuple, got {type(out_indices)}" - ) + raise ValueError(f"out_indices must be a list or tuple, got {type(out_indices)}") if any(idx >= len(stage_names) for idx in out_indices): - raise ValueError( - "out_indices must be valid indices for stage_names {stage_names}, got {out_indices}" - ) + raise ValueError("out_indices must be valid indices for stage_names {stage_names}, got {out_indices}") if out_features is not None and out_indices is not None: if len(out_features) != len(out_indices): - raise ValueError( - "out_features and out_indices should have the same length if both are set" - ) + raise ValueError("out_features and out_indices should have the same length if both are set") if out_features != [stage_names[idx] for idx in out_indices]: - raise ValueError( - "out_features and out_indices should correspond to the same stages if both are set" - ) + raise ValueError("out_features and out_indices should correspond to the same stages if both are set") def _align_output_features_output_indices( @@ -88,9 +78,7 @@ def _align_output_features_output_indices( out_indices = [len(stage_names) - 1] out_features = [stage_names[-1]] elif out_indices is None and out_features is not None: - out_indices = [ - stage_names.index(layer) for layer in stage_names if layer in out_features - ] + out_indices = [stage_names.index(layer) for layer in stage_names if layer in out_features] elif out_features is None and out_indices is not None: out_features = [stage_names[idx] for idx in out_indices] return out_features, out_indices @@ -118,9 +106,7 @@ def get_aligned_output_features_output_indices( stage_names (`List[str]`): The names of the stages of the backbone. """ # First verify that the out_features and out_indices are valid - verify_out_features_out_indices( - out_features=out_features, out_indices=out_indices, stage_names=stage_names - ) + verify_out_features_out_indices(out_features=out_features, out_indices=out_indices, stage_names=stage_names) output_features, output_indices = _align_output_features_output_indices( out_features=out_features, out_indices=out_indices, stage_names=stage_names ) @@ -156,9 +142,7 @@ def forward( output_attentions: Optional[bool] = None, return_dict: Optional[bool] = None, ): - raise NotImplementedError( - "This method should be implemented by the derived class." - ) + raise NotImplementedError("This method should be implemented by the derived class.") @property def out_features(self): diff --git a/models/experimental/swin/reference/configuration_swin.py b/models/experimental/swin/reference/configuration_swin.py index c104b17fe2f..7f1471cdfbb 100644 --- a/models/experimental/swin/reference/configuration_swin.py +++ b/models/experimental/swin/reference/configuration_swin.py @@ -132,9 +132,7 @@ def __init__( # we set the hidden_size attribute in order to make Swin work with VisionEncoderDecoderModel # this indicates the channel dimension after the last stage of the model self.hidden_size = int(embed_dim * 2 ** (len(depths) - 1)) - self.stage_names = ["stem"] + [ - f"stage{idx}" for idx in range(1, len(depths) + 1) - ] + self.stage_names = ["stem"] + [f"stage{idx}" for idx in range(1, len(depths) + 1)] ( self._out_features, self._out_indices, diff --git a/models/experimental/swin/reference/pytorch_utils.py b/models/experimental/swin/reference/pytorch_utils.py index ec59f523d7d..e2cf03de414 100644 --- a/models/experimental/swin/reference/pytorch_utils.py +++ b/models/experimental/swin/reference/pytorch_utils.py @@ -31,9 +31,7 @@ def find_pruneable_heads_and_indices( into account and the indices of rows/columns to keep in the layer weight. """ mask = torch.ones(n_heads, head_size) - heads = ( - set(heads) - already_pruned_heads - ) # Convert to set and remove already pruned heads + heads = set(heads) - already_pruned_heads # Convert to set and remove already pruned heads for head in heads: # Compute how many pruned heads are before the head and move the index accordingly head = head - sum(1 if h < head else 0 for h in already_pruned_heads) @@ -43,9 +41,7 @@ def find_pruneable_heads_and_indices( return heads, index -def prune_linear_layer( - layer: nn.Linear, index: torch.LongTensor, dim: int = 0 -) -> nn.Linear: +def prune_linear_layer(layer: nn.Linear, index: torch.LongTensor, dim: int = 0) -> nn.Linear: """ Prune a linear layer to keep only entries in index. @@ -68,9 +64,7 @@ def prune_linear_layer( b = layer.bias[index].clone().detach() new_size = list(layer.weight.size()) new_size[dim] = len(index) - new_layer = nn.Linear(new_size[1], new_size[0], bias=layer.bias is not None).to( - layer.weight.device - ) + new_layer = nn.Linear(new_size[1], new_size[0], bias=layer.bias is not None).to(layer.weight.device) new_layer.weight.requires_grad = False new_layer.weight.copy_(W.contiguous()) new_layer.weight.requires_grad = True @@ -150,15 +144,9 @@ def forward(self, hidden_states): num_chunks = input_tensors[0].shape[chunk_dim] // chunk_size # chunk input tensor into tuples - input_tensors_chunks = tuple( - input_tensor.chunk(num_chunks, dim=chunk_dim) - for input_tensor in input_tensors - ) + input_tensors_chunks = tuple(input_tensor.chunk(num_chunks, dim=chunk_dim) for input_tensor in input_tensors) # apply forward fn to every tuple - output_chunks = tuple( - forward_fn(*input_tensors_chunk) - for input_tensors_chunk in zip(*input_tensors_chunks) - ) + output_chunks = tuple(forward_fn(*input_tensors_chunk) for input_tensors_chunk in zip(*input_tensors_chunks)) # concatenate output at same dimension return torch.cat(output_chunks, dim=chunk_dim) @@ -177,7 +165,5 @@ def meshgrid( return torch.meshgrid(*tensors, indexing=indexing) else: if indexing != "ij": - raise ValueError( - 'torch.meshgrid only supports `indexing="ij"` for torch<1.10.' - ) + raise ValueError('torch.meshgrid only supports `indexing="ij"` for torch<1.10.') return torch.meshgrid(*tensors) diff --git a/models/experimental/swin/reference/swin.py b/models/experimental/swin/reference/swin.py index ce9e8a7d778..2ee2bb7a958 100644 --- a/models/experimental/swin/reference/swin.py +++ b/models/experimental/swin/reference/swin.py @@ -60,11 +60,7 @@ def window_partition(input_feature, window_size): window_size, num_channels, ) - windows = ( - input_feature.permute(0, 1, 3, 2, 4, 5) - .contiguous() - .view(-1, window_size, window_size, num_channels) - ) + windows = input_feature.permute(0, 1, 3, 2, 4, 5).contiguous().view(-1, window_size, window_size, num_channels) return windows @@ -81,11 +77,7 @@ def window_reverse(windows, window_size, height, width): window_size, num_channels, ) - windows = ( - windows.permute(0, 1, 3, 2, 4, 5) - .contiguous() - .view(-1, height, width, num_channels) - ) + windows = windows.permute(0, 1, 3, 2, 4, 5).contiguous().view(-1, height, width, num_channels) return windows @@ -101,15 +93,11 @@ def __init__(self, config: SwinConfig, dim, num_heads, window_size): self.attention_head_size = int(dim / num_heads) self.all_head_size = self.num_attention_heads * self.attention_head_size self.window_size = ( - window_size - if isinstance(window_size, collections.abc.Iterable) - else (window_size, window_size) + window_size if isinstance(window_size, collections.abc.Iterable) else (window_size, window_size) ) self.relative_position_bias_table = nn.Parameter( - torch.zeros( - (2 * self.window_size[0] - 1) * (2 * self.window_size[1] - 1), num_heads - ) + torch.zeros((2 * self.window_size[0] - 1) * (2 * self.window_size[1] - 1), num_heads) ) # get pair-wise relative position index for each token inside the window @@ -125,15 +113,9 @@ def __init__(self, config: SwinConfig, dim, num_heads, window_size): relative_position_index = relative_coords.sum(-1) self.register_buffer("relative_position_index", relative_position_index) - self.query = nn.Linear( - self.all_head_size, self.all_head_size, bias=config.qkv_bias - ) - self.key = nn.Linear( - self.all_head_size, self.all_head_size, bias=config.qkv_bias - ) - self.value = nn.Linear( - self.all_head_size, self.all_head_size, bias=config.qkv_bias - ) + self.query = nn.Linear(self.all_head_size, self.all_head_size, bias=config.qkv_bias) + self.key = nn.Linear(self.all_head_size, self.all_head_size, bias=config.qkv_bias) + self.value = nn.Linear(self.all_head_size, self.all_head_size, bias=config.qkv_bias) def transpose_for_scores(self, x): new_x_shape = x.size()[:-1] + ( @@ -162,9 +144,7 @@ def forward( attention_scores = attention_scores / math.sqrt(self.attention_head_size) - relative_position_bias = self.relative_position_bias_table[ - self.relative_position_index.view(-1) - ] + relative_position_bias = self.relative_position_bias_table[self.relative_position_index.view(-1)] relative_position_bias = relative_position_bias.view( self.window_size[0] * self.window_size[1], self.window_size[0] * self.window_size[1], @@ -180,12 +160,8 @@ def forward( attention_scores = attention_scores.view( batch_size // mask_shape, mask_shape, self.num_attention_heads, dim, dim ) - attention_scores = attention_scores + attention_mask.unsqueeze(1).unsqueeze( - 0 - ) - attention_scores = attention_scores.view( - -1, self.num_attention_heads, dim, dim - ) + attention_scores = attention_scores + attention_mask.unsqueeze(1).unsqueeze(0) + attention_scores = attention_scores.view(-1, self.num_attention_heads, dim, dim) # Normalize the attention scores to probabilities. attention_probs = nn.functional.softmax(attention_scores, dim=-1) @@ -199,9 +175,7 @@ def forward( new_context_layer_shape = context_layer.size()[:-2] + (self.all_head_size,) context_layer = context_layer.view(new_context_layer_shape) - outputs = ( - (context_layer, attention_probs) if output_attentions else (context_layer,) - ) + outputs = (context_layer, attention_probs) if output_attentions else (context_layer,) return outputs @@ -211,9 +185,7 @@ def __init__(self, config: SwinConfig, dim): super().__init__() self.dense = nn.Linear(dim, dim) - def forward( - self, hidden_states: torch.Tensor, input_tensor: torch.Tensor - ) -> torch.Tensor: + def forward(self, hidden_states: torch.Tensor, input_tensor: torch.Tensor) -> torch.Tensor: hidden_states = self.dense(hidden_states) return hidden_states @@ -244,9 +216,7 @@ def prune_heads(self, heads): # Update hyper params and store pruned heads self.self.num_attention_heads = self.self.num_attention_heads - len(heads) - self.self.all_head_size = ( - self.self.attention_head_size * self.self.num_attention_heads - ) + self.self.all_head_size = self.self.attention_head_size * self.self.num_attention_heads self.pruned_heads = self.pruned_heads.union(heads) def forward( @@ -256,13 +226,9 @@ def forward( head_mask: Optional[torch.FloatTensor] = None, output_attentions: Optional[bool] = False, ) -> Tuple[torch.Tensor]: - self_outputs = self.self( - hidden_states, attention_mask, head_mask, output_attentions - ) + self_outputs = self.self(hidden_states, attention_mask, head_mask, output_attentions) attention_output = self.output(self_outputs[0], hidden_states) - outputs = (attention_output,) + self_outputs[ - 1: - ] # add attentions if we output them + outputs = (attention_output,) + self_outputs[1:] # add attentions if we output them return outputs @@ -292,18 +258,14 @@ def forward(self, hidden_states: torch.Tensor) -> torch.Tensor: class SwinLayer(nn.Module): - def __init__( - self, config: SwinConfig, dim, input_resolution, num_heads, shift_size=0 - ): + def __init__(self, config: SwinConfig, dim, input_resolution, num_heads, shift_size=0): super().__init__() self.chunk_size_feed_forward = config.chunk_size_feed_forward self.shift_size = shift_size self.window_size = config.window_size self.input_resolution = input_resolution self.layernorm_before = nn.LayerNorm(dim, eps=config.layer_norm_eps) - self.attention = SwinAttention( - config, dim, num_heads, window_size=self.window_size - ) + self.attention = SwinAttention(config, dim, num_heads, window_size=self.window_size) self.layernorm_after = nn.LayerNorm(dim, eps=config.layer_norm_eps) self.intermediate = SwinIntermediate(config, dim) self.output = SwinOutput(config, dim) @@ -337,9 +299,7 @@ def get_attn_mask(self, height, width, dtype): mask_windows = window_partition(img_mask, self.window_size) mask_windows = mask_windows.view(-1, self.window_size * self.window_size) attn_mask = mask_windows.unsqueeze(1) - mask_windows.unsqueeze(2) - attn_mask = attn_mask.masked_fill( - attn_mask != 0, float(-100.0) - ).masked_fill(attn_mask == 0, float(0.0)) + attn_mask = attn_mask.masked_fill(attn_mask != 0, float(-100.0)).masked_fill(attn_mask == 0, float(0.0)) else: attn_mask = None return attn_mask @@ -377,19 +337,13 @@ def forward( _, height_pad, width_pad, _ = hidden_states.shape # cyclic shift if self.shift_size > 0: - shifted_hidden_states = torch.roll( - hidden_states, shifts=(-self.shift_size, -self.shift_size), dims=(1, 2) - ) + shifted_hidden_states = torch.roll(hidden_states, shifts=(-self.shift_size, -self.shift_size), dims=(1, 2)) else: shifted_hidden_states = hidden_states # partition windows - hidden_states_windows = window_partition( - shifted_hidden_states, self.window_size - ) - hidden_states_windows = hidden_states_windows.view( - -1, self.window_size * self.window_size, channels - ) + hidden_states_windows = window_partition(shifted_hidden_states, self.window_size) + hidden_states_windows = hidden_states_windows.view(-1, self.window_size * self.window_size, channels) attn_mask = self.get_attn_mask(height_pad, width_pad, dtype=hidden_states.dtype) if attn_mask is not None: attn_mask = attn_mask.to(hidden_states_windows.device) @@ -403,18 +357,12 @@ def forward( attention_output = attention_outputs[0] - attention_windows = attention_output.view( - -1, self.window_size, self.window_size, channels - ) - shifted_windows = window_reverse( - attention_windows, self.window_size, height_pad, width_pad - ) + attention_windows = attention_output.view(-1, self.window_size, self.window_size, channels) + shifted_windows = window_reverse(attention_windows, self.window_size, height_pad, width_pad) # reverse cyclic shift if self.shift_size > 0: - attention_windows = torch.roll( - shifted_windows, shifts=(self.shift_size, self.shift_size), dims=(1, 2) - ) + attention_windows = torch.roll(shifted_windows, shifts=(self.shift_size, self.shift_size), dims=(1, 2)) else: attention_windows = shifted_windows @@ -430,18 +378,12 @@ def forward( layer_output = self.intermediate(layer_output) layer_output = hidden_states + self.output(layer_output) - layer_outputs = ( - (layer_output, attention_outputs[1]) - if output_attentions - else (layer_output,) - ) + layer_outputs = (layer_output, attention_outputs[1]) if output_attentions else (layer_output,) return layer_outputs class SwinStage(nn.Module): - def __init__( - self, config: SwinConfig, dim, input_resolution, depth, num_heads, downsample - ): + def __init__(self, config: SwinConfig, dim, input_resolution, depth, num_heads, downsample): super().__init__() self.config = config self.dim = dim @@ -460,9 +402,7 @@ def __init__( # patch merging layer if downsample is not None: - self.downsample = downsample( - input_resolution, dim=dim, norm_layer=nn.LayerNorm - ) + self.downsample = downsample(input_resolution, dim=dim, norm_layer=nn.LayerNorm) else: self.downsample = None @@ -494,9 +434,7 @@ def forward( if self.downsample is not None: height_downsampled, width_downsampled = (height + 1) // 2, (width + 1) // 2 output_dimensions = (height, width, height_downsampled, width_downsampled) - hidden_states = self.downsample( - hidden_states_before_downsampling, input_dimensions - ) + hidden_states = self.downsample(hidden_states_before_downsampling, input_dimensions) else: output_dimensions = (height, width, height, width) @@ -544,9 +482,7 @@ def maybe_pad(self, input_feature, height, width): return input_feature - def forward( - self, input_feature: torch.Tensor, input_dimensions: Tuple[int, int] - ) -> torch.Tensor: + def forward(self, input_feature: torch.Tensor, input_dimensions: Tuple[int, int]) -> torch.Tensor: height, width = input_dimensions # `dim` is height * width batch_size, dim, num_channels = input_feature.shape @@ -563,12 +499,8 @@ def forward( # [batch_size, height/2, width/2, num_channels] input_feature_3 = input_feature[:, 1::2, 1::2, :] # batch_size height/2 width/2 4*num_channels - input_feature = torch.cat( - [input_feature_0, input_feature_1, input_feature_2, input_feature_3], -1 - ) - input_feature = input_feature.view( - batch_size, -1, 4 * num_channels - ) # batch_size height/2*width/2 4*C + input_feature = torch.cat([input_feature_0, input_feature_1, input_feature_2, input_feature_3], -1) + input_feature = input_feature.view(batch_size, -1, 4 * num_channels) # batch_size height/2*width/2 4*C input_feature = self.norm(input_feature) input_feature = self.reduction(input_feature) @@ -588,19 +520,9 @@ def __init__(self, config: SwinConfig): self.config = config image_size, patch_size = config.image_size, config.patch_size num_channels, hidden_size = config.num_channels, config.embed_dim - image_size = ( - image_size - if isinstance(image_size, collections.abc.Iterable) - else (image_size, image_size) - ) - patch_size = ( - patch_size - if isinstance(patch_size, collections.abc.Iterable) - else (patch_size, patch_size) - ) - num_patches = (image_size[1] // patch_size[1]) * ( - image_size[0] // patch_size[0] - ) + image_size = image_size if isinstance(image_size, collections.abc.Iterable) else (image_size, image_size) + patch_size = patch_size if isinstance(patch_size, collections.abc.Iterable) else (patch_size, patch_size) + num_patches = (image_size[1] // patch_size[1]) * (image_size[0] // patch_size[0]) self.image_size = image_size self.patch_size = patch_size self.num_channels = num_channels @@ -610,9 +532,7 @@ def __init__(self, config: SwinConfig): image_size[1] // patch_size[1], ) - self.projection = nn.Conv2d( - num_channels, hidden_size, kernel_size=patch_size, stride=patch_size - ) + self.projection = nn.Conv2d(num_channels, hidden_size, kernel_size=patch_size, stride=patch_size) def maybe_pad(self, pixel_values, height, width): if width % self.patch_size[1] != 0: @@ -623,9 +543,7 @@ def maybe_pad(self, pixel_values, height, width): pixel_values = nn.functional.pad(pixel_values, pad_values) return pixel_values - def forward( - self, pixel_values: Optional[torch.FloatTensor] - ) -> Tuple[torch.Tensor, Tuple[int]]: + def forward(self, pixel_values: Optional[torch.FloatTensor]) -> Tuple[torch.Tensor, Tuple[int]]: _, num_channels, height, width = pixel_values.shape if num_channels != self.num_channels: raise ValueError( @@ -652,16 +570,10 @@ def __init__(self, config: SwinConfig, use_mask_token=False): self.patch_embeddings = SwinPatchEmbeddings(config) num_patches = self.patch_embeddings.num_patches self.patch_grid = self.patch_embeddings.grid_size - self.mask_token = ( - nn.Parameter(torch.zeros(1, 1, config.embed_dim)) - if use_mask_token - else None - ) + self.mask_token = nn.Parameter(torch.zeros(1, 1, config.embed_dim)) if use_mask_token else None if config.use_absolute_embeddings: - self.position_embeddings = nn.Parameter( - torch.zeros(1, num_patches + 1, config.embed_dim) - ) + self.position_embeddings = nn.Parameter(torch.zeros(1, num_patches + 1, config.embed_dim)) else: self.position_embeddings = None @@ -704,9 +616,7 @@ def __init__(self, config: SwinConfig, grid_size): ), depth=config.depths[i_layer], num_heads=config.num_heads[i_layer], - downsample=SwinPatchMerging - if (i_layer < self.num_layers - 1) - else None, + downsample=SwinPatchMerging if (i_layer < self.num_layers - 1) else None, ) for i_layer in range(self.num_layers) ] @@ -732,9 +642,7 @@ def forward( if output_hidden_states: batch_size, _, hidden_size = hidden_states.shape # rearrange b (h w) c -> b c h w - reshaped_hidden_state = hidden_states.view( - batch_size, *input_dimensions, hidden_size - ) + reshaped_hidden_state = hidden_states.view(batch_size, *input_dimensions, hidden_size) reshaped_hidden_state = reshaped_hidden_state.permute(0, 3, 1, 2) all_hidden_states += (hidden_states,) all_reshaped_hidden_states += (reshaped_hidden_state,) @@ -786,9 +694,7 @@ def custom_forward(*inputs): elif output_hidden_states and not output_hidden_states_before_downsampling: batch_size, _, hidden_size = hidden_states.shape # rearrange b (h w) c -> b c h w - reshaped_hidden_state = hidden_states.view( - batch_size, *input_dimensions, hidden_size - ) + reshaped_hidden_state = hidden_states.view(batch_size, *input_dimensions, hidden_size) reshaped_hidden_state = reshaped_hidden_state.permute(0, 3, 1, 2) all_hidden_states += (hidden_states,) all_reshaped_hidden_states += (reshaped_hidden_state,) @@ -797,11 +703,7 @@ def custom_forward(*inputs): all_self_attentions += layer_outputs[3:] if not return_dict: - return tuple( - v - for v in [hidden_states, all_hidden_states, all_self_attentions] - if v is not None - ) + return tuple(v for v in [hidden_states, all_hidden_states, all_self_attentions] if v is not None) return SwinEncoderOutput( last_hidden_state=hidden_states, @@ -812,9 +714,7 @@ def custom_forward(*inputs): class SwinModel(nn.Module): - def __init__( - self, config: SwinConfig, add_pooling_layer=True, use_mask_token=False - ): + def __init__(self, config: SwinConfig, add_pooling_layer=True, use_mask_token=False): super().__init__() self.config = config self.num_layers = len(config.depths) @@ -852,19 +752,11 @@ def forward( bool_masked_pos (`torch.BoolTensor` of shape `(batch_size, num_patches)`, *optional*): Boolean masked positions. Indicates which patches are masked (1) and which aren't (0). """ - output_attentions = ( - output_attentions - if output_attentions is not None - else self.config.output_attentions - ) + output_attentions = output_attentions if output_attentions is not None else self.config.output_attentions output_hidden_states = ( - output_hidden_states - if output_hidden_states is not None - else self.config.output_hidden_states - ) - return_dict = ( - return_dict if return_dict is not None else self.config.use_return_dict + output_hidden_states if output_hidden_states is not None else self.config.output_hidden_states ) + return_dict = return_dict if return_dict is not None else self.config.use_return_dict if pixel_values is None: raise ValueError("You have to specify pixel_values") @@ -876,9 +768,7 @@ def forward( # and head_mask is converted to shape [num_hidden_layers x batch x num_heads x seq_length x seq_length] head_mask = self.get_head_mask(head_mask, len(self.config.depths)) - embedding_output, input_dimensions = self.embeddings( - pixel_values, bool_masked_pos=bool_masked_pos - ) + embedding_output, input_dimensions = self.embeddings(pixel_values, bool_masked_pos=bool_masked_pos) encoder_outputs = self.encoder( embedding_output, @@ -921,9 +811,7 @@ def __init__(self, config: SwinConfig) -> None: # Classifier head self.classifier = ( - nn.Linear(self.swin.num_features, config.num_labels) - if config.num_labels > 0 - else nn.Identity() + nn.Linear(self.swin.num_features, config.num_labels) if config.num_labels > 0 else nn.Identity() ) # Initialize weights and apply final processing @@ -943,9 +831,7 @@ def forward( config.num_labels - 1]`. If `config.num_labels == 1` a regression loss is computed (Mean-Square loss), If `config.num_labels > 1` a classification loss is computed (Cross-Entropy). """ - return_dict = ( - return_dict if return_dict is not None else self.config.use_return_dict - ) + return_dict = return_dict if return_dict is not None else self.config.use_return_dict outputs = self.swin( pixel_values, @@ -964,9 +850,7 @@ def forward( if self.config.problem_type is None: if self.num_labels == 1: self.config.problem_type = "regression" - elif self.num_labels > 1 and ( - labels.dtype == torch.long or labels.dtype == torch.int - ): + elif self.num_labels > 1 and (labels.dtype == torch.long or labels.dtype == torch.int): self.config.problem_type = "single_label_classification" else: self.config.problem_type = "multi_label_classification" diff --git a/models/experimental/t5/tt/t5_model.py b/models/experimental/t5/tt/t5_model.py index 5218bf22c5a..803bccd9768 100644 --- a/models/experimental/t5/tt/t5_model.py +++ b/models/experimental/t5/tt/t5_model.py @@ -26,9 +26,7 @@ def __init__(self, config, state_dict, device): super().__init__() self.config_use_cache = config["use_cache"] if "use_cache" in config else False - self.config_use_return_dict = ( - config["use_return_dict"] if "use_return_dict" in config else False - ) + self.config_use_return_dict = config["use_return_dict"] if "use_return_dict" in config else False # Re-use embedding layer from reference_module self.shared = nn.Embedding(config["vocab_size"], config["d_model"]) @@ -38,9 +36,7 @@ def __init__(self, config, state_dict, device): encoder_config["is_decoder"] = False encoder_config["use_cache"] = False encoder_config["is_encoder_decoder"] = False - self.encoder = TtT5Stack( - encoder_config, state_dict, "encoder", device, self.shared - ) + self.encoder = TtT5Stack(encoder_config, state_dict, "encoder", device, self.shared) if "num_decoder_layers" not in config: config["num_decoder_layers"] = config["num_layers"] @@ -49,9 +45,7 @@ def __init__(self, config, state_dict, device): decoder_config["is_decoder"] = True decoder_config["is_encoder_decoder"] = False decoder_config["num_layers"] = config["num_decoder_layers"] - self.decoder = TtT5Stack( - decoder_config, state_dict, "decoder", device, self.shared - ) + self.decoder = TtT5Stack(decoder_config, state_dict, "decoder", device, self.shared) self.config = config self.device = device @@ -120,9 +114,7 @@ def forward( ```""" use_cache = use_cache if use_cache is not None else self.config_use_cache - return_dict = ( - return_dict if return_dict is not None else self.config_use_return_dict - ) + return_dict = return_dict if return_dict is not None else self.config_use_return_dict # FutureWarning: head_mask was separated into two input args - head_mask, decoder_head_mask if head_mask is not None and decoder_head_mask is None: diff --git a/models/experimental/trocr/demo/cpu_demo.py b/models/experimental/trocr/demo/cpu_demo.py index 9dc27b81add..9d79a03717c 100644 --- a/models/experimental/trocr/demo/cpu_demo.py +++ b/models/experimental/trocr/demo/cpu_demo.py @@ -18,9 +18,7 @@ def test_cpu_demo(model_name): processor = TrOCRProcessor.from_pretrained(model_name) model = VisionEncoderDecoderModel.from_pretrained(model_name) iam_ocr_sample_input = Image.open("models/sample_data/iam_ocr_image.jpg") - pixel_values = processor( - images=iam_ocr_sample_input, return_tensors="pt" - ).pixel_values + pixel_values = processor(images=iam_ocr_sample_input, return_tensors="pt").pixel_values with torch.no_grad(): generated_ids = model.generate(pixel_values) diff --git a/models/experimental/trocr/trocr_generate_utils.py b/models/experimental/trocr/trocr_generate_utils.py index f19c92edc31..2b51dd85861 100644 --- a/models/experimental/trocr/trocr_generate_utils.py +++ b/models/experimental/trocr/trocr_generate_utils.py @@ -50,9 +50,7 @@ def __init__(self, **kwargs): self.forced_bos_token_id = kwargs.pop("forced_bos_token_id", None) self.forced_eos_token_id = kwargs.pop("forced_eos_token_id", None) self.remove_invalid_values = kwargs.pop("remove_invalid_values", False) - self.exponential_decay_length_penalty = kwargs.pop( - "exponential_decay_length_penalty", None - ) + self.exponential_decay_length_penalty = kwargs.pop("exponential_decay_length_penalty", None) self.suppress_tokens = kwargs.pop("suppress_tokens", None) self.begin_suppress_tokens = kwargs.pop("begin_suppress_tokens", None) self.forced_decoder_ids = kwargs.pop("forced_decoder_ids", None) @@ -70,9 +68,7 @@ def __init__(self, **kwargs): self.eos_token_id = kwargs.pop("eos_token_id", None) # Generation parameters exclusive to encoder-decoder models - self.encoder_no_repeat_ngram_size = kwargs.pop( - "encoder_no_repeat_ngram_size", 0 - ) + self.encoder_no_repeat_ngram_size = kwargs.pop("encoder_no_repeat_ngram_size", 0) self.decoder_start_token_id = kwargs.pop("decoder_start_token_id", None) # Wild card @@ -98,9 +94,7 @@ def __init__(self, **kwargs): def validate(self): if self.early_stopping not in {True, False, "never"}: - raise ValueError( - f"`early_stopping` must be a boolean or 'never', but is {self.early_stopping}." - ) + raise ValueError(f"`early_stopping` must be a boolean or 'never', but is {self.early_stopping}.") @classmethod def from_dict(cls, config_dict: Dict[str, Any], **kwargs) -> "GenerationConfig": @@ -122,9 +116,7 @@ def from_dict(cls, config_dict: Dict[str, Any], **kwargs) -> "GenerationConfig": return config def dict_torch_dtype_to_str(self, d: Dict[str, Any]) -> None: - if d.get("torch_dtype", None) is not None and not isinstance( - d["torch_dtype"], str - ): + if d.get("torch_dtype", None) is not None and not isinstance(d["torch_dtype"], str): d["torch_dtype"] = str(d["torch_dtype"]).split(".")[1] for value in d.values(): if isinstance(value, dict): @@ -143,9 +135,7 @@ def to_dict(self) -> Dict[str, Any]: def from_model_config(cls, model_config) -> "GenerationConfig": config_dict = model_config.to_dict() config_dict.pop("_from_model_config", None) - config = cls.from_dict( - config_dict, return_unused_kwargs=False, _from_model_config=True - ) + config = cls.from_dict(config_dict, return_unused_kwargs=False, _from_model_config=True) # Special case: some models have generation attributes set in the decoder. Use them if still unset in the # generation config. @@ -154,9 +144,7 @@ def from_model_config(cls, model_config) -> "GenerationConfig": default_generation_config = GenerationConfig() decoder_config = config_dict[decoder_name] for attr in config.to_dict().keys(): - if attr in decoder_config and getattr(config, attr) == getattr( - default_generation_config, attr - ): + if attr in decoder_config and getattr(config, attr) == getattr(default_generation_config, attr): setattr(config, attr, decoder_config[attr]) return config @@ -167,16 +155,12 @@ def update(self, **kwargs): setattr(self, key, value) to_remove.append(key) # remove all the attributes that were updated, without modifying the input dict - unused_kwargs = { - key: value for key, value in kwargs.items() if key not in to_remove - } + unused_kwargs = {key: value for key, value in kwargs.items() if key not in to_remove} return unused_kwargs class LogitsProcessorList(list): - def __call__( - self, input_ids: torch.LongTensor, scores: torch.FloatTensor, **kwargs - ) -> torch.FloatTensor: + def __call__(self, input_ids: torch.LongTensor, scores: torch.FloatTensor, **kwargs) -> torch.FloatTensor: for processor in self: function_args = inspect.signature(processor.__call__).parameters if len(function_args) > 2: @@ -192,9 +176,7 @@ def __call__( class StoppingCriteriaList(list): - def __call__( - self, input_ids: torch.LongTensor, scores: torch.FloatTensor, **kwargs - ) -> bool: + def __call__(self, input_ids: torch.LongTensor, scores: torch.FloatTensor, **kwargs) -> bool: return any(criteria(input_ids, scores) for criteria in self) @property @@ -209,9 +191,7 @@ class MaxLengthCriteria: def __init__(self, max_length: int): self.max_length = max_length - def __call__( - self, input_ids: torch.LongTensor, scores: torch.FloatTensor, **kwargs - ) -> bool: + def __call__(self, input_ids: torch.LongTensor, scores: torch.FloatTensor, **kwargs) -> bool: return input_ids.shape[-1] >= self.max_length @@ -234,9 +214,7 @@ class GreedySearchEncoderDecoderOutput: decoder_hidden_states: Optional[Tuple[Tuple[torch.FloatTensor]]] = None -GreedySearchOutput = Union[ - GreedySearchEncoderDecoderOutput, GreedySearchDecoderOnlyOutput -] +GreedySearchOutput = Union[GreedySearchEncoderDecoderOutput, GreedySearchDecoderOnlyOutput] GenerateOutput = GreedySearchOutput @@ -260,9 +238,7 @@ def _prepare_model_inputs( # some encoder-decoder models have different names for model and encoder input_name = self.model.main_input_name - model_kwargs = { - k: v for k, v in model_kwargs.items() if v is not None or k != input_name - } + model_kwargs = {k: v for k, v in model_kwargs.items() if v is not None or k != input_name} # 2. check whether model_input_name is passed as kwarg # if yes and `inputs` is None use kwarg inputs @@ -279,9 +255,7 @@ def _prepare_model_inputs( if input_name == "input_ids" and "inputs_embeds" in model_kwargs: if not self.model.config.is_encoder_decoder: has_inputs_embeds_forwarding = "inputs_embeds" in set( - inspect.signature( - self.model.prepare_inputs_for_generation - ).parameters.keys() + inspect.signature(self.model.prepare_inputs_for_generation).parameters.keys() ) if not has_inputs_embeds_forwarding: raise ValueError( @@ -291,22 +265,16 @@ def _prepare_model_inputs( ) # In this case, `input_ids` is moved to the `model_kwargs`, so a few automations (like the creation of # the attention mask) can rely on the actual model input. - model_kwargs[ - "input_ids" - ] = self._maybe_initialize_input_ids_for_generation( + model_kwargs["input_ids"] = self._maybe_initialize_input_ids_for_generation( inputs, bos_token_id, model_kwargs=model_kwargs ) else: if inputs is not None: - raise ValueError( - "You passed `inputs_embeds` and `input_ids` to `.generate()`. Please pick one." - ) + raise ValueError("You passed `inputs_embeds` and `input_ids` to `.generate()`. Please pick one.") inputs, input_name = model_kwargs["inputs_embeds"], "inputs_embeds" # 4. if `inputs` is still None, try to create `input_ids` from BOS token - inputs = self._maybe_initialize_input_ids_for_generation( - inputs, bos_token_id, model_kwargs - ) + inputs = self._maybe_initialize_input_ids_for_generation(inputs, bos_token_id, model_kwargs) return inputs, input_name, model_kwargs def _maybe_initialize_input_ids_for_generation( @@ -326,9 +294,7 @@ def _maybe_initialize_input_ids_for_generation( return torch.ones(shape, dtype=torch.long, device=self.device) * -100 if bos_token_id is None: - raise ValueError( - "`bos_token_id` has to be defined when no `input_ids` are provided." - ) + raise ValueError("`bos_token_id` has to be defined when no `input_ids` are provided.") # If there is some tensor in `model_kwargs`, we can infer the batch size from it. This is helpful with # soft-prompting or in multimodal implementations built on top of decoder-only language models. @@ -337,10 +303,7 @@ def _maybe_initialize_input_ids_for_generation( if isinstance(value, torch.Tensor): batch_size = value.shape[0] break - return ( - torch.ones((batch_size, 1), dtype=torch.long, device=self.device) - * bos_token_id - ) + return torch.ones((batch_size, 1), dtype=torch.long, device=self.device) * bos_token_id def _prepare_encoder_decoder_kwargs_for_generation( self, @@ -359,20 +322,14 @@ def _prepare_encoder_decoder_kwargs_for_generation( if not any(argument.startswith(p) for p in irrelevant_prefix) } encoder_signature = set(inspect.signature(encoder.forward).parameters) - encoder_accepts_wildcard = ( - "kwargs" in encoder_signature or "model_kwargs" in encoder_signature - ) + encoder_accepts_wildcard = "kwargs" in encoder_signature or "model_kwargs" in encoder_signature if not encoder_accepts_wildcard: encoder_kwargs = { - argument: value - for argument, value in encoder_kwargs.items() - if argument in encoder_signature + argument: value for argument, value in encoder_kwargs.items() if argument in encoder_signature } # 3. make sure that encoder returns `ModelOutput` - model_input_name = ( - model_input_name if model_input_name is not None else self.main_input_name - ) + model_input_name = model_input_name if model_input_name is not None else self.main_input_name encoder_kwargs["return_dict"] = True encoder_kwargs[model_input_name] = inputs_tensor model_kwargs["encoder_outputs"] = encoder(**encoder_kwargs) @@ -390,41 +347,26 @@ def _prepare_decoder_input_ids_for_generation( if model_kwargs is not None and "decoder_input_ids" in model_kwargs: return model_kwargs.pop("decoder_input_ids") else: - decoder_start_token_id = self._get_decoder_start_token_id( - decoder_start_token_id, bos_token_id - ) + decoder_start_token_id = self._get_decoder_start_token_id(decoder_start_token_id, bos_token_id) if device is None: device = self.device - return ( - torch.ones((batch_size, 1), dtype=torch.long, device=device) - * decoder_start_token_id - ) + return torch.ones((batch_size, 1), dtype=torch.long, device=device) * decoder_start_token_id - def _get_decoder_start_token_id( - self, decoder_start_token_id: int = None, bos_token_id: int = None - ) -> int: + def _get_decoder_start_token_id(self, decoder_start_token_id: int = None, bos_token_id: int = None) -> int: decoder_start_token_id = ( decoder_start_token_id if decoder_start_token_id is not None else self.generation_config.decoder_start_token_id ) - bos_token_id = ( - bos_token_id - if bos_token_id is not None - else self.generation_config.bos_token_id - ) + bos_token_id = bos_token_id if bos_token_id is not None else self.generation_config.bos_token_id if decoder_start_token_id is not None: return decoder_start_token_id elif bos_token_id is not None: return bos_token_id - raise ValueError( - "`decoder_start_token_id` or `bos_token_id` has to be defined for encoder-decoder generation." - ) + raise ValueError("`decoder_start_token_id` or `bos_token_id` has to be defined for encoder-decoder generation.") - def _extract_past_from_model_output( - self, outputs, standardize_cache_format: bool = False - ): + def _extract_past_from_model_output(self, outputs, standardize_cache_format: bool = False): past_key_values = None return past_key_values @@ -443,9 +385,7 @@ def _update_model_kwargs_for_generation( # update token_type_ids with last value if "token_type_ids" in model_kwargs: token_type_ids = model_kwargs["token_type_ids"] - model_kwargs["token_type_ids"] = torch.cat( - [token_type_ids, token_type_ids[:, -1].unsqueeze(-1)], dim=-1 - ) + model_kwargs["token_type_ids"] = torch.cat([token_type_ids, token_type_ids[:, -1].unsqueeze(-1)], dim=-1) if not is_encoder_decoder: # update attention mask @@ -465,9 +405,7 @@ def _update_model_kwargs_for_generation( model_kwargs["decoder_attention_mask"] = torch.cat( [ decoder_attention_mask, - decoder_attention_mask.new_ones( - (decoder_attention_mask.shape[0], 1) - ), + decoder_attention_mask.new_ones((decoder_attention_mask.shape[0], 1)), ], dim=-1, ) @@ -492,9 +430,7 @@ def _validate_model_kwargs(self, model_kwargs: Dict[str, Any]): model_kwargs.pop(key, None) unused_model_args = [] - model_args = set( - inspect.signature(self.model.prepare_inputs_for_generation).parameters - ) + model_args = set(inspect.signature(self.model.prepare_inputs_for_generation).parameters) # `kwargs`/`model_kwargs` is often used to handle optional forward pass inputs like `attention_mask`. If # `prepare_inputs_for_generation` doesn't accept them, then a stricter check can be made ;) if "kwargs" in model_args or "model_kwargs" in model_args: @@ -516,9 +452,7 @@ def generate( generation_config: Optional[GenerationConfig] = None, logits_processor: Optional[LogitsProcessorList] = None, stopping_criteria: Optional[StoppingCriteriaList] = None, - prefix_allowed_tokens_fn: Optional[ - Callable[[int, torch.Tensor], List[int]] - ] = None, + prefix_allowed_tokens_fn: Optional[Callable[[int, torch.Tensor], List[int]]] = None, synced_gpus: Optional[bool] = None, streamer: Optional["BaseStreamer"] = None, **kwargs, @@ -529,9 +463,7 @@ def generate( # legacy: users may modify the model configuration to control generation -- update the generation config # model attribute accordingly, if it was created from the model config if self.model.generation_config._from_model_config: - new_generation_config = GenerationConfig.from_model_config( - self.model.config - ) + new_generation_config = GenerationConfig.from_model_config(self.model.config) if new_generation_config != self.model.generation_config: warnings.warn( "You have modified the pretrained model configuration to control generation. This is a" @@ -543,26 +475,15 @@ def generate( generation_config = self.model.generation_config generation_config = copy.deepcopy(generation_config) - model_kwargs = generation_config.update( - **kwargs - ) # All unused kwargs must be model kwargs + model_kwargs = generation_config.update(**kwargs) # All unused kwargs must be model kwargs generation_config.validate() self._validate_model_kwargs(model_kwargs.copy()) # 2. Set generation parameters if not already defined - logits_processor = ( - logits_processor if logits_processor is not None else LogitsProcessorList() - ) - stopping_criteria = ( - stopping_criteria - if stopping_criteria is not None - else StoppingCriteriaList() - ) + logits_processor = logits_processor if logits_processor is not None else LogitsProcessorList() + stopping_criteria = stopping_criteria if stopping_criteria is not None else StoppingCriteriaList() - if ( - generation_config.pad_token_id is None - and generation_config.eos_token_id is not None - ): + if generation_config.pad_token_id is None and generation_config.eos_token_id is not None: if model_kwargs.get("attention_mask", None) is None: logger.warning( "The attention mask and the pad token id were not set. As a consequence, you may observe " @@ -571,9 +492,7 @@ def generate( eos_token_id = generation_config.eos_token_id if isinstance(eos_token_id, list): eos_token_id = eos_token_id[0] - logger.warning( - f"Setting `pad_token_id` to `eos_token_id`:{eos_token_id} for open-end generation." - ) + logger.warning(f"Setting `pad_token_id` to `eos_token_id`:{eos_token_id} for open-end generation.") generation_config.pad_token_id = eos_token_id # 3. Define model inputs @@ -591,19 +510,11 @@ def generate( model_kwargs["output_hidden_states"] = generation_config.output_hidden_states model_kwargs["use_cache"] = generation_config.use_cache - accepts_attention_mask = "attention_mask" in set( - inspect.signature(self.model.forward).parameters.keys() - ) + accepts_attention_mask = "attention_mask" in set(inspect.signature(self.model.forward).parameters.keys()) requires_attention_mask = "encoder_outputs" not in model_kwargs - if ( - model_kwargs.get("attention_mask", None) is None - and requires_attention_mask - and accepts_attention_mask - ): - model_kwargs[ - "attention_mask" - ] = self.model._prepare_attention_mask_for_generation( + if model_kwargs.get("attention_mask", None) is None and requires_attention_mask and accepts_attention_mask: + model_kwargs["attention_mask"] = self.model._prepare_attention_mask_for_generation( inputs_tensor, generation_config.pad_token_id, generation_config.eos_token_id, @@ -613,18 +524,14 @@ def generate( if not self.model.config.is_encoder_decoder: if ( generation_config.pad_token_id is not None - and torch.sum(inputs_tensor[:, -1] == generation_config.pad_token_id) - > 0 + and torch.sum(inputs_tensor[:, -1] == generation_config.pad_token_id) > 0 ): logger.warning( "A decoder-only architecture is being used, but right-padding was detected! For correct " "generation results, please set `padding_side='left'` when initializing the tokenizer." ) - if ( - self.model.config.is_encoder_decoder - and "encoder_outputs" not in model_kwargs - ): + if self.model.config.is_encoder_decoder and "encoder_outputs" not in model_kwargs: # if model is encoder decoder encoder_outputs are created and added to `model_kwargs` model_kwargs = self._prepare_encoder_decoder_kwargs_for_generation( inputs_tensor, model_kwargs, model_input_name @@ -642,16 +549,11 @@ def generate( # conditional generation for multi-modal models. if "input_ids" in model_kwargs and model_input_name == "pixel_values": - input_ids = torch.cat( - [input_ids, model_kwargs.pop("input_ids")], dim=-1 - ) + input_ids = torch.cat([input_ids, model_kwargs.pop("input_ids")], dim=-1) # 6. Prepare `max_length` depending on other stopping criteria. input_ids_seq_length = input_ids.shape[-1] - has_default_max_length = ( - kwargs.get("max_length") is None - and generation_config.max_length is not None - ) + has_default_max_length = kwargs.get("max_length") is None and generation_config.max_length is not None if has_default_max_length and generation_config.max_new_tokens is None: warnings.warn( f"Using `max_length`'s default ({generation_config.max_length}) to control the generation length. " @@ -660,9 +562,7 @@ def generate( UserWarning, ) elif generation_config.max_new_tokens is not None: - generation_config.max_length = ( - generation_config.max_new_tokens + input_ids_seq_length - ) + generation_config.max_length = generation_config.max_new_tokens + input_ids_seq_length if not has_default_max_length: logger.warn( f"Both `max_new_tokens` (={generation_config.max_new_tokens}) and `max_length`(=" @@ -672,18 +572,13 @@ def generate( UserWarning, ) - if ( - generation_config.min_length is not None - and generation_config.min_length > generation_config.max_length - ): + if generation_config.min_length is not None and generation_config.min_length > generation_config.max_length: raise ValueError( f"Unfeasible length constraints: the minimum length ({generation_config.min_length}) is larger than" f" the maximum length ({generation_config.max_length})" ) if input_ids_seq_length >= generation_config.max_length: - input_ids_string = ( - "decoder_input_ids" if self.config.is_encoder_decoder else "input_ids" - ) + input_ids_string = "decoder_input_ids" if self.config.is_encoder_decoder else "input_ids" logger.warning( f"Input length of {input_ids_string} is {input_ids_seq_length}, but `max_length` is set to" f" {generation_config.max_length}. This can lead to unexpected behavior. You should consider" @@ -692,8 +587,7 @@ def generate( # 7. determine generation mode is_constraint_gen_mode = ( - generation_config.constraints is not None - or generation_config.force_words_ids is not None + generation_config.constraints is not None or generation_config.force_words_ids is not None ) is_contrastive_search_gen_mode = ( @@ -721,9 +615,7 @@ def generate( ) if generation_config.num_beam_groups > generation_config.num_beams: - raise ValueError( - "`num_beam_groups` has to be smaller or equal to `num_beams`" - ) + raise ValueError("`num_beam_groups` has to be smaller or equal to `num_beams`") if is_group_beam_gen_mode and generation_config.do_sample is True: raise ValueError( @@ -789,51 +681,25 @@ def greedy_search( **model_kwargs, ) -> Union[GreedySearchOutput, torch.LongTensor]: # init values - logits_processor = ( - logits_processor if logits_processor is not None else LogitsProcessorList() - ) - stopping_criteria = ( - stopping_criteria - if stopping_criteria is not None - else StoppingCriteriaList() - ) + logits_processor = logits_processor if logits_processor is not None else LogitsProcessorList() + stopping_criteria = stopping_criteria if stopping_criteria is not None else StoppingCriteriaList() if max_length is not None: warnings.warn( "`max_length` is deprecated in this function, use" " `stopping_criteria=StoppingCriteriaList([MaxLengthCriteria(max_length=max_length)])` instead.", UserWarning, ) - pad_token_id = ( - pad_token_id - if pad_token_id is not None - else self.generation_config.pad_token_id - ) - eos_token_id = ( - eos_token_id - if eos_token_id is not None - else self.generation_config.eos_token_id - ) + pad_token_id = pad_token_id if pad_token_id is not None else self.generation_config.pad_token_id + eos_token_id = eos_token_id if eos_token_id is not None else self.generation_config.eos_token_id if isinstance(eos_token_id, int): eos_token_id = [eos_token_id] - eos_token_id_tensor = ( - torch.tensor(eos_token_id).to(input_ids.device) - if eos_token_id is not None - else None - ) - output_scores = ( - output_scores - if output_scores is not None - else self.generation_config.output_scores - ) + eos_token_id_tensor = torch.tensor(eos_token_id).to(input_ids.device) if eos_token_id is not None else None + output_scores = output_scores if output_scores is not None else self.generation_config.output_scores output_attentions = ( - output_attentions - if output_attentions is not None - else self.generation_config.output_attentions + output_attentions if output_attentions is not None else self.generation_config.output_attentions ) output_hidden_states = ( - output_hidden_states - if output_hidden_states is not None - else self.generation_config.output_hidden_states + output_hidden_states if output_hidden_states is not None else self.generation_config.output_hidden_states ) return_dict_in_generate = ( return_dict_in_generate @@ -844,9 +710,7 @@ def greedy_search( # init attention / hidden states / scores tuples scores = () if (return_dict_in_generate and output_scores) else None # keep track of which sequences are already finished - unfinished_sequences = torch.ones( - input_ids.shape[0], dtype=torch.long, device=input_ids.device - ) + unfinished_sequences = torch.ones(input_ids.shape[0], dtype=torch.long, device=input_ids.device) while True: # forward pass to get next token @@ -856,9 +720,7 @@ def greedy_search( base_address=f"decoder", device=self.device, ) - input_ids = torch_to_tt_tensor_rm( - input_ids, self.device, put_on_device=False - ) + input_ids = torch_to_tt_tensor_rm(input_ids, self.device, put_on_device=False) outputs = tt_model(input_ids) outputs.logits = tt_to_torch_tensor(outputs.logits) @@ -877,12 +739,8 @@ def greedy_search( # finished sentences should have their next token be a padding token if eos_token_id is not None: if pad_token_id is None: - raise ValueError( - "If `eos_token_id` is defined, make sure that `pad_token_id` is defined." - ) - next_tokens = next_tokens * unfinished_sequences + pad_token_id * ( - 1 - unfinished_sequences - ) + raise ValueError("If `eos_token_id` is defined, make sure that `pad_token_id` is defined.") + next_tokens = next_tokens * unfinished_sequences + pad_token_id * (1 - unfinished_sequences) # update generated ids, model inputs, and length for next step input_ids = torch.cat([input_ids, next_tokens[:, None]], dim=-1) @@ -895,9 +753,7 @@ def greedy_search( # if eos_token was found in one sentence, set sentence to finished if eos_token_id_tensor is not None: unfinished_sequences = unfinished_sequences.mul( - next_tokens.tile(eos_token_id_tensor.shape[0], 1) - .ne(eos_token_id_tensor.unsqueeze(1)) - .prod(dim=0) + next_tokens.tile(eos_token_id_tensor.shape[0], 1).ne(eos_token_id_tensor.unsqueeze(1)).prod(dim=0) ) # stop when each sentence is finished, or if we exceed the maximum length diff --git a/models/experimental/trocr/trocr_utils.py b/models/experimental/trocr/trocr_utils.py index af477fa9e29..32c8abf1e8c 100644 --- a/models/experimental/trocr/trocr_utils.py +++ b/models/experimental/trocr/trocr_utils.py @@ -31,16 +31,12 @@ def _make_causal_mask( if past_key_values_length > 0: mask = torch.cat( [ - torch.zeros( - tgt_len, past_key_values_length, dtype=dtype, device=device - ), + torch.zeros(tgt_len, past_key_values_length, dtype=dtype, device=device), mask, ], dim=-1, ) - return mask[None, None, :, :].expand( - bsz, 1, tgt_len, tgt_len + past_key_values_length - ) + return mask[None, None, :, :].expand(bsz, 1, tgt_len, tgt_len + past_key_values_length) def _expand_mask(mask: torch.Tensor, dtype: torch.dtype, tgt_len: Optional[int] = None): @@ -54,9 +50,7 @@ def _expand_mask(mask: torch.Tensor, dtype: torch.dtype, tgt_len: Optional[int] inverted_mask = 1.0 - expanded_mask - return inverted_mask.masked_fill( - inverted_mask.to(torch.bool), torch.finfo(dtype).min - ) + return inverted_mask.masked_fill(inverted_mask.to(torch.bool), torch.finfo(dtype).min) def create_custom_forward(module): diff --git a/models/experimental/trocr/tt/trocr.py b/models/experimental/trocr/tt/trocr.py index addfc2997ad..cd865131676 100644 --- a/models/experimental/trocr/tt/trocr.py +++ b/models/experimental/trocr/tt/trocr.py @@ -8,9 +8,7 @@ def _trocr(model, config, state_dict, device): - return GenerationMixin( - model=model, device=device, config=config, state_dict=state_dict - ) + return GenerationMixin(model=model, device=device, config=config, state_dict=state_dict) def trocr_causal_llm(device) -> GenerationMixin: diff --git a/models/experimental/trocr/tt/trocr_decoder_wrapper.py b/models/experimental/trocr/tt/trocr_decoder_wrapper.py index 8a7b04c6ce3..ddf8ed1637d 100644 --- a/models/experimental/trocr/tt/trocr_decoder_wrapper.py +++ b/models/experimental/trocr/tt/trocr_decoder_wrapper.py @@ -15,9 +15,7 @@ class TtTrOCRDecoderWrapper(nn.Module): def __init__(self, config, base_address=None, state_dict=None, device=None): super().__init__() - self.decoder = TtTrOCRDecoder( - config, state_dict=state_dict, base_address=base_address, device=device - ) + self.decoder = TtTrOCRDecoder(config, state_dict=state_dict, base_address=base_address, device=device) def forward(self, *args, **kwargs): return self.decoder(*args, **kwargs) diff --git a/models/experimental/vovnet/reference/vovnet.py b/models/experimental/vovnet/reference/vovnet.py index 7bccf88a8c6..d33bf654b3f 100644 --- a/models/experimental/vovnet/reference/vovnet.py +++ b/models/experimental/vovnet/reference/vovnet.py @@ -73,9 +73,7 @@ def __init__( track_running_stats=track_running_stats, ) - self.act = create_act( - act_layer, act_kwargs=act_kwargs, inplace=inplace, apply_act=apply_act - ) + self.act = create_act(act_layer, act_kwargs=act_kwargs, inplace=inplace, apply_act=apply_act) def forward(self, x): # cut & paste of torch.nn.BatchNorm2d.forward impl to avoid issues with torchscript and tracing @@ -332,9 +330,7 @@ def __init__( ): super(SelectAdaptivePool2d, self).__init__() assert input_fmt in ("NCHW", "NHWC") - self.pool_type = ( - pool_type or "" - ) # convert other falsy values to empty string for consistent TS typing + self.pool_type = pool_type or "" # convert other falsy values to empty string for consistent TS typing if not pool_type: self.pool = nn.Identity() # pass through self.flatten = nn.Flatten(1) if flatten else nn.Identity() @@ -355,15 +351,7 @@ def feat_mult(self): return adaptive_pool_feat_mult(self.pool_type) def __repr__(self): - return ( - self.__class__.__name__ - + " (" - + "pool_type=" - + self.pool_type - + ", flatten=" - + str(self.flatten) - + ")" - ) + return self.__class__.__name__ + " (" + "pool_type=" + self.pool_type + ", flatten=" + str(self.flatten) + ")" class ConvNormAct(nn.Module): @@ -425,9 +413,7 @@ def forward(self, x): def get_norm_act_layer(norm_layer, act_layer=None): assert isinstance(norm_layer, (type, str, types.FunctionType, functools.partial)) - assert act_layer is None or isinstance( - act_layer, (type, str, types.FunctionType, functools.partial) - ) + assert act_layer is None or isinstance(act_layer, (type, str, types.FunctionType, functools.partial)) norm_act_kwargs = {} # unbind partial fn, so args can be rebound later @@ -458,9 +444,7 @@ def get_norm_act_layer(norm_layer, act_layer=None): norm_act_kwargs.setdefault("act_layer", act_layer) if norm_act_kwargs: - norm_act_layer = functools.partial( - norm_act_layer, **norm_act_kwargs - ) # bind/rebind args + norm_act_layer = functools.partial(norm_act_layer, **norm_act_kwargs) # bind/rebind args return norm_act_layer @@ -506,9 +490,7 @@ def reset(self, num_classes, pool_type=None): use_conv=self.use_conv, input_fmt=self.input_fmt, ) - self.flatten = ( - nn.Flatten(1) if self.use_conv and pool_type else nn.Identity() - ) + self.flatten = nn.Flatten(1) if self.use_conv and pool_type else nn.Identity() else: num_pooled_features = self.in_features * self.global_pool.feat_mult() self.fc = _create_fc( @@ -559,9 +541,7 @@ def _create_pool( assert ( num_classes == 0 or use_conv ), "Pooling can only be disabled if classifier is also removed or conv classifier is used" - flatten_in_pool = ( - False # disable flattening if pooling is pass-through (no pooling) - ) + flatten_in_pool = False # disable flattening if pooling is pass-through (no pooling) global_pool = SelectAdaptivePool2d( pool_type=pool_type, flatten=flatten_in_pool, @@ -613,9 +593,7 @@ def __init__( *[ ConvNormAct(in_chans, stem_chs[0], 3, stride=2, **conv_kwargs), conv_type(stem_chs[0], stem_chs[1], 3, stride=1, **conv_kwargs), - conv_type( - stem_chs[1], stem_chs[2], 3, stride=last_stem_stride, **conv_kwargs - ), + conv_type(stem_chs[1], stem_chs[2], 3, stride=last_stem_stride, **conv_kwargs), ] ) @@ -637,9 +615,7 @@ def __init__( ) stages = [] for i in range(4): # num_stages - downsample = ( - stem_stride == 2 or i > 0 - ) # first stage has no stride/downsample if stem_stride is 4 + downsample = stem_stride == 2 or i > 0 # first stage has no stride/downsample if stem_stride is 4 stages += [ OsaStage( in_ch_list[i], @@ -663,9 +639,7 @@ def __init__( self.stages = nn.Sequential(*stages) - self.head = ClassifierHead( - self.num_features, num_classes, pool_type=global_pool - ) + self.head = ClassifierHead(self.num_features, num_classes, pool_type=global_pool) for n, m in self.named_modules(): if isinstance(m, nn.Conv2d): diff --git a/models/experimental/vovnet/vovnet_utils.py b/models/experimental/vovnet/vovnet_utils.py index 527279de2f0..9091b4baecc 100644 --- a/models/experimental/vovnet/vovnet_utils.py +++ b/models/experimental/vovnet/vovnet_utils.py @@ -74,9 +74,7 @@ def create_conv2d(in_channels, out_channels, kernel_size, **kwargs): Used extensively by EfficientNet, MobileNetv3 and related networks. """ if isinstance(kernel_size, list): - assert ( - "num_experts" not in kwargs - ) # MixNet + CondConv combo not supported currently + assert "num_experts" not in kwargs # MixNet + CondConv combo not supported currently if "groups" in kwargs: groups = kwargs.pop("groups") if groups == in_channels: @@ -87,9 +85,7 @@ def create_conv2d(in_channels, out_channels, kernel_size, **kwargs): depthwise = kwargs.pop("depthwise", False) # for DW out_channels must be multiple of in_channels as must have out_channels % groups == 0 groups = in_channels if depthwise else kwargs.pop("groups", 1) - m = create_conv2d_pad( - in_channels, out_channels, kernel_size, groups=groups, **kwargs - ) + m = create_conv2d_pad(in_channels, out_channels, kernel_size, groups=groups, **kwargs) return m @@ -134,18 +130,10 @@ def get_padding(kernel_size: int, stride: int = 1, dilation: int = 1, **_) -> in def create_batchnorm(out_ch, state_dict, base_address: str, device=None): - weight = torch_to_tt_tensor_rm( - state_dict[f"{base_address}.weight"], device, put_on_device=False - ) - bias = torch_to_tt_tensor_rm( - state_dict[f"{base_address}.bias"], device, put_on_device=False - ) - running_mean = torch_to_tt_tensor_rm( - state_dict[f"{base_address}.running_mean"], device, put_on_device=False - ) - running_variance = torch_to_tt_tensor_rm( - state_dict[f"{base_address}.running_var"], device, put_on_device=False - ) + weight = torch_to_tt_tensor_rm(state_dict[f"{base_address}.weight"], device, put_on_device=False) + bias = torch_to_tt_tensor_rm(state_dict[f"{base_address}.bias"], device, put_on_device=False) + running_mean = torch_to_tt_tensor_rm(state_dict[f"{base_address}.running_mean"], device, put_on_device=False) + running_variance = torch_to_tt_tensor_rm(state_dict[f"{base_address}.running_var"], device, put_on_device=False) num_batches_tracked = torch_to_tt_tensor_rm( state_dict[f"{base_address}.num_batches_tracked"], device, put_on_device=False ) diff --git a/models/experimental/whisper/demo/cpu_demo.py b/models/experimental/whisper/demo/cpu_demo.py index 8602df462ee..94fd045b711 100644 --- a/models/experimental/whisper/demo/cpu_demo.py +++ b/models/experimental/whisper/demo/cpu_demo.py @@ -17,7 +17,7 @@ def test_cpu_demo(): sample = next(iter(ds)) inputs = feature_extractor( - sample["audio"]["array"], sampling_rate=sample["audio"]["sampling_rate"], return_tensors="pt" + sample["audio"]["array"], sampling_rate=sample["audio"]["sampling_rate"], return_tensors="pt" ) input_features = inputs.input_features @@ -27,8 +27,8 @@ def test_cpu_demo(): predicted_class_ids = torch.argmax(logits).item() predicted_label = model.config.id2label[predicted_class_ids] - with open('sample_audio.npy', 'wb') as f: - np.save(f, sample['audio']['array']) + with open("sample_audio.npy", "wb") as f: + np.save(f, sample["audio"]["array"]) # actually save the input logger.info(f"Input audio is saved as sample_audio.npy.") logger.info(f"CPU's predicted Output: {predicted_label}.") diff --git a/models/experimental/whisper/tt/whisper.py b/models/experimental/whisper/tt/whisper.py index 1fb1506151e..9cb43c8e960 100644 --- a/models/experimental/whisper/tt/whisper.py +++ b/models/experimental/whisper/tt/whisper.py @@ -23,9 +23,7 @@ def run_for_conditional_generation(): processor = AutoProcessor.from_pretrained("openai/whisper-tiny.en") model = WhisperForConditionalGeneration.from_pretrained("openai/whisper-tiny.en") - ds = load_dataset( - "hf-internal-testing/librispeech_asr_dummy", "clean", split="validation" - ) + ds = load_dataset("hf-internal-testing/librispeech_asr_dummy", "clean", split="validation") inputs = processor(ds[0]["audio"]["array"], return_tensors="pt") input_features = inputs.input_features @@ -92,9 +90,7 @@ def run_HF_whisper_for_audio_classification(): state_dict = model.state_dict() logger.debug(state_dict) - ds = load_dataset( - "hf-internal-testing/librispeech_asr_dummy", "clean", split="validation" - ) + ds = load_dataset("hf-internal-testing/librispeech_asr_dummy", "clean", split="validation") # Process audio data inputs = processor(ds[0]["audio"]["array"], return_tensors="pt") diff --git a/models/experimental/yolov3/demo/cpu_demo.py b/models/experimental/yolov3/demo/cpu_demo.py index 06ec81659d3..ad03a0d4b8f 100644 --- a/models/experimental/yolov3/demo/cpu_demo.py +++ b/models/experimental/yolov3/demo/cpu_demo.py @@ -24,6 +24,7 @@ f = f"{Path(__file__).parent}" + def test_cpu_demo(model_location_generator): torch.manual_seed(1234) @@ -37,9 +38,7 @@ def test_cpu_demo(model_location_generator): weights_loc = str(model_path / "yolov3.pt") # Load model - torch_model = DetectMultiBackend( - weights_loc, device=torch.device("cpu"), dnn=False, data=data_coco, fp16=False - ) + torch_model = DetectMultiBackend(weights_loc, device=torch.device("cpu"), dnn=False, data=data_coco, fp16=False) torch_model.eval() # Load data @@ -64,9 +63,7 @@ def test_cpu_demo(model_location_generator): conf_thres, iou_thres = 0.25, 0.45 classes = None # filter by class agnostic_nms = False - pred = non_max_suppression( - pred, conf_thres, iou_thres, classes, agnostic_nms, max_det=1000 - ) + pred = non_max_suppression(pred, conf_thres, iou_thres, classes, agnostic_nms, max_det=1000) # Process predictions for i, det in enumerate(pred): # per image @@ -84,9 +81,7 @@ def test_cpu_demo(model_location_generator): if len(det): # Rescale boxes from img_size to im0 size - det[:, :4] = scale_boxes( - im.shape[2:], det[:, :4], im0.shape - ).round() + det[:, :4] = scale_boxes(im.shape[2:], det[:, :4], im0.shape).round() # Print results for c in det[:, 5].unique(): @@ -96,11 +91,7 @@ def test_cpu_demo(model_location_generator): # Write results for *xyxy, conf, cls in reversed(det): if True: # Write to file - xywh = ( - (xyxy2xywh(torch.tensor(xyxy).view(1, 4)) / gn) - .view(-1) - .tolist() - ) # normalized xywh + xywh = (xyxy2xywh(torch.tensor(xyxy).view(1, 4)) / gn).view(-1).tolist() # normalized xywh line = (cls, *xywh) # label format # Add bbox to image c = int(cls) # integer class diff --git a/models/experimental/yolov3/reference/export.py b/models/experimental/yolov3/reference/export.py index 0ff4f3e1919..22a294dff2b 100644 --- a/models/experimental/yolov3/reference/export.py +++ b/models/experimental/yolov3/reference/export.py @@ -129,9 +129,7 @@ def outer_func(*args, **kwargs): try: with Profile() as dt: f, model = inner_func(*args, **kwargs) - LOGGER.info( - f"{prefix} export success ✅ {dt.t:.1f}s, saved as {f} ({file_size(f):.1f} MB)" - ) + LOGGER.info(f"{prefix} export success ✅ {dt.t:.1f}s, saved as {f} ({file_size(f):.1f} MB)") return f, model except Exception as e: LOGGER.info(f"{prefix} export failure ❌ {dt.t:.1f}s: {e}") @@ -150,9 +148,7 @@ def export_torchscript(model, im, file, optimize, prefix=colorstr("TorchScript:" d = {"shape": im.shape, "stride": int(max(model.stride)), "names": model.names} extra_files = {"config.txt": json.dumps(d)} # torch._C.ExtraFilesMap() if optimize: # https://pytorch.org/tutorials/recipes/mobile_interpreter.html - optimize_for_mobile(ts)._save_for_lite_interpreter( - str(f), _extra_files=extra_files - ) + optimize_for_mobile(ts)._save_for_lite_interpreter(str(f), _extra_files=extra_files) else: ts.save(str(f), _extra_files=extra_files) return f, None @@ -167,13 +163,9 @@ def export_onnx(model, im, file, opset, dynamic, simplify, prefix=colorstr("ONNX LOGGER.info(f"\n{prefix} starting export with onnx {onnx.__version__}...") f = file.with_suffix(".onnx") - output_names = ( - ["output0", "output1"] if isinstance(model, SegmentationModel) else ["output0"] - ) + output_names = ["output0", "output1"] if isinstance(model, SegmentationModel) else ["output0"] if dynamic: - dynamic = { - "images": {0: "batch", 2: "height", 3: "width"} - } # shape(1,3,640,640) + dynamic = {"images": {0: "batch", 2: "height", 3: "width"}} # shape(1,3,640,640) if isinstance(model, SegmentationModel): dynamic["output0"] = {0: "batch", 1: "anchors"} # shape(1,25200,85) dynamic["output1"] = { @@ -211,14 +203,10 @@ def export_onnx(model, im, file, opset, dynamic, simplify, prefix=colorstr("ONNX if simplify: try: cuda = torch.cuda.is_available() - check_requirements( - ("onnxruntime-gpu" if cuda else "onnxruntime", "onnx-simplifier>=0.4.1") - ) + check_requirements(("onnxruntime-gpu" if cuda else "onnxruntime", "onnx-simplifier>=0.4.1")) import onnxsim - LOGGER.info( - f"{prefix} simplifying with onnx-simplifier {onnxsim.__version__}..." - ) + LOGGER.info(f"{prefix} simplifying with onnx-simplifier {onnxsim.__version__}...") model_onnx, check = onnxsim.simplify(model_onnx) assert check, "assert check failed" onnx.save(model_onnx, f) @@ -230,9 +218,7 @@ def export_onnx(model, im, file, opset, dynamic, simplify, prefix=colorstr("ONNX @try_export def export_openvino(file, metadata, half, prefix=colorstr("OpenVINO:")): # YOLOv3 OpenVINO export - check_requirements( - "openvino-dev>=2022.3" - ) # requires openvino-dev: https://pypi.org/project/openvino-dev/ + check_requirements("openvino-dev>=2022.3") # requires openvino-dev: https://pypi.org/project/openvino-dev/ import openvino.runtime as ov # noqa from openvino.tools import mo # noqa @@ -241,9 +227,7 @@ def export_openvino(file, metadata, half, prefix=colorstr("OpenVINO:")): f_onnx = file.with_suffix(".onnx") f_ov = str(Path(f) / file.with_suffix(".xml").name) - ov_model = mo.convert_model( - f_onnx, model_name=file.stem, framework="onnx", compress_to_fp16=half - ) # export + ov_model = mo.convert_model(f_onnx, model_name=file.stem, framework="onnx", compress_to_fp16=half) # export ov.serialize(ov_model, f_ov) # save yaml_save(Path(f) / file.with_suffix(".yaml").name, metadata) # add metadata.yaml @@ -260,9 +244,7 @@ def export_paddle(model, im, file, metadata, prefix=colorstr("PaddlePaddle:")): LOGGER.info(f"\n{prefix} starting export with X2Paddle {x2paddle.__version__}...") f = str(file).replace(".pt", f"_paddle_model{os.sep}") - pytorch2paddle( - module=model, save_dir=f, jit_type="trace", input_examples=[im] - ) # export + pytorch2paddle(module=model, save_dir=f, jit_type="trace", input_examples=[im]) # export yaml_save(Path(f) / file.with_suffix(".yaml").name, metadata) # add metadata.yaml return f, None @@ -285,12 +267,8 @@ def export_coreml(model, im, file, int8, half, prefix=colorstr("CoreML:")): if bits < 32: if MACOS: # quantization only supported on macOS with warnings.catch_warnings(): - warnings.filterwarnings( - "ignore", category=DeprecationWarning - ) # suppress numpy==1.20 float warning - ct_model = ct.models.neural_network.quantization_utils.quantize_weights( - ct_model, bits, mode - ) + warnings.filterwarnings("ignore", category=DeprecationWarning) # suppress numpy==1.20 float warning + ct_model = ct.models.neural_network.quantization_utils.quantize_weights(ct_model, bits, mode) else: print(f"{prefix} quantization only supported on macOS, skipping...") ct_model.save(f) @@ -310,21 +288,15 @@ def export_engine( prefix=colorstr("TensorRT:"), ): # YOLOv3 TensorRT export https://developer.nvidia.com/tensorrt - assert ( - im.device.type != "cpu" - ), "export running on CPU but must be on GPU, i.e. `python export.py --device 0`" + assert im.device.type != "cpu", "export running on CPU but must be on GPU, i.e. `python export.py --device 0`" try: import tensorrt as trt except Exception: if platform.system() == "Linux": - check_requirements( - "nvidia-tensorrt", cmds="-U --index-url https://pypi.ngc.nvidia.com" - ) + check_requirements("nvidia-tensorrt", cmds="-U --index-url https://pypi.ngc.nvidia.com") import tensorrt as trt - if ( - trt.__version__[0] == "7" - ): # TensorRT 7 handling https://github.com/ultralytics/yolov5/issues/6012 + if trt.__version__[0] == "7": # TensorRT 7 handling https://github.com/ultralytics/yolov5/issues/6012 grid = model.model[-1].anchor_grid model.model[-1].anchor_grid = [a[..., :1, :1, :] for a in grid] export_onnx(model, im, file, 12, dynamic, simplify) # opset 12 @@ -361,9 +333,7 @@ def export_engine( if dynamic: if im.shape[0] <= 1: - LOGGER.warning( - f"{prefix} WARNING ⚠️ --dynamic model requires maximum --batch-size argument" - ) + LOGGER.warning(f"{prefix} WARNING ⚠️ --dynamic model requires maximum --batch-size argument") profile = builder.create_optimization_profile() for inp in inputs: profile.set_shape( @@ -374,9 +344,7 @@ def export_engine( ) config.add_optimization_profile(profile) - LOGGER.info( - f"{prefix} building FP{16 if builder.platform_has_fast_fp16 and half else 32} engine as {f}" - ) + LOGGER.info(f"{prefix} building FP{16 if builder.platform_has_fast_fp16 and half else 32} engine as {f}") if builder.platform_has_fast_fp16 and half: config.set_flag(trt.BuilderFlag.FP16) with builder.build_engine(network, config) as engine, open(f, "wb") as t: @@ -403,9 +371,7 @@ def export_saved_model( try: import tensorflow as tf except Exception: - check_requirements( - f"tensorflow{'' if torch.cuda.is_available() else '-macos' if MACOS else '-cpu'}" - ) + check_requirements(f"tensorflow{'' if torch.cuda.is_available() else '-macos' if MACOS else '-cpu'}") import tensorflow as tf from tensorflow.python.framework.convert_to_constants import ( convert_variables_to_constants_v2, @@ -419,15 +385,9 @@ def export_saved_model( tf_model = TFModel(cfg=model.yaml, model=model, nc=model.nc, imgsz=imgsz) im = tf.zeros((batch_size, *imgsz, ch)) # BHWC order for TensorFlow - _ = tf_model.predict( - im, tf_nms, agnostic_nms, topk_per_class, topk_all, iou_thres, conf_thres - ) - inputs = tf.keras.Input( - shape=(*imgsz, ch), batch_size=None if dynamic else batch_size - ) - outputs = tf_model.predict( - inputs, tf_nms, agnostic_nms, topk_per_class, topk_all, iou_thres, conf_thres - ) + _ = tf_model.predict(im, tf_nms, agnostic_nms, topk_per_class, topk_all, iou_thres, conf_thres) + inputs = tf.keras.Input(shape=(*imgsz, ch), batch_size=None if dynamic else batch_size) + outputs = tf_model.predict(inputs, tf_nms, agnostic_nms, topk_per_class, topk_all, iou_thres, conf_thres) keras_model = tf.keras.Model(inputs=inputs, outputs=outputs) keras_model.trainable = False keras_model.summary() @@ -439,9 +399,7 @@ def export_saved_model( m = m.get_concrete_function(spec) frozen_func = convert_variables_to_constants_v2(m) tfm = tf.Module() - tfm.__call__ = tf.function( - lambda x: frozen_func(x)[:4] if tf_nms else frozen_func(x), [spec] - ) + tfm.__call__ = tf.function(lambda x: frozen_func(x)[:4] if tf_nms else frozen_func(x), [spec]) tfm.__call__(im) tf.saved_model.save( tfm, @@ -465,9 +423,7 @@ def export_pb(keras_model, file, prefix=colorstr("TensorFlow GraphDef:")): f = file.with_suffix(".pb") m = tf.function(lambda x: keras_model(x)) # full model - m = m.get_concrete_function( - tf.TensorSpec(keras_model.inputs[0].shape, keras_model.inputs[0].dtype) - ) + m = m.get_concrete_function(tf.TensorSpec(keras_model.inputs[0].shape, keras_model.inputs[0].dtype)) frozen_func = convert_variables_to_constants_v2(m) frozen_func.graph.as_graph_def() tf.io.write_graph( @@ -504,12 +460,8 @@ def export_tflite( if int8: from models.tf import representative_dataset_gen - dataset = LoadImages( - check_dataset(check_yaml(data))["train"], img_size=imgsz, auto=False - ) - converter.representative_dataset = lambda: representative_dataset_gen( - dataset, ncalib=100 - ) + dataset = LoadImages(check_dataset(check_yaml(data))["train"], img_size=imgsz, auto=False) + converter.representative_dataset = lambda: representative_dataset_gen(dataset, ncalib=100) converter.target_spec.supported_ops = [tf.lite.OpsSet.TFLITE_BUILTINS_INT8] converter.target_spec.supported_types = [] converter.inference_input_type = tf.uint8 # or tf.int8 @@ -529,30 +481,18 @@ def export_edgetpu(file, prefix=colorstr("Edge TPU:")): # YOLOv3 Edge TPU export https://coral.ai/docs/edgetpu/models-intro/ cmd = "edgetpu_compiler --version" help_url = "https://coral.ai/docs/edgetpu/compiler/" - assert ( - platform.system() == "Linux" - ), f"export only supported on Linux. See {help_url}" + assert platform.system() == "Linux", f"export only supported on Linux. See {help_url}" if subprocess.run(f"{cmd} >/dev/null", shell=True).returncode != 0: - LOGGER.info( - f"\n{prefix} export requires Edge TPU compiler. Attempting install from {help_url}" - ) - sudo = ( - subprocess.run("sudo --version >/dev/null", shell=True).returncode == 0 - ) # sudo installed on system + LOGGER.info(f"\n{prefix} export requires Edge TPU compiler. Attempting install from {help_url}") + sudo = subprocess.run("sudo --version >/dev/null", shell=True).returncode == 0 # sudo installed on system for c in ( "curl https://packages.cloud.google.com/apt/doc/apt-key.gpg | sudo apt-key add -", 'echo "deb https://packages.cloud.google.com/apt coral-edgetpu-stable main" | sudo tee /etc/apt/sources.list.d/coral-edgetpu.list', "sudo apt-get update", "sudo apt-get install edgetpu-compiler", ): - subprocess.run( - c if sudo else c.replace("sudo ", ""), shell=True, check=True - ) - ver = ( - subprocess.run(cmd, shell=True, capture_output=True, check=True) - .stdout.decode() - .split()[-1] - ) + subprocess.run(c if sudo else c.replace("sudo ", ""), shell=True, check=True) + ver = subprocess.run(cmd, shell=True, capture_output=True, check=True).stdout.decode().split()[-1] LOGGER.info(f"\n{prefix} starting export with Edge TPU compiler {ver}...") f = str(file).replace(".pt", "-int8_edgetpu.tflite") # Edge TPU model @@ -622,9 +562,7 @@ def add_tflite_metadata(file, metadata, num_outputs): model_meta.subgraphMetadata = [subgraph] b = flatbuffers.Builder(0) - b.Finish( - model_meta.Pack(b), _metadata.MetadataPopulator.METADATA_FILE_IDENTIFIER - ) + b.Finish(model_meta.Pack(b), _metadata.MetadataPopulator.METADATA_FILE_IDENTIFIER) metadata_buf = b.Output() populator = _metadata.MetadataPopulator.with_model_file(file) @@ -663,9 +601,7 @@ def run( include = [x.lower() for x in include] # to lowercase fmts = tuple(export_formats()["Argument"][1:]) # --include arguments flags = [x in include for x in fmts] - assert sum(flags) == len( - include - ), f"ERROR: Invalid --include {include}, valid --include arguments are {fmts}" + assert sum(flags) == len(include), f"ERROR: Invalid --include {include}, valid --include arguments are {fmts}" ( jit, onnx, @@ -679,36 +615,24 @@ def run( tfjs, paddle, ) = flags # export booleans - file = Path( - url2file(weights) if str(weights).startswith(("http:/", "https:/")) else weights - ) # PyTorch weights + file = Path(url2file(weights) if str(weights).startswith(("http:/", "https:/")) else weights) # PyTorch weights # Load PyTorch model device = select_device(device) if half: - assert ( - device.type != "cpu" or coreml - ), "--half only compatible with GPU export, i.e. use --device 0" - assert ( - not dynamic - ), "--half not compatible with --dynamic, i.e. use either --half or --dynamic but not both" - model = attempt_load( - weights, device=device, inplace=True, fuse=True - ) # load FP32 model + assert device.type != "cpu" or coreml, "--half only compatible with GPU export, i.e. use --device 0" + assert not dynamic, "--half not compatible with --dynamic, i.e. use either --half or --dynamic but not both" + model = attempt_load(weights, device=device, inplace=True, fuse=True) # load FP32 model # Checks imgsz *= 2 if len(imgsz) == 1 else 1 # expand if optimize: - assert ( - device.type == "cpu" - ), "--optimize not compatible with cuda devices, i.e. use --device cpu" + assert device.type == "cpu", "--optimize not compatible with cuda devices, i.e. use --device cpu" # Input gs = int(max(model.stride)) # grid size (max stride) imgsz = [check_img_size(x, gs) for x in imgsz] # verify img_size are gs-multiples - im = torch.zeros(batch_size, 3, *imgsz).to( - device - ) # image size(1,3,320,192) BCHW iDetection + im = torch.zeros(batch_size, 3, *imgsz).to(device) # image size(1,3,320,192) BCHW iDetection # Update model model.eval() @@ -727,21 +651,15 @@ def run( "stride": int(max(model.stride)), "names": model.names, } # model metadata - LOGGER.info( - f"\n{colorstr('PyTorch:')} starting from {file} with output shape {shape} ({file_size(file):.1f} MB)" - ) + LOGGER.info(f"\n{colorstr('PyTorch:')} starting from {file} with output shape {shape} ({file_size(file):.1f} MB)") # Exports f = [""] * len(fmts) # exported filenames - warnings.filterwarnings( - action="ignore", category=torch.jit.TracerWarning - ) # suppress TracerWarning + warnings.filterwarnings(action="ignore", category=torch.jit.TracerWarning) # suppress TracerWarning if jit: # TorchScript f[0], _ = export_torchscript(model, im, file, optimize) if engine: # TensorRT required before ONNX - f[1], _ = export_engine( - model, im, file, half, dynamic, simplify, workspace, verbose - ) + f[1], _ = export_engine(model, im, file, half, dynamic, simplify, workspace, verbose) if onnx or xml: # OpenVINO requires ONNX f[2], _ = export_onnx(model, im, file, opset, dynamic, simplify) if xml: # OpenVINO @@ -749,12 +667,8 @@ def run( if coreml: # CoreML f[4], _ = export_coreml(model, im, file, int8, half) if any((saved_model, pb, tflite, edgetpu, tfjs)): # TensorFlow formats - assert ( - not tflite or not tfjs - ), "TFLite and TF.js models must be exported separately, please pass only one type." - assert not isinstance( - model, ClassificationModel - ), "ClassificationModel export to TF formats not yet supported." + assert not tflite or not tfjs, "TFLite and TF.js models must be exported separately, please pass only one type." + assert not isinstance(model, ClassificationModel), "ClassificationModel export to TF formats not yet supported." f[5], s_model = export_saved_model( model.cpu(), im, @@ -782,9 +696,7 @@ def run( ) if edgetpu: f[8], _ = export_edgetpu(file) - add_tflite_metadata( - f[8] or f[7], metadata, num_outputs=len(s_model.outputs) - ) + add_tflite_metadata(f[8] or f[7], metadata, num_outputs=len(s_model.outputs)) if tfjs: f[9], _ = export_tfjs(file, int8) if paddle: # PaddlePaddle @@ -793,13 +705,8 @@ def run( # Finish f = [str(x) for x in f if x] # filter out '' and None if any(f): - cls, det, seg = ( - isinstance(model, x) - for x in (ClassificationModel, DetectionModel, SegmentationModel) - ) # type - det &= ( - not seg - ) # segmentation models inherit from SegmentationModel(DetectionModel) + cls, det, seg = (isinstance(model, x) for x in (ClassificationModel, DetectionModel, SegmentationModel)) # type + det &= not seg # segmentation models inherit from SegmentationModel(DetectionModel) dir = Path("segment" if seg else "classify" if cls else "") h = "--half" if half else "" # --half FP16 inference arg s = ( @@ -822,9 +729,7 @@ def run( def parse_opt(known=False): parser = argparse.ArgumentParser() - parser.add_argument( - "--data", type=str, default=ROOT / "data/coco128.yaml", help="dataset.yaml path" - ) + parser.add_argument("--data", type=str, default=ROOT / "data/coco128.yaml", help="dataset.yaml path") parser.add_argument( "--weights", nargs="+", @@ -842,35 +747,19 @@ def parse_opt(known=False): help="image (h, w)", ) parser.add_argument("--batch-size", type=int, default=1, help="batch size") - parser.add_argument( - "--device", default="cpu", help="cuda device, i.e. 0 or 0,1,2,3 or cpu" - ) - parser.add_argument( - "--half", action="store_true", help="FP16 half-precision export" - ) - parser.add_argument( - "--inplace", action="store_true", help="set Detect() inplace=True" - ) + parser.add_argument("--device", default="cpu", help="cuda device, i.e. 0 or 0,1,2,3 or cpu") + parser.add_argument("--half", action="store_true", help="FP16 half-precision export") + parser.add_argument("--inplace", action="store_true", help="set Detect() inplace=True") parser.add_argument("--keras", action="store_true", help="TF: use Keras") - parser.add_argument( - "--optimize", action="store_true", help="TorchScript: optimize for mobile" - ) - parser.add_argument( - "--int8", action="store_true", help="CoreML/TF INT8 quantization" - ) - parser.add_argument( - "--dynamic", action="store_true", help="ONNX/TF/TensorRT: dynamic axes" - ) + parser.add_argument("--optimize", action="store_true", help="TorchScript: optimize for mobile") + parser.add_argument("--int8", action="store_true", help="CoreML/TF INT8 quantization") + parser.add_argument("--dynamic", action="store_true", help="ONNX/TF/TensorRT: dynamic axes") parser.add_argument("--simplify", action="store_true", help="ONNX: simplify model") parser.add_argument("--opset", type=int, default=17, help="ONNX: opset version") parser.add_argument("--verbose", action="store_true", help="TensorRT: verbose log") - parser.add_argument( - "--workspace", type=int, default=4, help="TensorRT: workspace size (GB)" - ) + parser.add_argument("--workspace", type=int, default=4, help="TensorRT: workspace size (GB)") parser.add_argument("--nms", action="store_true", help="TF: add NMS to model") - parser.add_argument( - "--agnostic-nms", action="store_true", help="TF: add agnostic NMS to model" - ) + parser.add_argument("--agnostic-nms", action="store_true", help="TF: add agnostic NMS to model") parser.add_argument( "--topk-per-class", type=int, @@ -883,12 +772,8 @@ def parse_opt(known=False): default=100, help="TF.js NMS: topk for all classes to keep", ) - parser.add_argument( - "--iou-thres", type=float, default=0.45, help="TF.js NMS: IoU threshold" - ) - parser.add_argument( - "--conf-thres", type=float, default=0.25, help="TF.js NMS: confidence threshold" - ) + parser.add_argument("--iou-thres", type=float, default=0.45, help="TF.js NMS: IoU threshold") + parser.add_argument("--conf-thres", type=float, default=0.25, help="TF.js NMS: confidence threshold") parser.add_argument( "--include", nargs="+", diff --git a/models/experimental/yolov3/reference/models/common.py b/models/experimental/yolov3/reference/models/common.py index 44735a8e4d4..6d7a75d2b0d 100644 --- a/models/experimental/yolov3/reference/models/common.py +++ b/models/experimental/yolov3/reference/models/common.py @@ -65,9 +65,7 @@ def autopad(k, p=None, d=1): # kernel, padding, dilation # Pad to 'same' shape outputs if d > 1: - k = ( - d * (k - 1) + 1 if isinstance(k, int) else [d * (x - 1) + 1 for x in k] - ) # actual kernel-size + k = d * (k - 1) + 1 if isinstance(k, int) else [d * (x - 1) + 1 for x in k] # actual kernel-size if p is None: p = k // 2 if isinstance(k, int) else [x // 2 for x in k] # auto-pad return p @@ -79,17 +77,9 @@ class Conv(nn.Module): def __init__(self, c1, c2, k=1, s=1, p=None, g=1, d=1, act=True): super().__init__() - self.conv = nn.Conv2d( - c1, c2, k, s, autopad(k, p, d), groups=g, dilation=d, bias=False - ) + self.conv = nn.Conv2d(c1, c2, k, s, autopad(k, p, d), groups=g, dilation=d, bias=False) self.bn = nn.BatchNorm2d(c2) - self.act = ( - self.default_act - if act is True - else act - if isinstance(act, nn.Module) - else nn.Identity() - ) + self.act = self.default_act if act is True else act if isinstance(act, nn.Module) else nn.Identity() def forward(self, x): return self.act(self.bn(self.conv(x))) @@ -100,17 +90,13 @@ def forward_fuse(self, x): class DWConv(Conv): # Depth-wise convolution - def __init__( - self, c1, c2, k=1, s=1, d=1, act=True - ): # ch_in, ch_out, kernel, stride, dilation, activation + def __init__(self, c1, c2, k=1, s=1, d=1, act=True): # ch_in, ch_out, kernel, stride, dilation, activation super().__init__(c1, c2, k, s, g=math.gcd(c1, c2), d=d, act=act) class DWConvTranspose2d(nn.ConvTranspose2d): # Depth-wise transpose convolution - def __init__( - self, c1, c2, k=1, s=1, p1=0, p2=0 - ): # ch_in, ch_out, kernel, stride, padding, padding_out + def __init__(self, c1, c2, k=1, s=1, p1=0, p2=0): # ch_in, ch_out, kernel, stride, padding, padding_out super().__init__(c1, c2, k, s, p1, p2, groups=math.gcd(c1, c2)) @@ -139,9 +125,7 @@ def __init__(self, c1, c2, num_heads, num_layers): if c1 != c2: self.conv = Conv(c1, c2) self.linear = nn.Linear(c2, c2) # learnable position embedding - self.tr = nn.Sequential( - *(TransformerLayer(c2, num_heads) for _ in range(num_layers)) - ) + self.tr = nn.Sequential(*(TransformerLayer(c2, num_heads) for _ in range(num_layers))) self.c2 = c2 def forward(self, x): @@ -154,9 +138,7 @@ def forward(self, x): class Bottleneck(nn.Module): # Standard bottleneck - def __init__( - self, c1, c2, shortcut=True, g=1, e=0.5 - ): # ch_in, ch_out, shortcut, groups, expansion + def __init__(self, c1, c2, shortcut=True, g=1, e=0.5): # ch_in, ch_out, shortcut, groups, expansion super().__init__() c_ = int(c2 * e) # hidden channels self.cv1 = Conv(c1, c_, 1, 1) @@ -169,9 +151,7 @@ def forward(self, x): class BottleneckCSP(nn.Module): # CSP Bottleneck https://github.com/WongKinYiu/CrossStagePartialNetworks - def __init__( - self, c1, c2, n=1, shortcut=True, g=1, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super().__init__() c_ = int(c2 * e) # hidden channels self.cv1 = Conv(c1, c_, 1, 1) @@ -180,9 +160,7 @@ def __init__( self.cv4 = Conv(2 * c_, c2, 1, 1) self.bn = nn.BatchNorm2d(2 * c_) # applied to cat(cv2, cv3) self.act = nn.SiLU() - self.m = nn.Sequential( - *(Bottleneck(c_, c_, shortcut, g, e=1.0) for _ in range(n)) - ) + self.m = nn.Sequential(*(Bottleneck(c_, c_, shortcut, g, e=1.0) for _ in range(n))) def forward(self, x): y1 = self.cv3(self.m(self.cv1(x))) @@ -206,17 +184,13 @@ def forward(self, x): class C3(nn.Module): # CSP Bottleneck with 3 convolutions - def __init__( - self, c1, c2, n=1, shortcut=True, g=1, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super().__init__() c_ = int(c2 * e) # hidden channels self.cv1 = Conv(c1, c_, 1, 1) self.cv2 = Conv(c1, c_, 1, 1) self.cv3 = Conv(2 * c_, c2, 1) # optional act=FReLU(c2) - self.m = nn.Sequential( - *(Bottleneck(c_, c_, shortcut, g, e=1.0) for _ in range(n)) - ) + self.m = nn.Sequential(*(Bottleneck(c_, c_, shortcut, g, e=1.0) for _ in range(n))) def forward(self, x): return self.cv3(torch.cat((self.m(self.cv1(x)), self.cv2(x)), 1)) @@ -227,9 +201,7 @@ class C3x(C3): def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): super().__init__(c1, c2, n, shortcut, g, e) c_ = int(c2 * e) - self.m = nn.Sequential( - *(CrossConv(c_, c_, 3, 1, g, 1.0, shortcut) for _ in range(n)) - ) + self.m = nn.Sequential(*(CrossConv(c_, c_, 3, 1, g, 1.0, shortcut) for _ in range(n))) class C3TR(C3): @@ -263,9 +235,7 @@ def __init__(self, c1, c2, k=(5, 9, 13)): c_ = c1 // 2 # hidden channels self.cv1 = Conv(c1, c_, 1, 1) self.cv2 = Conv(c_ * (len(k) + 1), c2, 1, 1) - self.m = nn.ModuleList( - [nn.MaxPool2d(kernel_size=x, stride=1, padding=x // 2) for x in k] - ) + self.m = nn.ModuleList([nn.MaxPool2d(kernel_size=x, stride=1, padding=x // 2) for x in k]) def forward(self, x): x = self.cv1(x) @@ -294,9 +264,7 @@ def forward(self, x): class Focus(nn.Module): # Focus wh information into c-space - def __init__( - self, c1, c2, k=1, s=1, p=None, g=1, act=True - ): # ch_in, ch_out, kernel, stride, padding, groups + def __init__(self, c1, c2, k=1, s=1, p=None, g=1, act=True): # ch_in, ch_out, kernel, stride, padding, groups super().__init__() self.conv = Conv(c1 * 4, c2, k, s, p, g, act=act) # self.contract = Contract(gain=2) @@ -318,9 +286,7 @@ def forward(self, x): # x(b,c,w,h) -> y(b,4c,w/2,h/2) class GhostConv(nn.Module): # Ghost Convolution https://github.com/huawei-noah/ghostnet - def __init__( - self, c1, c2, k=1, s=1, g=1, act=True - ): # ch_in, ch_out, kernel, stride, groups + def __init__(self, c1, c2, k=1, s=1, g=1, act=True): # ch_in, ch_out, kernel, stride, groups super().__init__() c_ = c2 // 2 # hidden channels self.cv1 = Conv(c1, c_, k, s, None, g, act=act) @@ -342,11 +308,7 @@ def __init__(self, c1, c2, k=3, s=1): # ch_in, ch_out, kernel, stride GhostConv(c_, c2, 1, 1, act=False), ) # pw-linear self.shortcut = ( - nn.Sequential( - DWConv(c1, c1, k, s, act=False), Conv(c1, c2, 1, 1, act=False) - ) - if s == 2 - else nn.Identity() + nn.Sequential(DWConv(c1, c1, k, s, act=False), Conv(c1, c2, 1, 1, act=False)) if s == 2 else nn.Identity() ) def forward(self, x): @@ -443,9 +405,7 @@ def __init__( triton, ) = self._model_type(w) fp16 &= pt or jit or onnx or engine # FP16 - nhwc = ( - coreml or saved_model or pb or tflite or edgetpu - ) # BHWC formats (vs torch BCWH) + nhwc = coreml or saved_model or pb or tflite or edgetpu # BHWC formats (vs torch BCWH) stride = 32 # default stride cuda = torch.cuda.is_available() and device.type != "cpu" # use CUDA if not (pt or triton): @@ -459,9 +419,7 @@ def __init__( fuse=fuse, ) stride = max(int(model.stride.max()), 32) # model stride - names = ( - model.module.names if hasattr(model, "module") else model.names - ) # get class names + names = model.module.names if hasattr(model, "module") else model.names # get class names model.half() if fp16 else model.float() self.model = model # explicitly assign for to(), cpu(), cuda(), half() elif jit: # TorchScript @@ -472,9 +430,7 @@ def __init__( if extra_files["config.txt"]: # load metadata dict d = json.loads( extra_files["config.txt"], - object_hook=lambda d: { - int(k) if k.isdigit() else k: v for k, v in d.items() - }, + object_hook=lambda d: {int(k) if k.isdigit() else k: v for k, v in d.items()}, ) stride, names = int(d["stride"]), d["names"] elif dnn: # ONNX OpenCV DNN @@ -486,11 +442,7 @@ def __init__( check_requirements(("onnx", "onnxruntime-gpu" if cuda else "onnxruntime")) import onnxruntime - providers = ( - ["CUDAExecutionProvider", "CPUExecutionProvider"] - if cuda - else ["CPUExecutionProvider"] - ) + providers = ["CUDAExecutionProvider", "CPUExecutionProvider"] if cuda else ["CPUExecutionProvider"] session = onnxruntime.InferenceSession(w, providers=providers) output_names = [x.name for x in session.get_outputs()] meta = session.get_modelmeta().custom_metadata_map # metadata @@ -498,35 +450,25 @@ def __init__( stride, names = int(meta["stride"]), eval(meta["names"]) elif xml: # OpenVINO LOGGER.info(f"Loading {w} for OpenVINO inference...") - check_requirements( - "openvino" - ) # requires openvino-dev: https://pypi.org/project/openvino-dev/ + check_requirements("openvino") # requires openvino-dev: https://pypi.org/project/openvino-dev/ from openvino.runtime import Core, Layout, get_batch ie = Core() if not Path(w).is_file(): # if not *.xml - w = next( - Path(w).glob("*.xml") - ) # get *.xml file from *_openvino_model dir + w = next(Path(w).glob("*.xml")) # get *.xml file from *_openvino_model dir network = ie.read_model(model=w, weights=Path(w).with_suffix(".bin")) if network.get_parameters()[0].get_layout().empty: network.get_parameters()[0].set_layout(Layout("NCHW")) batch_dim = get_batch(network) if batch_dim.is_static: batch_size = batch_dim.get_length() - executable_network = ie.compile_model( - network, device_name="CPU" - ) # device_name="MYRIAD" for Intel NCS2 - stride, names = self._load_metadata( - Path(w).with_suffix(".yaml") - ) # load metadata + executable_network = ie.compile_model(network, device_name="CPU") # device_name="MYRIAD" for Intel NCS2 + stride, names = self._load_metadata(Path(w).with_suffix(".yaml")) # load metadata elif engine: # TensorRT LOGGER.info(f"Loading {w} for TensorRT inference...") import tensorrt as trt # https://developer.nvidia.com/nvidia-tensorrt-download - check_version( - trt.__version__, "7.0.0", hard=True - ) # require tensorrt>=7.0.0 + check_version(trt.__version__, "7.0.0", hard=True) # require tensorrt>=7.0.0 if device.type == "cpu": device = torch.device("cuda:0") Binding = namedtuple("Binding", ("name", "dtype", "shape", "data", "ptr")) @@ -544,9 +486,7 @@ def __init__( if model.binding_is_input(i): if -1 in tuple(model.get_binding_shape(i)): # dynamic dynamic = True - context.set_binding_shape( - i, tuple(model.get_profile_shape(0, i)[2]) - ) + context.set_binding_shape(i, tuple(model.get_profile_shape(0, i)[2])) if dtype == np.float16: fp16 = True else: # output @@ -555,9 +495,7 @@ def __init__( im = torch.from_numpy(np.empty(shape, dtype=dtype)).to(device) bindings[name] = Binding(name, dtype, shape, im, int(im.data_ptr())) binding_addrs = OrderedDict((n, d.ptr) for n, d in bindings.items()) - batch_size = bindings["images"].shape[ - 0 - ] # if dynamic, this is instead max batch size + batch_size = bindings["images"].shape[0] # if dynamic, this is instead max batch size elif coreml: # CoreML LOGGER.info(f"Loading {w} for CoreML inference...") import coremltools as ct @@ -569,16 +507,12 @@ def __init__( keras = False # assume TF1 saved_model model = tf.keras.models.load_model(w) if keras else tf.saved_model.load(w) - elif ( - pb - ): # GraphDef https://www.tensorflow.org/guide/migrate#a_graphpb_or_graphpbtxt + elif pb: # GraphDef https://www.tensorflow.org/guide/migrate#a_graphpb_or_graphpbtxt LOGGER.info(f"Loading {w} for TensorFlow GraphDef inference...") import tensorflow as tf def wrap_frozen_graph(gd, inputs, outputs): - x = tf.compat.v1.wrap_function( - lambda: tf.compat.v1.import_graph_def(gd, name=""), [] - ) # wrapped + x = tf.compat.v1.wrap_function(lambda: tf.compat.v1.import_graph_def(gd, name=""), []) # wrapped ge = x.graph.as_graph_element return x.prune( tf.nest.map_structure(ge, inputs), @@ -590,19 +524,13 @@ def gd_outputs(gd): for node in gd.node: # tensorflow.core.framework.node_def_pb2.NodeDef name_list.append(node.name) input_list.extend(node.input) - return sorted( - f"{x}:0" - for x in list(set(name_list) - set(input_list)) - if not x.startswith("NoOp") - ) + return sorted(f"{x}:0" for x in list(set(name_list) - set(input_list)) if not x.startswith("NoOp")) gd = tf.Graph().as_graph_def() # TF GraphDef with open(w, "rb") as f: gd.ParseFromString(f.read()) frozen_func = wrap_frozen_graph(gd, inputs="x:0", outputs=gd_outputs(gd)) - elif ( - tflite or edgetpu - ): # https://www.tensorflow.org/lite/guide/python#install_tensorflow_lite_for_python + elif tflite or edgetpu: # https://www.tensorflow.org/lite/guide/python#install_tensorflow_lite_for_python try: # https://coral.ai/docs/edgetpu/tflite-python/#update-existing-tf-lite-code-for-the-edge-tpu from tflite_runtime.interpreter import Interpreter, load_delegate except ImportError: @@ -619,9 +547,7 @@ def gd_outputs(gd): "Darwin": "libedgetpu.1.dylib", "Windows": "edgetpu.dll", }[platform.system()] - interpreter = Interpreter( - model_path=w, experimental_delegates=[load_delegate(delegate)] - ) + interpreter = Interpreter(model_path=w, experimental_delegates=[load_delegate(delegate)]) else: # TFLite LOGGER.info(f"Loading {w} for TensorFlow Lite inference...") interpreter = Interpreter(model_path=w) # load TFLite model @@ -642,9 +568,7 @@ def gd_outputs(gd): import paddle.inference as pdi if not Path(w).is_file(): # if not *.pdmodel - w = next( - Path(w).rglob("*.pdmodel") - ) # get *.pdmodel file from *_paddle_model dir + w = next(Path(w).rglob("*.pdmodel")) # get *.pdmodel file from *_paddle_model dir weights = Path(w).with_suffix(".pdiparams") config = pdi.Config(str(w), str(weights)) if cuda: @@ -664,15 +588,9 @@ def gd_outputs(gd): # class names if "names" not in locals(): - names = ( - yaml_load(data)["names"] - if data - else {i: f"class{i}" for i in range(999)} - ) + names = yaml_load(data)["names"] if data else {i: f"class{i}" for i in range(999)} if names[0] == "n01440764" and len(names) == 1000: # ImageNet - names = yaml_load(ROOT / "data/ImageNet.yaml")[ - "names" - ] # human-readable names + names = yaml_load(ROOT / "data/ImageNet.yaml")["names"] # human-readable names self.__dict__.update(locals()) # assign all variables to self @@ -685,11 +603,7 @@ def forward(self, im, augment=False, visualize=False): im = im.permute(0, 2, 3, 1) # torch BCHW to numpy BHWC shape(1,320,192,3) if self.pt: # PyTorch - y = ( - self.model(im, augment=augment, visualize=visualize) - if augment or visualize - else self.model(im) - ) + y = self.model(im, augment=augment, visualize=visualize) if augment or visualize else self.model(im) elif self.jit: # TorchScript y = self.model(im) elif self.dnn: # ONNX OpenCV DNN @@ -698,9 +612,7 @@ def forward(self, im, augment=False, visualize=False): y = self.net.forward() elif self.onnx: # ONNX Runtime im = im.cpu().numpy() # torch to numpy - y = self.session.run( - self.output_names, {self.session.get_inputs()[0].name: im} - ) + y = self.session.run(self.output_names, {self.session.get_inputs()[0].name: im}) elif self.xml: # OpenVINO im = im.cpu().numpy() # FP32 y = list(self.executable_network([im]).values()) @@ -708,18 +620,12 @@ def forward(self, im, augment=False, visualize=False): if self.dynamic and im.shape != self.bindings["images"].shape: i = self.model.get_binding_index("images") self.context.set_binding_shape(i, im.shape) # reshape if dynamic - self.bindings["images"] = self.bindings["images"]._replace( - shape=im.shape - ) + self.bindings["images"] = self.bindings["images"]._replace(shape=im.shape) for name in self.output_names: i = self.model.get_binding_index(name) - self.bindings[name].data.resize_( - tuple(self.context.get_binding_shape(i)) - ) + self.bindings[name].data.resize_(tuple(self.context.get_binding_shape(i))) s = self.bindings["images"].shape - assert ( - im.shape == s - ), f"input size {im.shape} {'>' if self.dynamic else 'not equal to'} max model size {s}" + assert im.shape == s, f"input size {im.shape} {'>' if self.dynamic else 'not equal to'} max model size {s}" self.binding_addrs["images"] = int(im.data_ptr()) self.context.execute_v2(list(self.binding_addrs.values())) y = [self.bindings[x].data for x in sorted(self.output_names)] @@ -730,22 +636,15 @@ def forward(self, im, augment=False, visualize=False): y = self.model.predict({"image": im}) # coordinates are xywh normalized if "confidence" in y: box = xywh2xyxy(y["coordinates"] * [[w, h, w, h]]) # xyxy pixels - conf, cls = y["confidence"].max(1), y["confidence"].argmax(1).astype( - np.float - ) + conf, cls = y["confidence"].max(1), y["confidence"].argmax(1).astype(np.float) y = np.concatenate((box, conf.reshape(-1, 1), cls.reshape(-1, 1)), 1) else: - y = list( - reversed(y.values()) - ) # reversed for segmentation models (pred, proto) + y = list(reversed(y.values())) # reversed for segmentation models (pred, proto) elif self.paddle: # PaddlePaddle im = im.cpu().numpy().astype(np.float32) self.input_handle.copy_from_cpu(im) self.predictor.run() - y = [ - self.predictor.get_output_handle(x).copy_to_cpu() - for x in self.output_names - ] + y = [self.predictor.get_output_handle(x).copy_to_cpu() for x in self.output_names] elif self.triton: # NVIDIA Triton Inference Server y = self.model(im) else: # TensorFlow (SavedModel, GraphDef, Lite, Edge TPU) @@ -773,11 +672,7 @@ def forward(self, im, augment=False, visualize=False): y[0][..., :4] *= [w, h, w, h] # xywh normalized to pixels if isinstance(y, (list, tuple)): - return ( - self.from_numpy(y[0]) - if len(y) == 1 - else [self.from_numpy(x) for x in y] - ) + return self.from_numpy(y[0]) if len(y) == 1 else [self.from_numpy(x) for x in y] else: return self.from_numpy(y) @@ -817,9 +712,7 @@ def _model_type(p="path/to/model.pt"): url = urlparse(p) # if url may be Triton inference server types = [s in Path(p).name for s in sf] types[8] &= not types[9] # tflite &= not edgetpu - triton = not any(types) and all( - [any(s in url.scheme for s in ["http", "grpc"]), url.netloc] - ) + triton = not any(types) and all([any(s in url.scheme for s in ["http", "grpc"]), url.netloc]) return types + [triton] @staticmethod @@ -851,15 +744,11 @@ def __init__(self, model, verbose=True): include=("yaml", "nc", "hyp", "names", "stride", "abc"), exclude=(), ) # copy attributes - self.dmb = isinstance( - model, DetectMultiBackend - ) # DetectMultiBackend() instance + self.dmb = isinstance(model, DetectMultiBackend) # DetectMultiBackend() instance self.pt = not self.dmb or model.pt # PyTorch model self.model = model.eval() if self.pt: - m = ( - self.model.model.model[-1] if self.dmb else self.model.model[-1] - ) # Detect() + m = self.model.model.model[-1] if self.dmb else self.model.model[-1] # Detect() m.inplace = False # Detect.inplace=False for safe multithread inference m.export = True # do not output loss values @@ -867,9 +756,7 @@ def _apply(self, fn): # Apply to(), cpu(), cuda(), half() to model tensors that are not parameters or registered buffers self = super()._apply(fn) if self.pt: - m = ( - self.model.model.model[-1] if self.dmb else self.model.model[-1] - ) # Detect() + m = self.model.model.model[-1] if self.dmb else self.model.model[-1] # Detect() m.stride = fn(m.stride) m.grid = list(map(fn, m.grid)) if isinstance(m.anchor_grid, list): @@ -891,34 +778,20 @@ def forward(self, ims, size=640, augment=False, profile=False): with dt[0]: if isinstance(size, int): # expand size = (size, size) - p = ( - next(self.model.parameters()) - if self.pt - else torch.empty(1, device=self.model.device) - ) # param - autocast = self.amp and ( - p.device.type != "cpu" - ) # Automatic Mixed Precision (AMP) inference + p = next(self.model.parameters()) if self.pt else torch.empty(1, device=self.model.device) # param + autocast = self.amp and (p.device.type != "cpu") # Automatic Mixed Precision (AMP) inference if isinstance(ims, torch.Tensor): # torch with amp.autocast(autocast): - return self.model( - ims.to(p.device).type_as(p), augment=augment - ) # inference + return self.model(ims.to(p.device).type_as(p), augment=augment) # inference # Pre-process - n, ims = ( - (len(ims), list(ims)) if isinstance(ims, (list, tuple)) else (1, [ims]) - ) # number, list of images + n, ims = (len(ims), list(ims)) if isinstance(ims, (list, tuple)) else (1, [ims]) # number, list of images shape0, shape1, files = [], [], [] # image and inference shapes, filenames for i, im in enumerate(ims): f = f"image{i}" # filename if isinstance(im, (str, Path)): # filename or uri im, f = ( - Image.open( - requests.get(im, stream=True).raw - if str(im).startswith("http") - else im - ), + Image.open(requests.get(im, stream=True).raw if str(im).startswith("http") else im), im, ) im = np.asarray(exif_transpose(im)) @@ -929,28 +802,16 @@ def forward(self, ims, size=640, augment=False, profile=False): ) files.append(Path(f).with_suffix(".jpg").name) if im.shape[0] < 5: # image in CHW - im = im.transpose( - (1, 2, 0) - ) # reverse dataloader .transpose(2, 0, 1) - im = ( - im[..., :3] - if im.ndim == 3 - else cv2.cvtColor(im, cv2.COLOR_GRAY2BGR) - ) # enforce 3ch input + im = im.transpose((1, 2, 0)) # reverse dataloader .transpose(2, 0, 1) + im = im[..., :3] if im.ndim == 3 else cv2.cvtColor(im, cv2.COLOR_GRAY2BGR) # enforce 3ch input s = im.shape[:2] # HWC shape0.append(s) # image shape g = max(size) / max(s) # gain shape1.append([int(y * g) for y in s]) - ims[i] = ( - im if im.data.contiguous else np.ascontiguousarray(im) - ) # update - shape1 = [ - make_divisible(x, self.stride) for x in np.array(shape1).max(0) - ] # inf shape + ims[i] = im if im.data.contiguous else np.ascontiguousarray(im) # update + shape1 = [make_divisible(x, self.stride) for x in np.array(shape1).max(0)] # inf shape x = [letterbox(im, shape1, auto=False)[0] for im in ims] # pad - x = np.ascontiguousarray( - np.array(x).transpose((0, 3, 1, 2)) - ) # stack and BHWC to BCHW + x = np.ascontiguousarray(np.array(x).transpose((0, 3, 1, 2))) # stack and BHWC to BCHW x = torch.from_numpy(x).to(p.device).type_as(p) / 255 # uint8 to fp16/32 with amp.autocast(autocast): @@ -980,10 +841,7 @@ class Detections: def __init__(self, ims, pred, files, times=(0, 0, 0), names=None, shape=None): super().__init__() d = pred[0].device # device - gn = [ - torch.tensor([*(im.shape[i] for i in [1, 0, 1, 0]), 1, 1], device=d) - for im in ims - ] # normalizations + gn = [torch.tensor([*(im.shape[i] for i in [1, 0, 1, 0]), 1, 1], device=d) for im in ims] # normalizations self.ims = ims # list of images as numpy arrays self.pred = pred # list of tensors pred[0] = (xyxy, conf, cls) self.names = names # class names @@ -1020,14 +878,7 @@ def _run( for *box, conf, cls in reversed(pred): # xyxy, confidence, class label = f"{self.names[int(cls)]} {conf:.2f}" if crop: - file = ( - save_dir - / "crops" - / self.names[int(cls)] - / self.files[i] - if save - else None - ) + file = save_dir / "crops" / self.names[int(cls)] / self.files[i] if save else None crops.append( { "box": box, @@ -1038,35 +889,24 @@ def _run( } ) else: # all others - annotator.box_label( - box, label if labels else "", color=colors(cls) - ) + annotator.box_label(box, label if labels else "", color=colors(cls)) im = annotator.im else: s += "(no detections)" - im = ( - Image.fromarray(im.astype(np.uint8)) - if isinstance(im, np.ndarray) - else im - ) # from np + im = Image.fromarray(im.astype(np.uint8)) if isinstance(im, np.ndarray) else im # from np if show: display(im) if is_notebook() else im.show(self.files[i]) if save: f = self.files[i] im.save(save_dir / f) # save if i == self.n - 1: - LOGGER.info( - f"Saved {self.n} image{'s' * (self.n > 1)} to {colorstr('bold', save_dir)}" - ) + LOGGER.info(f"Saved {self.n} image{'s' * (self.n > 1)} to {colorstr('bold', save_dir)}") if render: self.ims[i] = np.asarray(im) if pprint: s = s.lstrip("\n") - return ( - f"{s}\nSpeed: %.1fms pre-process, %.1fms inference, %.1fms NMS per image at shape {self.s}" - % self.t - ) + return f"{s}\nSpeed: %.1fms pre-process, %.1fms inference, %.1fms NMS per image at shape {self.s}" % self.t if crop: if save: LOGGER.info(f"Saved results to {save_dir}\n") @@ -1110,10 +950,7 @@ def pandas(self): "name", ) # xywh columns for k, c in zip(["xyxy", "xyxyn", "xywh", "xywhn"], [ca, ca, cb, cb]): - a = [ - [x[:5] + [int(x[5]), self.names[int(x[5])]] for x in x.tolist()] - for x in getattr(self, k) - ] # update + a = [[x[:5] + [int(x[5]), self.names[int(x[5])]] for x in x.tolist()] for x in getattr(self, k)] # update setattr(new, k, [pd.DataFrame(x, columns=c) for x in a]) return new diff --git a/models/experimental/yolov3/reference/models/experimental.py b/models/experimental/yolov3/reference/models/experimental.py index e53bdcb3fb5..9a5ed139637 100644 --- a/models/experimental/yolov3/reference/models/experimental.py +++ b/models/experimental/yolov3/reference/models/experimental.py @@ -22,9 +22,7 @@ def __init__(self, n, weight=False): # n: number of inputs self.weight = weight # apply weights boolean self.iter = range(n - 1) # iter object if weight: - self.w = nn.Parameter( - -torch.arange(1.0, n) / 2, requires_grad=True - ) # layer weights + self.w = nn.Parameter(-torch.arange(1.0, n) / 2, requires_grad=True) # layer weights def forward(self, x): y = x[0] # no weight @@ -40,9 +38,7 @@ def forward(self, x): class MixConv2d(nn.Module): # Mixed Depth-wise Conv https://arxiv.org/abs/1907.09595 - def __init__( - self, c1, c2, k=(1, 3), s=1, equal_ch=True - ): # ch_in, ch_out, kernel, stride, ch_strategy + def __init__(self, c1, c2, k=(1, 3), s=1, equal_ch=True): # ch_in, ch_out, kernel, stride, ch_strategy super().__init__() n = len(k) # number of convolutions if equal_ch: # equal c_ per group @@ -54,17 +50,10 @@ def __init__( a -= np.roll(a, 1, axis=1) a *= np.array(k) ** 2 a[0] = 1 - c_ = np.linalg.lstsq(a, b, rcond=None)[ - 0 - ].round() # solve for equal weight indices, ax = b + c_ = np.linalg.lstsq(a, b, rcond=None)[0].round() # solve for equal weight indices, ax = b self.m = nn.ModuleList( - [ - nn.Conv2d( - c1, int(c_), k, s, k // 2, groups=math.gcd(c1, int(c_)), bias=False - ) - for k, c_ in zip(k, c_) - ] + [nn.Conv2d(c1, int(c_), k, s, k // 2, groups=math.gcd(c1, int(c_)), bias=False) for k, c_ in zip(k, c_)] ) self.bn = nn.BatchNorm2d(c2) self.act = nn.SiLU() @@ -101,9 +90,7 @@ def attempt_load(weights, device=None, inplace=True, fuse=True): if hasattr(ckpt, "names") and isinstance(ckpt.names, (list, tuple)): ckpt.names = dict(enumerate(ckpt.names)) # convert to dict - model.append( - ckpt.fuse().eval() if fuse and hasattr(ckpt, "fuse") else ckpt.eval() - ) # model in eval mode + model.append(ckpt.fuse().eval() if fuse and hasattr(ckpt, "fuse") else ckpt.eval()) # model in eval mode # Module compatibility updates for m in model.modules(): @@ -124,10 +111,6 @@ def attempt_load(weights, device=None, inplace=True, fuse=True): print(f"Ensemble created with {weights}\n") for k in "names", "nc", "yaml": setattr(model, k, getattr(model[0], k)) - model.stride = model[ - torch.argmax(torch.tensor([m.stride.max() for m in model])).int() - ].stride # max stride - assert all( - model[0].nc == m.nc for m in model - ), f"Models have different class counts: {[m.nc for m in model]}" + model.stride = model[torch.argmax(torch.tensor([m.stride.max() for m in model])).int()].stride # max stride + assert all(model[0].nc == m.nc for m in model), f"Models have different class counts: {[m.nc for m in model]}" return model diff --git a/models/experimental/yolov3/reference/models/yolo.py b/models/experimental/yolov3/reference/models/yolo.py index 8c77bf72334..b72c41b6a22 100644 --- a/models/experimental/yolov3/reference/models/yolo.py +++ b/models/experimental/yolov3/reference/models/yolo.py @@ -67,12 +67,8 @@ def __init__(self, nc=80, anchors=(), ch=(), inplace=True): # detection layer self.na = len(anchors[0]) // 2 # number of anchors self.grid = [torch.empty(0) for _ in range(self.nl)] # init grid self.anchor_grid = [torch.empty(0) for _ in range(self.nl)] # init anchor grid - self.register_buffer( - "anchors", torch.tensor(anchors).float().view(self.nl, -1, 2) - ) # shape(nl,na,2) - self.m = nn.ModuleList( - nn.Conv2d(x, self.no * self.na, 1) for x in ch - ) # output conv + self.register_buffer("anchors", torch.tensor(anchors).float().view(self.nl, -1, 2)) # shape(nl,na,2) + self.m = nn.ModuleList(nn.Conv2d(x, self.no * self.na, 1) for x in ch) # output conv self.inplace = inplace # use inplace ops (e.g. slice assignment) def forward(self, x): @@ -80,21 +76,14 @@ def forward(self, x): for i in range(self.nl): x[i] = self.m[i](x[i]) # conv bs, _, ny, nx = x[i].shape # x(bs,255,20,20) to x(bs,3,20,20,85) - x[i] = ( - x[i] - .view(bs, self.na, self.no, ny, nx) - .permute(0, 1, 3, 4, 2) - .contiguous() - ) + x[i] = x[i].view(bs, self.na, self.no, ny, nx).permute(0, 1, 3, 4, 2).contiguous() if not self.training: # inference if self.dynamic or self.grid[i].shape[2:4] != x[i].shape[2:4]: self.grid[i], self.anchor_grid[i] = self._make_grid(nx, ny, i) if isinstance(self, Segment): # (boxes + masks) - xy, wh, conf, mask = x[i].split( - (2, 2, self.nc + 1, self.no - self.nc - 5), 4 - ) + xy, wh, conf, mask = x[i].split((2, 2, self.nc + 1, self.no - self.nc - 5), 4) xy = (xy.sigmoid() * 2 + self.grid[i]) * self.stride[i] # xy wh = (wh.sigmoid() * 2) ** 2 * self.anchor_grid[i] # wh y = torch.cat((xy, wh, conf.sigmoid(), mask), 4) @@ -105,30 +94,16 @@ def forward(self, x): y = torch.cat((xy, wh, conf), 4) z.append(y.view(bs, self.na * nx * ny, self.no)) - return ( - x - if self.training - else (torch.cat(z, 1),) - if self.export - else (torch.cat(z, 1), x) - ) - - def _make_grid( - self, nx=20, ny=20, i=0, torch_1_10=check_version(torch.__version__, "1.10.0") - ): + return x if self.training else (torch.cat(z, 1),) if self.export else (torch.cat(z, 1), x) + + def _make_grid(self, nx=20, ny=20, i=0, torch_1_10=check_version(torch.__version__, "1.10.0")): d = self.anchors[i].device t = self.anchors[i].dtype shape = 1, self.na, ny, nx, 2 # grid shape y, x = torch.arange(ny, device=d, dtype=t), torch.arange(nx, device=d, dtype=t) - yv, xv = ( - torch.meshgrid(y, x, indexing="ij") if torch_1_10 else torch.meshgrid(y, x) - ) # torch>=0.7 compatibility - grid = ( - torch.stack((xv, yv), 2).expand(shape) - 0.5 - ) # add grid offset, i.e. y = 2.0 * x - 0.5 - anchor_grid = ( - (self.anchors[i] * self.stride[i]).view((1, self.na, 1, 1, 2)).expand(shape) - ) + yv, xv = torch.meshgrid(y, x, indexing="ij") if torch_1_10 else torch.meshgrid(y, x) # torch>=0.7 compatibility + grid = torch.stack((xv, yv), 2).expand(shape) - 0.5 # add grid offset, i.e. y = 2.0 * x - 0.5 + anchor_grid = (self.anchors[i] * self.stride[i]).view((1, self.na, 1, 1, 2)).expand(shape) return grid, anchor_grid @@ -139,36 +114,26 @@ def __init__(self, nc=80, anchors=(), nm=32, npr=256, ch=(), inplace=True): self.nm = nm # number of masks self.npr = npr # number of protos self.no = 5 + nc + self.nm # number of outputs per anchor - self.m = nn.ModuleList( - nn.Conv2d(x, self.no * self.na, 1) for x in ch - ) # output conv + self.m = nn.ModuleList(nn.Conv2d(x, self.no * self.na, 1) for x in ch) # output conv self.proto = Proto(ch[0], self.npr, self.nm) # protos self.detect = Detect.forward def forward(self, x): p = self.proto(x[0]) x = self.detect(self, x) - return ( - (x, p) if self.training else (x[0], p) if self.export else (x[0], p, x[1]) - ) + return (x, p) if self.training else (x[0], p) if self.export else (x[0], p, x[1]) class BaseModel(nn.Module): # YOLOv3 base model def forward(self, x, profile=False, visualize=False): - return self._forward_once( - x, profile, visualize - ) # single-scale inference, train + return self._forward_once(x, profile, visualize) # single-scale inference, train def _forward_once(self, x, profile=False, visualize=False): y, dt = [], [] # outputs for m in self.model: if m.f != -1: # if not from previous layer - x = ( - y[m.f] - if isinstance(m.f, int) - else [x if j == -1 else y[j] for j in m.f] - ) # from earlier layers + x = y[m.f] if isinstance(m.f, int) else [x if j == -1 else y[j] for j in m.f] # from earlier layers if profile: self._profile_one_layer(m, x, dt) x = m(x) # run @@ -179,11 +144,7 @@ def _forward_once(self, x, profile=False, visualize=False): def _profile_one_layer(self, m, x, dt): c = m == self.model[-1] # is final layer, copy input as inplace fix - o = ( - thop.profile(m, inputs=(x.copy() if c else x,), verbose=False)[0] / 1e9 * 2 - if thop - else 0 - ) # FLOPs + o = thop.profile(m, inputs=(x.copy() if c else x,), verbose=False)[0] / 1e9 * 2 if thop else 0 # FLOPs t = time_sync() for _ in range(10): m(x.copy() if c else x) @@ -222,9 +183,7 @@ def _apply(self, fn): class DetectionModel(BaseModel): # YOLOv3 detection model - def __init__( - self, cfg="yolov5s.yaml", ch=3, nc=None, anchors=None - ): # model, input channels, number of classes + def __init__(self, cfg="yolov5s.yaml", ch=3, nc=None, anchors=None): # model, input channels, number of classes super().__init__() if isinstance(cfg, dict): self.yaml = cfg # model dict @@ -243,9 +202,7 @@ def __init__( if anchors: LOGGER.info(f"Overriding model.yaml anchors with anchors={anchors}") self.yaml["anchors"] = round(anchors) # override yaml value - self.model, self.save = parse_model( - deepcopy(self.yaml), ch=[ch] - ) # model, savelist + self.model, self.save = parse_model(deepcopy(self.yaml), ch=[ch]) # model, savelist self.names = [str(i) for i in range(self.yaml["nc"])] # default names self.inplace = self.yaml.get("inplace", True) @@ -254,14 +211,8 @@ def __init__( if isinstance(m, (Detect, Segment)): s = 256 # 2x min stride m.inplace = self.inplace - forward = ( - lambda x: self.forward(x)[0] - if isinstance(m, Segment) - else self.forward(x) - ) - m.stride = torch.tensor( - [s / x.shape[-2] for x in forward(torch.zeros(1, ch, s, s))] - ) # forward + forward = lambda x: self.forward(x)[0] if isinstance(m, Segment) else self.forward(x) + m.stride = torch.tensor([s / x.shape[-2] for x in forward(torch.zeros(1, ch, s, s))]) # forward check_anchor_order(m) m.anchors /= m.stride.view(-1, 1, 1) self.stride = m.stride @@ -275,9 +226,7 @@ def __init__( def forward(self, x, augment=False, profile=False, visualize=False): if augment: return self._forward_augment(x) # augmented inference, None - return self._forward_once( - x, profile, visualize - ) # single-scale inference, train + return self._forward_once(x, profile, visualize) # single-scale inference, train def _forward_augment(self, x): img_size = x.shape[-2:] # height, width @@ -325,21 +274,15 @@ def _clip_augmented(self, y): y[-1] = y[-1][:, i:] # small return y - def _initialize_biases( - self, cf=None - ): # initialize biases into Detect(), cf is class frequency + def _initialize_biases(self, cf=None): # initialize biases into Detect(), cf is class frequency # https://arxiv.org/abs/1708.02002 section 3.3 # cf = torch.bincount(torch.tensor(np.concatenate(dataset.labels, 0)[:, 0]).long(), minlength=nc) + 1. m = self.model[-1] # Detect() module for mi, s in zip(m.m, m.stride): # from b = mi.bias.view(m.na, -1) # conv.bias(255) to (3,85) - b.data[:, 4] += math.log( - 8 / (640 / s) ** 2 - ) # obj (8 objects per 640 image) + b.data[:, 4] += math.log(8 / (640 / s) ** 2) # obj (8 objects per 640 image) b.data[:, 5 : 5 + m.nc] += ( - math.log(0.6 / (m.nc - 0.99999)) - if cf is None - else torch.log(cf / cf.sum()) + math.log(0.6 / (m.nc - 0.99999)) if cf is None else torch.log(cf / cf.sum()) ) # cls mi.bias = torch.nn.Parameter(b.view(-1), requires_grad=True) @@ -355,13 +298,9 @@ def __init__(self, cfg="yolov5s-seg.yaml", ch=3, nc=None, anchors=None): class ClassificationModel(BaseModel): # classification model - def __init__( - self, cfg=None, model=None, nc=1000, cutoff=10 - ): # yaml, model, number of classes, cutoff index + def __init__(self, cfg=None, model=None, nc=1000, cutoff=10): # yaml, model, number of classes, cutoff index super().__init__() - self._from_detection_model( - model, nc, cutoff - ) if model is not None else self._from_yaml(cfg) + self._from_detection_model(model, nc, cutoff) if model is not None else self._from_yaml(cfg) def _from_detection_model(self, model, nc=1000, cutoff=10): # Create a classification model from a detection model @@ -369,9 +308,7 @@ def _from_detection_model(self, model, nc=1000, cutoff=10): model = model.model # unwrap DetectMultiBackend model.model = model.model[:cutoff] # backbone m = model.model[-1] # last layer - ch = ( - m.conv.in_channels if hasattr(m, "conv") else m.cv1.conv.in_channels - ) # ch into module + ch = m.conv.in_channels if hasattr(m, "conv") else m.cv1.conv.in_channels # ch into module c = Classify(ch, nc) # Classify() c.i, c.f, c.type = m.i, m.f, "models.common.Classify" # index, from, type model.model[-1] = c # replace @@ -387,9 +324,7 @@ def _from_yaml(self, cfg): def parse_model(d, ch): # model_dict, input_channels(3) # Parse a model.yaml dictionary - LOGGER.info( - f"\n{'':>3}{'from':>18}{'n':>3}{'params':>10} {'module':<40}{'arguments':<30}" - ) + LOGGER.info(f"\n{'':>3}{'from':>18}{'n':>3}{'params':>10} {'module':<40}{'arguments':<30}") anchors, nc, gd, gw, act = ( d["anchors"], d["nc"], @@ -398,19 +333,13 @@ def parse_model(d, ch): # model_dict, input_channels(3) d.get("activation"), ) if act: - Conv.default_act = eval( - act - ) # redefine default activation, i.e. Conv.default_act = nn.SiLU() + Conv.default_act = eval(act) # redefine default activation, i.e. Conv.default_act = nn.SiLU() LOGGER.info(f"{colorstr('activation:')} {act}") # print - na = ( - (len(anchors[0]) // 2) if isinstance(anchors, list) else anchors - ) # number of anchors + na = (len(anchors[0]) // 2) if isinstance(anchors, list) else anchors # number of anchors no = na * (nc + 5) # number of outputs = anchors * (classes + 5) layers, save, c2 = [], [], ch[-1] # layers, savelist, ch out - for i, (f, n, m, args) in enumerate( - d["backbone"] + d["head"] - ): # from, number, module, args + for i, (f, n, m, args) in enumerate(d["backbone"] + d["head"]): # from, number, module, args m = eval(m) if isinstance(m, str) else m # eval strings for j, a in enumerate(args): with contextlib.suppress(NameError): @@ -463,9 +392,7 @@ def parse_model(d, ch): # model_dict, input_channels(3) else: c2 = ch[f] - m_ = ( - nn.Sequential(*(m(*args) for _ in range(n))) if n > 1 else m(*args) - ) # module + m_ = nn.Sequential(*(m(*args) for _ in range(n))) if n > 1 else m(*args) # module t = str(m)[8:-2].replace("__main__.", "") # module type np = sum(x.numel() for x in m_.parameters()) # number params m_.i, m_.f, m_.type, m_.np = ( @@ -474,12 +401,8 @@ def parse_model(d, ch): # model_dict, input_channels(3) t, np, ) # attach index, 'from' index, type, number params - LOGGER.info( - f"{i:>3}{str(f):>18}{n_:>3}{np:10.0f} {t:<40}{str(args):<30}" - ) # print - save.extend( - x % i for x in ([f] if isinstance(f, int) else f) if x != -1 - ) # append to savelist + LOGGER.info(f"{i:>3}{str(f):>18}{n_:>3}{np:10.0f} {t:<40}{str(args):<30}") # print + save.extend(x % i for x in ([f] if isinstance(f, int) else f) if x != -1) # append to savelist layers.append(m_) if i == 0: ch = [] @@ -490,16 +413,10 @@ def parse_model(d, ch): # model_dict, input_channels(3) if __name__ == "__main__": parser = argparse.ArgumentParser() parser.add_argument("--cfg", type=str, default="yolov5s.yaml", help="model.yaml") - parser.add_argument( - "--batch-size", type=int, default=1, help="total batch size for all GPUs" - ) - parser.add_argument( - "--device", default="", help="cuda device, i.e. 0 or 0,1,2,3 or cpu" - ) + parser.add_argument("--batch-size", type=int, default=1, help="total batch size for all GPUs") + parser.add_argument("--device", default="", help="cuda device, i.e. 0 or 0,1,2,3 or cpu") parser.add_argument("--profile", action="store_true", help="profile model speed") - parser.add_argument( - "--line-profile", action="store_true", help="profile model speed layer by layer" - ) + parser.add_argument("--line-profile", action="store_true", help="profile model speed layer by layer") parser.add_argument("--test", action="store_true", help="test all yolo*.yaml") opt = parser.parse_args() opt.cfg = check_yaml(opt.cfg) # check YAML diff --git a/models/experimental/yolov3/reference/utils/__init__.py b/models/experimental/yolov3/reference/utils/__init__.py index dfe0768e167..c91d30dae1c 100644 --- a/models/experimental/yolov3/reference/utils/__init__.py +++ b/models/experimental/yolov3/reference/utils/__init__.py @@ -14,11 +14,7 @@ def emojis(str=""): # Return platform-dependent emoji-safe version of string - return ( - str.encode().decode("ascii", "ignore") - if platform.system() == "Windows" - else str - ) + return str.encode().decode("ascii", "ignore") if platform.system() == "Windows" else str class TryExcept(contextlib.ContextDecorator): @@ -71,13 +67,9 @@ def notebook_init(verbose=True): from IPython import display # to display images and clear console output if check_requirements("wandb", install=False): - os.system( - "pip uninstall -y wandb" - ) # eliminate unexpected account creation prompt with infinite hang + os.system("pip uninstall -y wandb") # eliminate unexpected account creation prompt with infinite hang if is_colab(): - shutil.rmtree( - "/content/sample_data", ignore_errors=True - ) # remove colab /sample_data directory + shutil.rmtree("/content/sample_data", ignore_errors=True) # remove colab /sample_data directory # System info if verbose: diff --git a/models/experimental/yolov3/reference/utils/augmentations.py b/models/experimental/yolov3/reference/utils/augmentations.py index b68293c2c79..2d717599d86 100644 --- a/models/experimental/yolov3/reference/utils/augmentations.py +++ b/models/experimental/yolov3/reference/utils/augmentations.py @@ -41,9 +41,7 @@ def __init__(self, size=640): check_version(A.__version__, "1.0.3", hard=True) # version requirement T = [ - A.RandomResizedCrop( - height=size, width=size, scale=(0.8, 1.0), ratio=(0.9, 1.11), p=0.0 - ), + A.RandomResizedCrop(height=size, width=size, scale=(0.8, 1.0), ratio=(0.9, 1.11), p=0.0), A.Blur(p=0.01), A.MedianBlur(p=0.01), A.ToGray(p=0.01), @@ -57,12 +55,7 @@ def __init__(self, size=640): bbox_params=A.BboxParams(format="yolo", label_fields=["class_labels"]), ) - LOGGER.info( - prefix - + ", ".join( - f"{x}".replace("always_apply=False, ", "") for x in T if x.p - ) - ) + LOGGER.info(prefix + ", ".join(f"{x}".replace("always_apply=False, ", "") for x in T if x.p)) except ImportError: # package not installed, skip pass except Exception as e: @@ -70,12 +63,8 @@ def __init__(self, size=640): def __call__(self, im, labels, p=1.0): if self.transform and random.random() < p: - new = self.transform( - image=im, bboxes=labels[:, 1:], class_labels=labels[:, 0] - ) # transformed - im, labels = new["image"], np.array( - [[c, *b] for c, b in zip(new["class_labels"], new["bboxes"])] - ) + new = self.transform(image=im, bboxes=labels[:, 1:], class_labels=labels[:, 0]) # transformed + im, labels = new["image"], np.array([[c, *b] for c, b in zip(new["class_labels"], new["bboxes"])]) return im, labels @@ -103,9 +92,7 @@ def augment_hsv(im, hgain=0.5, sgain=0.5, vgain=0.5): lut_sat = np.clip(x * r[1], 0, 255).astype(dtype) lut_val = np.clip(x * r[2], 0, 255).astype(dtype) - im_hsv = cv2.merge( - (cv2.LUT(hue, lut_hue), cv2.LUT(sat, lut_sat), cv2.LUT(val, lut_val)) - ) + im_hsv = cv2.merge((cv2.LUT(hue, lut_hue), cv2.LUT(sat, lut_sat), cv2.LUT(val, lut_val))) cv2.cvtColor(im_hsv, cv2.COLOR_HSV2BGR, dst=im) # no return needed @@ -117,9 +104,7 @@ def hist_equalize(im, clahe=True, bgr=False): yuv[:, :, 0] = c.apply(yuv[:, :, 0]) else: yuv[:, :, 0] = cv2.equalizeHist(yuv[:, :, 0]) # equalize Y channel histogram - return cv2.cvtColor( - yuv, cv2.COLOR_YUV2BGR if bgr else cv2.COLOR_YUV2RGB - ) # convert YUV image to RGB + return cv2.cvtColor(yuv, cv2.COLOR_YUV2BGR if bgr else cv2.COLOR_YUV2RGB) # convert YUV image to RGB def replicate(im, labels): @@ -131,9 +116,7 @@ def replicate(im, labels): for i in s.argsort()[: round(s.size * 0.5)]: # smallest indices x1b, y1b, x2b, y2b = boxes[i] bh, bw = y2b - y1b, x2b - x1b - yc, xc = int(random.uniform(0, h - bh)), int( - random.uniform(0, w - bw) - ) # offset x, y + yc, xc = int(random.uniform(0, h - bh)), int(random.uniform(0, w - bw)) # offset x, y x1a, y1a, x2a, y2a = [xc, yc, xc + bw, yc + bh] im[y1a:y2a, x1a:x2a] = im[y1b:y2b, x1b:x2b] # im4[ymin:ymax, xmin:xmax] labels = np.append(labels, [[labels[i, 0], x1a, y1a, x2a, y2a]], axis=0) @@ -178,9 +161,7 @@ def letterbox( im = cv2.resize(im, new_unpad, interpolation=cv2.INTER_LINEAR) top, bottom = int(round(dh - 0.1)), int(round(dh + 0.1)) left, right = int(round(dw - 0.1)), int(round(dw + 0.1)) - im = cv2.copyMakeBorder( - im, top, bottom, left, right, cv2.BORDER_CONSTANT, value=color - ) # add border + im = cv2.copyMakeBorder(im, top, bottom, left, right, cv2.BORDER_CONSTANT, value=color) # add border return im, ratio, (dw, dh) @@ -226,24 +207,16 @@ def random_perspective( # Translation T = np.eye(3) - T[0, 2] = ( - random.uniform(0.5 - translate, 0.5 + translate) * width - ) # x translation (pixels) - T[1, 2] = ( - random.uniform(0.5 - translate, 0.5 + translate) * height - ) # y translation (pixels) + T[0, 2] = random.uniform(0.5 - translate, 0.5 + translate) * width # x translation (pixels) + T[1, 2] = random.uniform(0.5 - translate, 0.5 + translate) * height # y translation (pixels) # Combined rotation matrix M = T @ S @ R @ P @ C # order of operations (right to left) is IMPORTANT if (border[0] != 0) or (border[1] != 0) or (M != np.eye(3)).any(): # image changed if perspective: - im = cv2.warpPerspective( - im, M, dsize=(width, height), borderValue=(114, 114, 114) - ) + im = cv2.warpPerspective(im, M, dsize=(width, height), borderValue=(114, 114, 114)) else: # affine - im = cv2.warpAffine( - im, M[:2], dsize=(width, height), borderValue=(114, 114, 114) - ) + im = cv2.warpAffine(im, M[:2], dsize=(width, height), borderValue=(114, 114, 114)) # Visualize # import matplotlib.pyplot as plt @@ -262,29 +235,21 @@ def random_perspective( xy = np.ones((len(segment), 3)) xy[:, :2] = segment xy = xy @ M.T # transform - xy = ( - xy[:, :2] / xy[:, 2:3] if perspective else xy[:, :2] - ) # perspective rescale or affine + xy = xy[:, :2] / xy[:, 2:3] if perspective else xy[:, :2] # perspective rescale or affine # clip new[i] = segment2box(xy, width, height) else: # warp boxes xy = np.ones((n * 4, 3)) - xy[:, :2] = targets[:, [1, 2, 3, 4, 1, 4, 3, 2]].reshape( - n * 4, 2 - ) # x1y1, x2y2, x1y2, x2y1 + xy[:, :2] = targets[:, [1, 2, 3, 4, 1, 4, 3, 2]].reshape(n * 4, 2) # x1y1, x2y2, x1y2, x2y1 xy = xy @ M.T # transform - xy = (xy[:, :2] / xy[:, 2:3] if perspective else xy[:, :2]).reshape( - n, 8 - ) # perspective rescale or affine + xy = (xy[:, :2] / xy[:, 2:3] if perspective else xy[:, :2]).reshape(n, 8) # perspective rescale or affine # create new boxes x = xy[:, [0, 2, 4, 6]] y = xy[:, [1, 3, 5, 7]] - new = ( - np.concatenate((x.min(1), y.min(1), x.max(1), y.max(1))).reshape(4, n).T - ) + new = np.concatenate((x.min(1), y.min(1), x.max(1), y.max(1))).reshape(4, n).T # clip new[:, [0, 2]] = new[:, [0, 2]].clip(0, width) @@ -315,9 +280,7 @@ def copy_paste(im, labels, segments, p=0.5): if (ioa < 0.30).all(): # allow 30% obscuration of existing labels labels = np.concatenate((labels, [[l[0], *box]]), 0) segments.append(np.concatenate((w - s[:, 0:1], s[:, 1:2]), 1)) - cv2.drawContours( - im_new, [segments[j].astype(np.int32)], -1, (1, 1, 1), cv2.FILLED - ) + cv2.drawContours(im_new, [segments[j].astype(np.int32)], -1, (1, 1, 1), cv2.FILLED) result = cv2.flip(im, 1) # augment segments (flip left-right) i = cv2.flip(im_new, 1).astype(bool) @@ -330,9 +293,7 @@ def cutout(im, labels, p=0.5): # Applies image cutout augmentation https://arxiv.org/abs/1708.04552 if random.random() < p: h, w = im.shape[:2] - scales = ( - [0.5] * 1 + [0.25] * 2 + [0.125] * 4 + [0.0625] * 8 + [0.03125] * 16 - ) # image size fraction + scales = [0.5] * 1 + [0.25] * 2 + [0.125] * 4 + [0.0625] * 8 + [0.03125] * 16 # image size fraction for s in scales: mask_h = random.randint(1, int(h * s)) # create random masks mask_w = random.randint(1, int(w * s)) @@ -349,9 +310,7 @@ def cutout(im, labels, p=0.5): # return unobscured labels if len(labels) and s > 0.03: box = np.array([xmin, ymin, xmax, ymax], dtype=np.float32) - ioa = bbox_ioa( - box, xywhn2xyxy(labels[:, 1:5], w, h) - ) # intersection over area + ioa = bbox_ioa(box, xywhn2xyxy(labels[:, 1:5], w, h)) # intersection over area labels = labels[ioa < 0.60] # remove >60% obscured labels return labels @@ -365,19 +324,12 @@ def mixup(im, labels, im2, labels2): return im, labels -def box_candidates( - box1, box2, wh_thr=2, ar_thr=100, area_thr=0.1, eps=1e-16 -): # box1(4,n), box2(4,n) +def box_candidates(box1, box2, wh_thr=2, ar_thr=100, area_thr=0.1, eps=1e-16): # box1(4,n), box2(4,n) # Compute candidate boxes: box1 before augment, box2 after augment, wh_thr (pixels), aspect_ratio_thr, area_ratio w1, h1 = box1[2] - box1[0], box1[3] - box1[1] w2, h2 = box2[2] - box2[0], box2[3] - box2[1] ar = np.maximum(w2 / (h2 + eps), h2 / (w2 + eps)) # aspect ratio - return ( - (w2 > wh_thr) - & (h2 > wh_thr) - & (w2 * h2 / (w1 * h1 + eps) > area_thr) - & (ar < ar_thr) - ) # candidates + return (w2 > wh_thr) & (h2 > wh_thr) & (w2 * h2 / (w1 * h1 + eps) > area_thr) & (ar < ar_thr) # candidates def classify_albumentations( @@ -410,9 +362,7 @@ def classify_albumentations( if vflip > 0: T += [A.VerticalFlip(p=vflip)] if jitter > 0: - color_jitter = ( - float(jitter), - ) * 3 # repeat value for brightness, contrast, satuaration, 0 hue + color_jitter = (float(jitter),) * 3 # repeat value for brightness, contrast, satuaration, 0 hue T += [A.ColorJitter(*color_jitter, 0)] else: # Use fixed crop for eval set (reproducibility) T = [ @@ -423,29 +373,20 @@ def classify_albumentations( A.Normalize(mean=mean, std=std), ToTensorV2(), ] # Normalize and convert to Tensor - LOGGER.info( - prefix - + ", ".join(f"{x}".replace("always_apply=False, ", "") for x in T if x.p) - ) + LOGGER.info(prefix + ", ".join(f"{x}".replace("always_apply=False, ", "") for x in T if x.p)) return A.Compose(T) except ImportError: # package not installed, skip - LOGGER.warning( - f"{prefix}⚠️ not found, install with `pip install albumentations` (recommended)" - ) + LOGGER.warning(f"{prefix}⚠️ not found, install with `pip install albumentations` (recommended)") except Exception as e: LOGGER.info(f"{prefix}{e}") def classify_transforms(size=224): # Transforms to apply if albumentations not installed - assert isinstance( - size, int - ), f"ERROR: classify_transforms size {size} must be integer, not (list, tuple)" + assert isinstance(size, int), f"ERROR: classify_transforms size {size} must be integer, not (list, tuple)" # T.Compose([T.ToTensor(), T.Resize(size), T.CenterCrop(size), T.Normalize(IMAGENET_MEAN, IMAGENET_STD)]) - return T.Compose( - [CenterCrop(size), ToTensor(), T.Normalize(IMAGENET_MEAN, IMAGENET_STD)] - ) + return T.Compose([CenterCrop(size), ToTensor(), T.Normalize(IMAGENET_MEAN, IMAGENET_STD)]) class LetterBox: @@ -460,14 +401,10 @@ def __call__(self, im): # im = np.array HWC imh, imw = im.shape[:2] r = min(self.h / imh, self.w / imw) # ratio of new/old h, w = round(imh * r), round(imw * r) # resized image - hs, ws = ( - math.ceil(x / self.stride) * self.stride for x in (h, w) - ) if self.auto else self.h, self.w + hs, ws = (math.ceil(x / self.stride) * self.stride for x in (h, w)) if self.auto else self.h, self.w top, left = round((hs - h) / 2 - 0.1), round((ws - w) / 2 - 0.1) im_out = np.full((self.h, self.w, 3), 114, dtype=im.dtype) - im_out[top : top + h, left : left + w] = cv2.resize( - im, (w, h), interpolation=cv2.INTER_LINEAR - ) + im_out[top : top + h, left : left + w] = cv2.resize(im, (w, h), interpolation=cv2.INTER_LINEAR) return im_out @@ -495,9 +432,7 @@ def __init__(self, half=False): self.half = half def __call__(self, im): # im = np.array HWC in BGR order - im = np.ascontiguousarray( - im.transpose((2, 0, 1))[::-1] - ) # HWC to CHW -> BGR to RGB -> contiguous + im = np.ascontiguousarray(im.transpose((2, 0, 1))[::-1]) # HWC to CHW -> BGR to RGB -> contiguous im = torch.from_numpy(im) # to torch im = im.half() if self.half else im.float() # uint8 to fp16/32 im /= 255.0 # 0-255 to 0.0-1.0 diff --git a/models/experimental/yolov3/reference/utils/autoanchor.py b/models/experimental/yolov3/reference/utils/autoanchor.py index afafe89ebe4..9d18d3b4199 100644 --- a/models/experimental/yolov3/reference/utils/autoanchor.py +++ b/models/experimental/yolov3/reference/utils/autoanchor.py @@ -37,14 +37,10 @@ def check_anchor_order(m): @TryExcept(f"{PREFIX}ERROR") def check_anchors(dataset, model, thr=4.0, imgsz=640): # Check anchor fit to data, recompute if necessary - m = ( - model.module.model[-1] if hasattr(model, "module") else model.model[-1] - ) # Detect() + m = model.module.model[-1] if hasattr(model, "module") else model.model[-1] # Detect() shapes = imgsz * dataset.shapes / dataset.shapes.max(1, keepdims=True) scale = np.random.uniform(0.9, 1.1, size=(shapes.shape[0], 1)) # augment scale - wh = torch.tensor( - np.concatenate([l[:, 3:5] * s for s, l in zip(shapes * scale, dataset.labels)]) - ).float() # wh + wh = torch.tensor(np.concatenate([l[:, 3:5] * s for s, l in zip(shapes * scale, dataset.labels)])).float() # wh def metric(k): # compute metric r = wh[:, None] / k[None] @@ -61,13 +57,9 @@ def metric(k): # compute metric if bpr > 0.98: # threshold to recompute LOGGER.info(f"{s}Current anchors are a good fit to dataset ✅") else: - LOGGER.info( - f"{s}Anchors are a poor fit to dataset ⚠️, attempting to improve..." - ) + LOGGER.info(f"{s}Anchors are a poor fit to dataset ⚠️, attempting to improve...") na = m.anchors.numel() // 2 # number of anchors - anchors = kmean_anchors( - dataset, n=na, img_size=imgsz, thr=thr, gen=1000, verbose=False - ) + anchors = kmean_anchors(dataset, n=na, img_size=imgsz, thr=thr, gen=1000, verbose=False) new_bpr = metric(anchors)[0] if new_bpr > bpr: # replace anchors anchors = torch.tensor(anchors, device=m.anchors.device).type_as(m.anchors) @@ -80,9 +72,7 @@ def metric(k): # compute metric LOGGER.info(s) -def kmean_anchors( - dataset="./data/coco128.yaml", n=9, img_size=640, thr=4.0, gen=1000, verbose=True -): +def kmean_anchors(dataset="./data/coco128.yaml", n=9, img_size=640, thr=4.0, gen=1000, verbose=True): """Creates kmeans-evolved anchors from training dataset Arguments: @@ -117,9 +107,7 @@ def anchor_fitness(k): # mutation fitness def print_results(k, verbose=True): k = k[np.argsort(k.prod(1))] # sort small to large x, best = metric(k, wh0) - bpr, aat = (best > thr).float().mean(), ( - x > thr - ).float().mean() * n # best possible recall, anch > thr + bpr, aat = (best > thr).float().mean(), (x > thr).float().mean() * n # best possible recall, anch > thr s = ( f"{PREFIX}thr={thr:.2f}: {bpr:.4f} best possible recall, {aat:.2f} anchors past thr\n" f"{PREFIX}n={n}, img_size={img_size}, metric_all={x.mean():.3f}/{best.mean():.3f}-mean/best, " @@ -145,9 +133,7 @@ def print_results(k, verbose=True): # Filter i = (wh0 < 3.0).any(1).sum() if i: - LOGGER.info( - f"{PREFIX}WARNING ⚠️ Extremely small objects found: {i} of {len(wh0)} labels are <3 pixels in size" - ) + LOGGER.info(f"{PREFIX}WARNING ⚠️ Extremely small objects found: {i} of {len(wh0)} labels are <3 pixels in size") wh = wh0[(wh0 >= 2.0).any(1)].astype(np.float32) # filter > 2 pixels # wh = wh * (npr.rand(wh.shape[0], 1) * 0.9 + 0.1) # multiply by random scale 0-1 @@ -157,13 +143,9 @@ def print_results(k, verbose=True): assert n <= len(wh) # apply overdetermined constraint s = wh.std(0) # sigmas for whitening k = kmeans(wh / s, n, iter=30)[0] * s # points - assert n == len( - k - ) # kmeans may return fewer points than requested if wh is insufficient or too similar + assert n == len(k) # kmeans may return fewer points than requested if wh is insufficient or too similar except Exception: - LOGGER.warning( - f"{PREFIX}WARNING ⚠️ switching strategies from kmeans to random init" - ) + LOGGER.warning(f"{PREFIX}WARNING ⚠️ switching strategies from kmeans to random init") k = np.sort(npr.rand(n * 2)).reshape(n, 2) * img_size # random init wh, wh0 = (torch.tensor(x, dtype=torch.float32) for x in (wh, wh0)) k = print_results(k, verbose=False) @@ -191,16 +173,12 @@ def print_results(k, verbose=True): for _ in pbar: v = np.ones(sh) while (v == 1).all(): # mutate until a change occurs (prevent duplicates) - v = ((npr.random(sh) < mp) * random.random() * npr.randn(*sh) * s + 1).clip( - 0.3, 3.0 - ) + v = ((npr.random(sh) < mp) * random.random() * npr.randn(*sh) * s + 1).clip(0.3, 3.0) kg = (k.copy() * v).clip(min=2.0) fg = anchor_fitness(kg) if fg > f: f, k = fg, kg.copy() - pbar.desc = ( - f"{PREFIX}Evolving anchors with Genetic Algorithm: fitness = {f:.4f}" - ) + pbar.desc = f"{PREFIX}Evolving anchors with Genetic Algorithm: fitness = {f:.4f}" if verbose: print_results(k, verbose) diff --git a/models/experimental/yolov3/reference/utils/dataloaders.py b/models/experimental/yolov3/reference/utils/dataloaders.py index 717d5249978..3d775a8bf9b 100644 --- a/models/experimental/yolov3/reference/utils/dataloaders.py +++ b/models/experimental/yolov3/reference/utils/dataloaders.py @@ -91,13 +91,9 @@ "ts", "wmv", ) # include video suffixes -LOCAL_RANK = int( - os.getenv("LOCAL_RANK", -1) -) # https://pytorch.org/docs/stable/elastic/run.html +LOCAL_RANK = int(os.getenv("LOCAL_RANK", -1)) # https://pytorch.org/docs/stable/elastic/run.html RANK = int(os.getenv("RANK", -1)) -PIN_MEMORY = ( - str(os.getenv("PIN_MEMORY", True)).lower() == "true" -) # global pin_memory for dataloaders +PIN_MEMORY = str(os.getenv("PIN_MEMORY", True)).lower() == "true" # global pin_memory for dataloaders # Get orientation exif tag for orientation in ExifTags.TAGS.keys(): @@ -177,9 +173,7 @@ def create_dataloader( seed=0, ): if rect and shuffle: - LOGGER.warning( - "WARNING ⚠️ --rect is incompatible with DataLoader shuffle, setting shuffle=False" - ) + LOGGER.warning("WARNING ⚠️ --rect is incompatible with DataLoader shuffle, setting shuffle=False") shuffle = False with torch_distributed_zero_first(rank): # init dataset *.cache only once if DDP dataset = LoadImagesAndLabels( @@ -199,15 +193,9 @@ def create_dataloader( batch_size = min(batch_size, len(dataset)) nd = torch.cuda.device_count() # number of CUDA devices - nw = min( - [os.cpu_count() // max(nd, 1), batch_size if batch_size > 1 else 0, workers] - ) # number of workers - sampler = ( - None if rank == -1 else distributed.DistributedSampler(dataset, shuffle=shuffle) - ) - loader = ( - DataLoader if image_weights else InfiniteDataLoader - ) # only DataLoader allows for attribute updates + nw = min([os.cpu_count() // max(nd, 1), batch_size if batch_size > 1 else 0, workers]) # number of workers + sampler = None if rank == -1 else distributed.DistributedSampler(dataset, shuffle=shuffle) + loader = DataLoader if image_weights else InfiniteDataLoader # only DataLoader allows for attribute updates generator = torch.Generator() generator.manual_seed(6148914691236517205 + seed + RANK) return ( @@ -218,9 +206,7 @@ def create_dataloader( num_workers=nw, sampler=sampler, pin_memory=PIN_MEMORY, - collate_fn=LoadImagesAndLabels.collate_fn4 - if quad - else LoadImagesAndLabels.collate_fn, + collate_fn=LoadImagesAndLabels.collate_fn4 if quad else LoadImagesAndLabels.collate_fn, worker_init_fn=seed_worker, generator=generator, ), @@ -315,9 +301,7 @@ def __next__(self): if self.transforms: im = self.transforms(im0) # transforms else: - im = letterbox(im0, self.img_size, stride=self.stride, auto=self.auto)[ - 0 - ] # padded resize + im = letterbox(im0, self.img_size, stride=self.stride, auto=self.auto)[0] # padded resize im = im.transpose((2, 0, 1))[::-1] # HWC to CHW, BGR to RGB im = np.ascontiguousarray(im) # contiguous self.frame += 1 @@ -326,12 +310,8 @@ def __next__(self): class LoadImages: # YOLOv5 image/video dataloader, i.e. `python detect.py --source image.jpg/vid.mp4` - def __init__( - self, path, img_size=640, stride=32, auto=True, transforms=None, vid_stride=1 - ): - if ( - isinstance(path, str) and Path(path).suffix == ".txt" - ): # *.txt file with img/vid/dir on each line + def __init__(self, path, img_size=640, stride=32, auto=True, transforms=None, vid_stride=1): + if isinstance(path, str) and Path(path).suffix == ".txt": # *.txt file with img/vid/dir on each line path = Path(path).read_text().rsplit() files = [] for p in sorted(path) if isinstance(path, (list, tuple)) else [path]: @@ -405,9 +385,7 @@ def __next__(self): if self.transforms: im = self.transforms(im0) # transforms else: - im = letterbox(im0, self.img_size, stride=self.stride, auto=self.auto)[ - 0 - ] # padded resize + im = letterbox(im0, self.img_size, stride=self.stride, auto=self.auto)[0] # padded resize im = im.transpose((2, 0, 1))[::-1] # HWC to CHW, BGR to RGB im = np.ascontiguousarray(im) # contiguous @@ -418,9 +396,7 @@ def _new_video(self, path): self.frame = 0 self.cap = cv2.VideoCapture(path) self.frames = int(self.cap.get(cv2.CAP_PROP_FRAME_COUNT) / self.vid_stride) - self.orientation = int( - self.cap.get(cv2.CAP_PROP_ORIENTATION_META) - ) # rotation degrees + self.orientation = int(self.cap.get(cv2.CAP_PROP_ORIENTATION_META)) # rotation degrees # self.cap.set(cv2.CAP_PROP_ORIENTATION_AUTO, 0) # disable https://github.com/ultralytics/yolov5/issues/8493 def _cv2_rotate(self, im): @@ -453,9 +429,7 @@ def __init__( self.img_size = img_size self.stride = stride self.vid_stride = vid_stride # video frame-rate stride - sources = ( - Path(sources).read_text().rsplit() if os.path.isfile(sources) else [sources] - ) + sources = Path(sources).read_text().rsplit() if os.path.isfile(sources) else [sources] n = len(sources) self.sources = [clean_str(x) for x in sources] # clean source names for later self.imgs, self.fps, self.frames, self.threads = ( @@ -479,50 +453,29 @@ def __init__( s = pafy.new(s).getbest(preftype="mp4").url # YouTube URL s = eval(s) if s.isnumeric() else s # i.e. s = '0' local webcam if s == 0: - assert ( - not is_colab() - ), "--source 0 webcam unsupported on Colab. Rerun command in a local environment." - assert ( - not is_kaggle() - ), "--source 0 webcam unsupported on Kaggle. Rerun command in a local environment." + assert not is_colab(), "--source 0 webcam unsupported on Colab. Rerun command in a local environment." + assert not is_kaggle(), "--source 0 webcam unsupported on Kaggle. Rerun command in a local environment." cap = cv2.VideoCapture(s) assert cap.isOpened(), f"{st}Failed to open {s}" w = int(cap.get(cv2.CAP_PROP_FRAME_WIDTH)) h = int(cap.get(cv2.CAP_PROP_FRAME_HEIGHT)) fps = cap.get(cv2.CAP_PROP_FPS) # warning: may return 0 or nan - self.frames[i] = max(int(cap.get(cv2.CAP_PROP_FRAME_COUNT)), 0) or float( - "inf" - ) # infinite stream fallback - self.fps[i] = ( - max((fps if math.isfinite(fps) else 0) % 100, 0) or 30 - ) # 30 FPS fallback + self.frames[i] = max(int(cap.get(cv2.CAP_PROP_FRAME_COUNT)), 0) or float("inf") # infinite stream fallback + self.fps[i] = max((fps if math.isfinite(fps) else 0) % 100, 0) or 30 # 30 FPS fallback _, self.imgs[i] = cap.read() # guarantee first frame - self.threads[i] = Thread( - target=self.update, args=([i, cap, s]), daemon=True - ) - LOGGER.info( - f"{st} Success ({self.frames[i]} frames {w}x{h} at {self.fps[i]:.2f} FPS)" - ) + self.threads[i] = Thread(target=self.update, args=([i, cap, s]), daemon=True) + LOGGER.info(f"{st} Success ({self.frames[i]} frames {w}x{h} at {self.fps[i]:.2f} FPS)") self.threads[i].start() LOGGER.info("") # newline # check for common shapes - s = np.stack( - [ - letterbox(x, img_size, stride=stride, auto=auto)[0].shape - for x in self.imgs - ] - ) - self.rect = ( - np.unique(s, axis=0).shape[0] == 1 - ) # rect inference if all shapes equal + s = np.stack([letterbox(x, img_size, stride=stride, auto=auto)[0].shape for x in self.imgs]) + self.rect = np.unique(s, axis=0).shape[0] == 1 # rect inference if all shapes equal self.auto = auto and self.rect self.transforms = transforms # optional if not self.rect: - LOGGER.warning( - "WARNING ⚠️ Stream shapes differ. For optimal performance supply similarly-shaped streams." - ) + LOGGER.warning("WARNING ⚠️ Stream shapes differ. For optimal performance supply similarly-shaped streams.") def update(self, i, cap, stream): # Read stream `i` frames in daemon thread @@ -535,9 +488,7 @@ def update(self, i, cap, stream): if success: self.imgs[i] = im else: - LOGGER.warning( - "WARNING ⚠️ Video stream unresponsive, please check your IP camera connection." - ) + LOGGER.warning("WARNING ⚠️ Video stream unresponsive, please check your IP camera connection.") self.imgs[i] = np.zeros_like(self.imgs[i]) cap.open(stream) # re-open stream if signal was lost time.sleep(0.0) # wait time @@ -548,9 +499,7 @@ def __iter__(self): def __next__(self): self.count += 1 - if not all(x.is_alive() for x in self.threads) or cv2.waitKey(1) == ord( - "q" - ): # q to quit + if not all(x.is_alive() for x in self.threads) or cv2.waitKey(1) == ord("q"): # q to quit cv2.destroyAllWindows() raise StopIteration @@ -558,12 +507,7 @@ def __next__(self): if self.transforms: im = np.stack([self.transforms(x) for x in im0]) # transforms else: - im = np.stack( - [ - letterbox(x, self.img_size, stride=self.stride, auto=self.auto)[0] - for x in im0 - ] - ) # resize + im = np.stack([letterbox(x, self.img_size, stride=self.stride, auto=self.auto)[0] for x in im0]) # resize im = im[..., ::-1].transpose((0, 3, 1, 2)) # BGR to RGB, BHWC to BCHW im = np.ascontiguousarray(im) # contiguous @@ -614,9 +558,7 @@ def __init__( self.hyp = hyp self.image_weights = image_weights self.rect = False if image_weights else rect - self.mosaic = ( - self.augment and not self.rect - ) # load 4 images at a time into a mosaic (only during training) + self.mosaic = self.augment and not self.rect # load 4 images at a time into a mosaic (only during training) self.mosaic_border = [-img_size // 2, -img_size // 2] self.stride = stride self.path = path @@ -633,39 +575,26 @@ def __init__( with open(p) as t: t = t.read().strip().splitlines() parent = str(p.parent) + os.sep - f += [ - x.replace("./", parent, 1) if x.startswith("./") else x - for x in t - ] # to global path + f += [x.replace("./", parent, 1) if x.startswith("./") else x for x in t] # to global path # f += [p.parent / x.lstrip(os.sep) for x in t] # to global path (pathlib) else: raise FileNotFoundError(f"{prefix}{p} does not exist") - self.im_files = sorted( - x.replace("/", os.sep) - for x in f - if x.split(".")[-1].lower() in IMG_FORMATS - ) + self.im_files = sorted(x.replace("/", os.sep) for x in f if x.split(".")[-1].lower() in IMG_FORMATS) # self.img_files = sorted([x for x in f if x.suffix[1:].lower() in IMG_FORMATS]) # pathlib assert self.im_files, f"{prefix}No images found" except Exception as e: - raise Exception( - f"{prefix}Error loading data from {path}: {e}\n{HELP_URL}" - ) from e + raise Exception(f"{prefix}Error loading data from {path}: {e}\n{HELP_URL}") from e # Check cache self.label_files = img2label_paths(self.im_files) # labels - cache_path = ( - p if p.is_file() else Path(self.label_files[0]).parent - ).with_suffix(".cache") + cache_path = (p if p.is_file() else Path(self.label_files[0]).parent).with_suffix(".cache") try: cache, exists = ( np.load(cache_path, allow_pickle=True).item(), True, ) # load dict assert cache["version"] == self.cache_version # matches current version - assert cache["hash"] == get_hash( - self.label_files + self.im_files - ) # identical hash + assert cache["hash"] == get_hash(self.label_files + self.im_files) # identical hash except Exception: cache, exists = ( self.cache_labels(cache_path, prefix), @@ -673,27 +602,19 @@ def __init__( ) # run cache ops # Display cache - nf, nm, ne, nc, n = cache.pop( - "results" - ) # found, missing, empty, corrupt, total + nf, nm, ne, nc, n = cache.pop("results") # found, missing, empty, corrupt, total if exists and LOCAL_RANK in {-1, 0}: d = f"Scanning {cache_path}... {nf} images, {nm + ne} backgrounds, {nc} corrupt" - tqdm( - None, desc=prefix + d, total=n, initial=n, bar_format=TQDM_BAR_FORMAT - ) # display cache results + tqdm(None, desc=prefix + d, total=n, initial=n, bar_format=TQDM_BAR_FORMAT) # display cache results if cache["msgs"]: LOGGER.info("\n".join(cache["msgs"])) # display warnings - assert ( - nf > 0 or not augment - ), f"{prefix}No labels found in {cache_path}, can not start training. {HELP_URL}" + assert nf > 0 or not augment, f"{prefix}No labels found in {cache_path}, can not start training. {HELP_URL}" # Read cache [cache.pop(k) for k in ("hash", "version", "msgs")] # remove items labels, shapes, self.segments = zip(*cache.values()) nl = len(np.concatenate(labels, 0)) # number of labels - assert ( - nl > 0 or not augment - ), f"{prefix}All labels empty in {cache_path}, can not start training. {HELP_URL}" + assert nl > 0 or not augment, f"{prefix}All labels empty in {cache_path}, can not start training. {HELP_URL}" self.labels = list(labels) self.shapes = np.array(shapes) self.im_files = list(cache.keys()) # update @@ -701,11 +622,7 @@ def __init__( # Filter images if min_items: - include = ( - np.array([len(x) >= min_items for x in self.labels]) - .nonzero()[0] - .astype(int) - ) + include = np.array([len(x) >= min_items for x in self.labels]).nonzero()[0].astype(int) LOGGER.info(f"{prefix}{n - len(include)}/{n} images filtered from dataset") self.im_files = [self.im_files[i] for i in include] self.label_files = [self.label_files[i] for i in include] @@ -756,9 +673,7 @@ def __init__( elif mini > 1: shapes[i] = [1, 1 / mini] - self.batch_shapes = ( - np.ceil(np.array(shapes) * img_size / stride + pad).astype(int) * stride - ) + self.batch_shapes = np.ceil(np.array(shapes) * img_size / stride + pad).astype(int) * stride # Cache images into RAM/disk for faster training if cache_images == "ram" and not self.check_cache_ram(prefix=prefix): @@ -768,9 +683,7 @@ def __init__( if cache_images: b, gb = 0, 1 << 30 # bytes of cached images, bytes per gigabytes self.im_hw0, self.im_hw = [None] * n, [None] * n - fcn = ( - self.cache_images_to_disk if cache_images == "disk" else self.load_image - ) + fcn = self.cache_images_to_disk if cache_images == "disk" else self.load_image results = ThreadPool(NUM_THREADS).imap(fcn, range(n)) pbar = tqdm( enumerate(results), @@ -801,9 +714,7 @@ def check_cache_ram(self, safety_margin=0.1, prefix=""): b += im.nbytes * ratio**2 mem_required = b * self.n / n # GB required to cache dataset into RAM mem = psutil.virtual_memory() - cache = ( - mem_required * (1 + safety_margin) < mem.available - ) # to cache or not to cache, that is the question + cache = mem_required * (1 + safety_margin) < mem.available # to cache or not to cache, that is the question if not cache: LOGGER.info( f"{prefix}{mem_required / gb:.1f}GB RAM required, " @@ -858,9 +769,7 @@ def cache_labels(self, path=Path("./labels.cache"), prefix=""): path.with_suffix(".cache.npy").rename(path) # remove .npy suffix LOGGER.info(f"{prefix}New cache created: {path}") except Exception as e: - LOGGER.warning( - f"{prefix}WARNING ⚠️ Cache directory {path.parent} is not writeable: {e}" - ) # not writeable + LOGGER.warning(f"{prefix}WARNING ⚠️ Cache directory {path.parent} is not writeable: {e}") # not writeable return x def __len__(self): @@ -884,26 +793,20 @@ def __getitem__(self, index): # MixUp augmentation if random.random() < hyp["mixup"]: - img, labels = mixup( - img, labels, *self.load_mosaic(random.randint(0, self.n - 1)) - ) + img, labels = mixup(img, labels, *self.load_mosaic(random.randint(0, self.n - 1))) else: # Load image img, (h0, w0), (h, w) = self.load_image(index) # Letterbox - shape = ( - self.batch_shapes[self.batch[index]] if self.rect else self.img_size - ) # final letterboxed shape + shape = self.batch_shapes[self.batch[index]] if self.rect else self.img_size # final letterboxed shape img, ratio, pad = letterbox(img, shape, auto=False, scaleup=self.augment) shapes = (h0, w0), ((h / h0, w / w0), pad) # for COCO mAP rescaling labels = self.labels[index].copy() if labels.size: # normalized xywh to pixel xyxy format - labels[:, 1:] = xywhn2xyxy( - labels[:, 1:], ratio[0] * w, ratio[1] * h, padw=pad[0], padh=pad[1] - ) + labels[:, 1:] = xywhn2xyxy(labels[:, 1:], ratio[0] * w, ratio[1] * h, padw=pad[0], padh=pad[1]) if self.augment: img, labels = random_perspective( @@ -918,9 +821,7 @@ def __getitem__(self, index): nl = len(labels) # number of labels if nl: - labels[:, 1:5] = xyxy2xywhn( - labels[:, 1:5], w=img.shape[1], h=img.shape[0], clip=True, eps=1e-3 - ) + labels[:, 1:5] = xyxy2xywhn(labels[:, 1:5], w=img.shape[1], h=img.shape[0], clip=True, eps=1e-3) if self.augment: # Albumentations @@ -973,9 +874,7 @@ def load_image(self, i): r = self.img_size / max(h0, w0) # ratio if r != 1: # if sizes are not equal interp = cv2.INTER_LINEAR if (self.augment or r > 1) else cv2.INTER_AREA - im = cv2.resize( - im, (math.ceil(w0 * r), math.ceil(h0 * r)), interpolation=interp - ) + im = cv2.resize(im, (math.ceil(w0 * r), math.ceil(h0 * r)), interpolation=interp) return im, (h0, w0), im.shape[:2] # im, hw_original, hw_resized return self.ims[i], self.im_hw0[i], self.im_hw[i] # im, hw_original, hw_resized @@ -989,12 +888,8 @@ def load_mosaic(self, index): # YOLOv5 4-mosaic loader. Loads 1 image + 3 random images into a 4-image mosaic labels4, segments4 = [], [] s = self.img_size - yc, xc = ( - int(random.uniform(-x, 2 * s + x)) for x in self.mosaic_border - ) # mosaic center x, y - indices = [index] + random.choices( - self.indices, k=3 - ) # 3 additional image indices + yc, xc = (int(random.uniform(-x, 2 * s + x)) for x in self.mosaic_border) # mosaic center x, y + indices = [index] + random.choices(self.indices, k=3) # 3 additional image indices random.shuffle(indices) for i, index in enumerate(indices): # Load image @@ -1002,9 +897,7 @@ def load_mosaic(self, index): # place img in img4 if i == 0: # top left - img4 = np.full( - (s * 2, s * 2, img.shape[2]), 114, dtype=np.uint8 - ) # base image with 4 tiles + img4 = np.full((s * 2, s * 2, img.shape[2]), 114, dtype=np.uint8) # base image with 4 tiles x1a, y1a, x2a, y2a = ( max(xc - w, 0), max(yc - h, 0), @@ -1034,9 +927,7 @@ def load_mosaic(self, index): # Labels labels, segments = self.labels[index].copy(), self.segments[index].copy() if labels.size: - labels[:, 1:] = xywhn2xyxy( - labels[:, 1:], w, h, padw, padh - ) # normalized xywh to pixel xyxy format + labels[:, 1:] = xywhn2xyxy(labels[:, 1:], w, h, padw, padh) # normalized xywh to pixel xyxy format segments = [xyn2xy(x, w, h, padw, padh) for x in segments] labels4.append(labels) segments4.extend(segments) @@ -1048,9 +939,7 @@ def load_mosaic(self, index): # img4, labels4 = replicate(img4, labels4) # replicate # Augment - img4, labels4, segments4 = copy_paste( - img4, labels4, segments4, p=self.hyp["copy_paste"] - ) + img4, labels4, segments4 = copy_paste(img4, labels4, segments4, p=self.hyp["copy_paste"]) img4, labels4 = random_perspective( img4, labels4, @@ -1069,9 +958,7 @@ def load_mosaic9(self, index): # YOLOv5 9-mosaic loader. Loads 1 image + 8 random images into a 9-image mosaic labels9, segments9 = [], [] s = self.img_size - indices = [index] + random.choices( - self.indices, k=8 - ) # 8 additional image indices + indices = [index] + random.choices(self.indices, k=8) # 8 additional image indices random.shuffle(indices) hp, wp = -1, -1 # height, width previous for i, index in enumerate(indices): @@ -1080,9 +967,7 @@ def load_mosaic9(self, index): # place img in img9 if i == 0: # center - img9 = np.full( - (s * 3, s * 3, img.shape[2]), 114, dtype=np.uint8 - ) # base image with 4 tiles + img9 = np.full((s * 3, s * 3, img.shape[2]), 114, dtype=np.uint8) # base image with 4 tiles h0, w0 = h, w c = s, s, s + w, s + h # xmin, ymin, xmax, ymax (base) coordinates elif i == 1: # top @@ -1108,23 +993,17 @@ def load_mosaic9(self, index): # Labels labels, segments = self.labels[index].copy(), self.segments[index].copy() if labels.size: - labels[:, 1:] = xywhn2xyxy( - labels[:, 1:], w, h, padx, pady - ) # normalized xywh to pixel xyxy format + labels[:, 1:] = xywhn2xyxy(labels[:, 1:], w, h, padx, pady) # normalized xywh to pixel xyxy format segments = [xyn2xy(x, w, h, padx, pady) for x in segments] labels9.append(labels) segments9.extend(segments) # Image - img9[y1:y2, x1:x2] = img[ - y1 - pady :, x1 - padx : - ] # img9[ymin:ymax, xmin:xmax] + img9[y1:y2, x1:x2] = img[y1 - pady :, x1 - padx :] # img9[ymin:ymax, xmin:xmax] hp, wp = h, w # height, width previous # Offset - yc, xc = ( - int(random.uniform(0, s)) for _ in self.mosaic_border - ) # mosaic center x, y + yc, xc = (int(random.uniform(0, s)) for _ in self.mosaic_border) # mosaic center x, y img9 = img9[yc : yc + 2 * s, xc : xc + 2 * s] # Concat/clip labels @@ -1139,9 +1018,7 @@ def load_mosaic9(self, index): # img9, labels9 = replicate(img9, labels9) # replicate # Augment - img9, labels9, segments9 = copy_paste( - img9, labels9, segments9, p=self.hyp["copy_paste"] - ) + img9, labels9, segments9 = copy_paste(img9, labels9, segments9, p=self.hyp["copy_paste"]) img9, labels9 = random_perspective( img9, labels9, @@ -1227,9 +1104,7 @@ def extract_boxes( ): # from utils.dataloaders import *; extract_boxes() # Convert detection dataset into classification dataset, with one directory per class path = Path(path) # images dir - shutil.rmtree(path / "classification") if ( - path / "classification" - ).is_dir() else None # remove existing + shutil.rmtree(path / "classification") if (path / "classification").is_dir() else None # remove existing files = list(path.rglob("*.*")) n = len(files) # number of files for im_file in tqdm(files, total=n): @@ -1249,11 +1124,7 @@ def extract_boxes( for j, x in enumerate(lb): c = int(x[0]) # class - f = ( - (path / "classifier") - / f"{c}" - / f"{path.stem}_{im_file.stem}_{j}.jpg" - ) # new filename + f = (path / "classifier") / f"{c}" / f"{path.stem}_{im_file.stem}_{j}.jpg" # new filename if not f.parent.is_dir(): f.parent.mkdir(parents=True) @@ -1264,14 +1135,10 @@ def extract_boxes( b[[0, 2]] = np.clip(b[[0, 2]], 0, w) # clip boxes outside of image b[[1, 3]] = np.clip(b[[1, 3]], 0, h) - assert cv2.imwrite( - str(f), im[b[1] : b[3], b[0] : b[2]] - ), f"box failure in {f}" + assert cv2.imwrite(str(f), im[b[1] : b[3], b[0] : b[2]]), f"box failure in {f}" -def autosplit( - path=DATASETS_DIR / "coco128/images", weights=(0.9, 0.1, 0.0), annotated_only=False -): +def autosplit(path=DATASETS_DIR / "coco128/images", weights=(0.9, 0.1, 0.0), annotated_only=False): """Autosplit a dataset into train/val/test splits and save path/autosplit_*.txt files Usage: from utils.dataloaders import *; autosplit() Arguments @@ -1280,14 +1147,10 @@ def autosplit( annotated_only: Only use images with an annotated txt file """ path = Path(path) # images dir - files = sorted( - x for x in path.rglob("*.*") if x.suffix[1:].lower() in IMG_FORMATS - ) # image files only + files = sorted(x for x in path.rglob("*.*") if x.suffix[1:].lower() in IMG_FORMATS) # image files only n = len(files) # number of files random.seed(0) # for reproducibility - indices = random.choices( - [0, 1, 2], weights=weights, k=n - ) # assign each image to a split + indices = random.choices([0, 1, 2], weights=weights, k=n) # assign each image to a split txt = [ "autosplit_train.txt", @@ -1298,18 +1161,11 @@ def autosplit( if (path.parent / x).exists(): (path.parent / x).unlink() # remove existing - print( - f"Autosplitting images from {path}" - + ", using *.txt labeled images only" * annotated_only - ) + print(f"Autosplitting images from {path}" + ", using *.txt labeled images only" * annotated_only) for i, img in tqdm(zip(indices, files), total=n): - if ( - not annotated_only or Path(img2label_paths([str(img)])[0]).exists() - ): # check label + if not annotated_only or Path(img2label_paths([str(img)])[0]).exists(): # check label with open(path.parent / txt[i], "a") as f: - f.write( - f"./{img.relative_to(path.parent).as_posix()}" + "\n" - ) # add image to txt file + f.write(f"./{img.relative_to(path.parent).as_posix()}" + "\n") # add image to txt file def verify_image_label(args): @@ -1334,12 +1190,8 @@ def verify_image_label(args): with open(im_file, "rb") as f: f.seek(-2, 2) if f.read() != b"\xff\xd9": # corrupt JPEG - ImageOps.exif_transpose(Image.open(im_file)).save( - im_file, "JPEG", subsampling=0, quality=100 - ) - msg = ( - f"{prefix}WARNING ⚠️ {im_file}: corrupt JPEG restored and saved" - ) + ImageOps.exif_transpose(Image.open(im_file)).save(im_file, "JPEG", subsampling=0, quality=100) + msg = f"{prefix}WARNING ⚠️ {im_file}: corrupt JPEG restored and saved" # verify labels if os.path.isfile(lb_file): @@ -1348,22 +1200,14 @@ def verify_image_label(args): lb = [x.split() for x in f.read().strip().splitlines() if len(x)] if any(len(x) > 6 for x in lb): # is segment classes = np.array([x[0] for x in lb], dtype=np.float32) - segments = [ - np.array(x[1:], dtype=np.float32).reshape(-1, 2) for x in lb - ] # (cls, xy1...) - lb = np.concatenate( - (classes.reshape(-1, 1), segments2boxes(segments)), 1 - ) # (cls, xywh) + segments = [np.array(x[1:], dtype=np.float32).reshape(-1, 2) for x in lb] # (cls, xy1...) + lb = np.concatenate((classes.reshape(-1, 1), segments2boxes(segments)), 1) # (cls, xywh) lb = np.array(lb, dtype=np.float32) nl = len(lb) if nl: - assert ( - lb.shape[1] == 5 - ), f"labels require 5 columns, {lb.shape[1]} columns detected" + assert lb.shape[1] == 5, f"labels require 5 columns, {lb.shape[1]} columns detected" assert (lb >= 0).all(), f"negative label values {lb[lb < 0]}" - assert ( - lb[:, 1:] <= 1 - ).all(), f"non-normalized or out of bounds coordinates {lb[:, 1:][lb[:, 1:] > 1]}" + assert (lb[:, 1:] <= 1).all(), f"non-normalized or out of bounds coordinates {lb[:, 1:][lb[:, 1:] > 1]}" _, i = np.unique(lb, axis=0, return_index=True) if len(i) < nl: # duplicate row check lb = lb[i] # remove duplicates @@ -1422,20 +1266,12 @@ def __init__(self, path="coco128.yaml", autodownload=False): @staticmethod def _find_yaml(dir): # Return data.yaml file - files = list(dir.glob("*.yaml")) or list( - dir.rglob("*.yaml") - ) # try root level first and then recursive + files = list(dir.glob("*.yaml")) or list(dir.rglob("*.yaml")) # try root level first and then recursive assert files, f"No *.yaml file found in {dir}" if len(files) > 1: - files = [ - f for f in files if f.stem == dir.stem - ] # prefer *.yaml files that match dir name - assert ( - files - ), f"Multiple *.yaml files found in {dir}, only 1 *.yaml file allowed" - assert ( - len(files) == 1 - ), f"Multiple *.yaml files found: {files}, only 1 *.yaml file allowed in {dir}" + files = [f for f in files if f.stem == dir.stem] # prefer *.yaml files that match dir name + assert files, f"Multiple *.yaml files found in {dir}, only 1 *.yaml file allowed" + assert len(files) == 1, f"Multiple *.yaml files found: {files}, only 1 *.yaml file allowed in {dir}" return files[0] def _unzip(self, path): @@ -1445,9 +1281,7 @@ def _unzip(self, path): assert Path(path).is_file(), f"Error unzipping {path}, file not found" unzip_file(path, path=path.parent) dir = path.with_suffix("") # dataset directory == zip name - assert ( - dir.is_dir() - ), f"Error unzipping {path}, {dir} not found. path/to/abc.zip MUST unzip to path/to/abc/" + assert dir.is_dir(), f"Error unzipping {path}, {dir} not found. path/to/abc.zip MUST unzip to path/to/abc/" return True, str(dir), self._find_yaml(dir) # zipped, data_dir, yaml_path def _hub_ops(self, f, max_dim=1920): @@ -1486,9 +1320,7 @@ def _round(labels): x = np.array( [ np.bincount(label[:, 0].astype(int), minlength=self.data["nc"]) - for label in tqdm( - dataset.labels, total=dataset.n, desc="Statistics" - ) + for label in tqdm(dataset.labels, total=dataset.n, desc="Statistics") ] ) # shape(128x80) self.stats[split] = { @@ -1501,10 +1333,7 @@ def _round(labels): "unlabelled": int(np.all(x == 0, 1).sum()), "per_class": (x > 0).sum(0).tolist(), }, - "labels": [ - {str(Path(k).name): _round(v.tolist())} - for k, v in zip(dataset.im_files, dataset.labels) - ], + "labels": [{str(Path(k).name): _round(v.tolist())} for k, v in zip(dataset.im_files, dataset.labels)], } # Save, print and return @@ -1547,19 +1376,13 @@ class ClassificationDataset(torchvision.datasets.ImageFolder): def __init__(self, root, augment, imgsz, cache=False): super().__init__(root=root) self.torch_transforms = classify_transforms(imgsz) - self.album_transforms = ( - classify_albumentations(augment, imgsz) if augment else None - ) + self.album_transforms = classify_albumentations(augment, imgsz) if augment else None self.cache_ram = cache is True or cache == "ram" self.cache_disk = cache == "disk" - self.samples = [ - list(x) + [Path(x[0]).with_suffix(".npy"), None] for x in self.samples - ] # file, index, npy, im + self.samples = [list(x) + [Path(x[0]).with_suffix(".npy"), None] for x in self.samples] # file, index, npy, im def __getitem__(self, i): - f, j, fn, im = self.samples[ - i - ] # filename, index, filename.with_suffix('.npy'), image + f, j, fn, im = self.samples[i] # filename, index, filename.with_suffix('.npy'), image if self.cache_ram and im is None: im = self.samples[i][3] = cv2.imread(f) elif self.cache_disk: @@ -1569,9 +1392,7 @@ def __getitem__(self, i): else: # read image im = cv2.imread(f) # BGR if self.album_transforms: - sample = self.album_transforms(image=cv2.cvtColor(im, cv2.COLOR_BGR2RGB))[ - "image" - ] + sample = self.album_transforms(image=cv2.cvtColor(im, cv2.COLOR_BGR2RGB))["image"] else: sample = self.torch_transforms(im) return sample, j @@ -1589,17 +1410,11 @@ def create_classification_dataloader( ): # Returns Dataloader object to be used with YOLOv5 Classifier with torch_distributed_zero_first(rank): # init dataset *.cache only once if DDP - dataset = ClassificationDataset( - root=path, imgsz=imgsz, augment=augment, cache=cache - ) + dataset = ClassificationDataset(root=path, imgsz=imgsz, augment=augment, cache=cache) batch_size = min(batch_size, len(dataset)) nd = torch.cuda.device_count() - nw = min( - [os.cpu_count() // max(nd, 1), batch_size if batch_size > 1 else 0, workers] - ) - sampler = ( - None if rank == -1 else distributed.DistributedSampler(dataset, shuffle=shuffle) - ) + nw = min([os.cpu_count() // max(nd, 1), batch_size if batch_size > 1 else 0, workers]) + sampler = None if rank == -1 else distributed.DistributedSampler(dataset, shuffle=shuffle) generator = torch.Generator() generator.manual_seed(6148914691236517205 + RANK) return InfiniteDataLoader( diff --git a/models/experimental/yolov3/reference/utils/downloads.py b/models/experimental/yolov3/reference/utils/downloads.py index 16d89b7e16b..df1b7230cac 100644 --- a/models/experimental/yolov3/reference/utils/downloads.py +++ b/models/experimental/yolov3/reference/utils/downloads.py @@ -22,9 +22,7 @@ def is_url(url, check=True): url = str(url) result = urllib.parse.urlparse(url) assert all([result.scheme, result.netloc]) # check if is url - return ( - (urllib.request.urlopen(url).getcode() == 200) if check else True - ) # check if exists online + return (urllib.request.urlopen(url).getcode() == 200) if check else True # check if exists online except (AssertionError, urllib.request.HTTPError): return False @@ -46,14 +44,10 @@ def safe_download(file, url, url2=None, min_bytes=1e0, error_msg=""): from utils.general import LOGGER file = Path(file) - assert_msg = ( - f"Downloaded file '{file}' does not exist or size is < min_bytes={min_bytes}" - ) + assert_msg = f"Downloaded file '{file}' does not exist or size is < min_bytes={min_bytes}" try: # url1 LOGGER.info(f"Downloading {url} to {file}...") - torch.hub.download_url_to_file( - url, str(file), progress=LOGGER.level <= logging.INFO - ) + torch.hub.download_url_to_file(url, str(file), progress=LOGGER.level <= logging.INFO) assert file.exists() and file.stat().st_size > min_bytes, assert_msg # check except Exception as e: # url2 if file.exists(): @@ -78,12 +72,8 @@ def github_assets(repository, version="latest"): # Return GitHub repo tag (i.e. 'v7.0') and assets (i.e. ['yolov5s.pt', 'yolov5m.pt', ...]) if version != "latest": version = f"tags/{version}" # i.e. tags/v7.0 - response = requests.get( - f"https://api.github.com/repos/{repository}/releases/{version}" - ).json() # github api - return response["tag_name"], [ - x["name"] for x in response["assets"] - ] # tag, assets + response = requests.get(f"https://api.github.com/repos/{repository}/releases/{version}").json() # github api + return response["tag_name"], [x["name"] for x in response["assets"]] # tag, assets file = Path(str(file).strip().replace("'", "")) if not file.exists(): @@ -91,9 +81,7 @@ def github_assets(repository, version="latest"): name = Path(urllib.parse.unquote(str(file))).name # decode '%2F' to '/' etc. if str(file).startswith(("http:/", "https:/")): # download url = str(file).replace(":/", "://") # Pathlib turns :// -> :/ - file = name.split("?")[ - 0 - ] # parse authentication https://url.com/file.txt?auth... + file = name.split("?")[0] # parse authentication https://url.com/file.txt?auth... if Path(file).is_file(): LOGGER.info(f"Found {url} locally at {file}") # file already exists else: @@ -101,11 +89,7 @@ def github_assets(repository, version="latest"): return file # GitHub assets - assets = [ - f"yolov5{size}{suffix}.pt" - for size in "nsmlx" - for suffix in ("", "6", "-cls", "-seg") - ] # default + assets = [f"yolov5{size}{suffix}.pt" for size in "nsmlx" for suffix in ("", "6", "-cls", "-seg")] # default try: tag, assets = github_assets(repo, release) except Exception: @@ -113,13 +97,7 @@ def github_assets(repository, version="latest"): tag, assets = github_assets(repo) # latest release except Exception: try: - tag = ( - subprocess.check_output( - "git tag", shell=True, stderr=subprocess.STDOUT - ) - .decode() - .split()[-1] - ) + tag = subprocess.check_output("git tag", shell=True, stderr=subprocess.STDOUT).decode().split()[-1] except Exception: tag = release diff --git a/models/experimental/yolov3/reference/utils/general.py b/models/experimental/yolov3/reference/utils/general.py index 9b133a9d24b..404f9638ce2 100644 --- a/models/experimental/yolov3/reference/utils/general.py +++ b/models/experimental/yolov3/reference/utils/general.py @@ -53,33 +53,19 @@ RANK = int(os.getenv("RANK", -1)) # Settings -NUM_THREADS = min( - 8, max(1, os.cpu_count() - 1) -) # number of YOLOv3 multiprocessing threads -DATASETS_DIR = Path( - os.getenv("YOLOv5_DATASETS_DIR", ROOT.parent / "datasets") -) # global datasets directory -AUTOINSTALL = ( - str(os.getenv("YOLOv5_AUTOINSTALL", True)).lower() == "true" -) # global auto-install mode -VERBOSE = ( - str(os.getenv("YOLOv5_VERBOSE", True)).lower() == "true" -) # global verbose mode +NUM_THREADS = min(8, max(1, os.cpu_count() - 1)) # number of YOLOv3 multiprocessing threads +DATASETS_DIR = Path(os.getenv("YOLOv5_DATASETS_DIR", ROOT.parent / "datasets")) # global datasets directory +AUTOINSTALL = str(os.getenv("YOLOv5_AUTOINSTALL", True)).lower() == "true" # global auto-install mode +VERBOSE = str(os.getenv("YOLOv5_VERBOSE", True)).lower() == "true" # global verbose mode TQDM_BAR_FORMAT = "{l_bar}{bar:10}{r_bar}" # tqdm bar format FONT = "Arial.ttf" # https://ultralytics.com/assets/Arial.ttf torch.set_printoptions(linewidth=320, precision=5, profile="long") -np.set_printoptions( - linewidth=320, formatter={"float_kind": "{:11.5g}".format} -) # format short g, %precision=5 +np.set_printoptions(linewidth=320, formatter={"float_kind": "{:11.5g}".format}) # format short g, %precision=5 pd.options.display.max_columns = 10 -cv2.setNumThreads( - 0 -) # prevent OpenCV from multithreading (incompatible with PyTorch DataLoader) +cv2.setNumThreads(0) # prevent OpenCV from multithreading (incompatible with PyTorch DataLoader) os.environ["NUMEXPR_MAX_THREADS"] = str(NUM_THREADS) # NumExpr max threads -os.environ["OMP_NUM_THREADS"] = ( - "1" if platform.system() == "darwin" else str(NUM_THREADS) -) # OpenMP (PyTorch and SciPy) +os.environ["OMP_NUM_THREADS"] = "1" if platform.system() == "darwin" else str(NUM_THREADS) # OpenMP (PyTorch and SciPy) def is_ascii(s=""): @@ -106,10 +92,7 @@ def is_notebook(): def is_kaggle(): # Is environment a Kaggle Notebook? - return ( - os.environ.get("PWD") == "/kaggle/working" - and os.environ.get("KAGGLE_URL_BASE") == "https://www.kaggle.com" - ) + return os.environ.get("PWD") == "/kaggle/working" and os.environ.get("KAGGLE_URL_BASE") == "https://www.kaggle.com" def is_docker() -> bool: @@ -168,9 +151,7 @@ def set_logging(name=LOGGING_NAME, verbose=True): set_logging(LOGGING_NAME) # run before defining LOGGER -LOGGER = logging.getLogger( - LOGGING_NAME -) # define globally (used in train.py, val.py, detect.py, etc.) +LOGGER = logging.getLogger(LOGGING_NAME) # define globally (used in train.py, val.py, detect.py, etc.) if platform.system() == "Windows": for fn in LOGGER.info, LOGGER.warning: setattr(LOGGER, fn.__name__, lambda x: fn(emojis(x))) # emoji safe logging @@ -188,9 +169,7 @@ def user_config_dir(dir="Ultralytics", env_var="YOLOV5_CONFIG_DIR"): "Darwin": "Library/Application Support", } # 3 OS dirs path = Path.home() / cfg.get(platform.system(), "") # OS-specific config dir - path = ( - path if is_writeable(path) else Path("/tmp") - ) / dir # GCP and AWS lambda fix, only /tmp is writeable + path = (path if is_writeable(path) else Path("/tmp")) / dir # GCP and AWS lambda fix, only /tmp is writeable path.mkdir(exist_ok=True) # make if required return path @@ -230,9 +209,7 @@ def _timeout_handler(self, signum, frame): def __enter__(self): if platform.system() != "Windows": # not supported on Windows - signal.signal( - signal.SIGALRM, self._timeout_handler - ) # Set handler for SIGALRM + signal.signal(signal.SIGALRM, self._timeout_handler) # Set handler for SIGALRM signal.alarm(self.seconds) # start countdown for SIGALRM to be raised def __exit__(self, exc_type, exc_val, exc_tb): @@ -257,11 +234,7 @@ def __exit__(self, exc_type, exc_val, exc_tb): def methods(instance): # Get class/instance methods - return [ - f - for f in dir(instance) - if callable(getattr(instance, f)) and not f.startswith("__") - ] + return [f for f in dir(instance) if callable(getattr(instance, f)) and not f.startswith("__")] def print_args(args: Optional[dict] = None, show_file=True, show_func=False): @@ -287,9 +260,7 @@ def init_seeds(seed=0, deterministic=False): torch.cuda.manual_seed(seed) torch.cuda.manual_seed_all(seed) # for Multi-GPU, exception safe # torch.backends.cudnn.benchmark = True # AutoBatch problem https://github.com/ultralytics/yolov5/issues/9287 - if deterministic and check_version( - torch.__version__, "1.12.0" - ): # https://github.com/ultralytics/yolov5/pull/8213 + if deterministic and check_version(torch.__version__, "1.12.0"): # https://github.com/ultralytics/yolov5/pull/8213 torch.use_deterministic_algorithms(True) torch.backends.cudnn.deterministic = True os.environ["CUBLAS_WORKSPACE_CONFIG"] = ":4096:8" @@ -298,21 +269,13 @@ def init_seeds(seed=0, deterministic=False): def intersect_dicts(da, db, exclude=()): # Dictionary intersection of matching keys and shapes, omitting 'exclude' keys, using da values - return { - k: v - for k, v in da.items() - if k in db and all(x not in k for x in exclude) and v.shape == db[k].shape - } + return {k: v for k, v in da.items() if k in db and all(x not in k for x in exclude) and v.shape == db[k].shape} def get_default_args(func): # Get func() default arguments signature = inspect.signature(func) - return { - k: v.default - for k, v in signature.parameters.items() - if v.default is not inspect.Parameter.empty - } + return {k: v.default for k, v in signature.parameters.items() if v.default is not inspect.Parameter.empty} def get_latest_run(search_dir="."): @@ -357,18 +320,14 @@ def run_once(): except OSError: return False - return ( - run_once() or run_once() - ) # check twice to increase robustness to intermittent connectivity issues + return run_once() or run_once() # check twice to increase robustness to intermittent connectivity issues def git_describe(path=ROOT): # path must be a directory # Return human-readable git description, i.e. v5.0-5-g3e25f1e https://git-scm.com/docs/git-describe try: assert (Path(path) / ".git").is_dir() - return check_output( - f"git -C {path} describe --tags --long --always", shell=True - ).decode()[:-1] + return check_output(f"git -C {path} describe --tags --long --always", shell=True).decode()[:-1] except Exception: return "" @@ -383,9 +342,7 @@ def check_git_status(repo="ultralytics/yolov5", branch="master"): assert Path(".git").exists(), s + "skipping check (not a git repository)" + msg assert check_online(), s + "skipping check (offline)" + msg - splits = re.split( - pattern=r"\s", string=check_output("git remote -v", shell=True).decode() - ) + splits = re.split(pattern=r"\s", string=check_output("git remote -v", shell=True).decode()) matches = [repo in s for s in splits] if any(matches): remote = splits[matches.index(True) - 1] @@ -393,14 +350,8 @@ def check_git_status(repo="ultralytics/yolov5", branch="master"): remote = "ultralytics" check_output(f"git remote add {remote} {url}", shell=True) check_output(f"git fetch {remote}", shell=True, timeout=5) # git fetch - local_branch = ( - check_output("git rev-parse --abbrev-ref HEAD", shell=True).decode().strip() - ) # checked out - n = int( - check_output( - f"git rev-list {local_branch}..{remote}/{branch} --count", shell=True - ) - ) # commits behind + local_branch = check_output("git rev-parse --abbrev-ref HEAD", shell=True).decode().strip() # checked out + n = int(check_output(f"git rev-list {local_branch}..{remote}/{branch} --count", shell=True)) # commits behind if n > 0: pull = "git pull" if remote == "origin" else f"git pull {remote} {branch}" s += f"⚠️ YOLOv3 is out of date by {n} commit{'s' * (n > 1)}. Use `{pull}` or `git clone {url}` to update." @@ -417,12 +368,8 @@ def check_git_info(path="."): try: repo = git.Repo(path) - remote = repo.remotes.origin.url.replace( - ".git", "" - ) # i.e. 'https://github.com/ultralytics/yolov5' - commit = ( - repo.head.commit.hexsha - ) # i.e. '3134699c73af83aac2a481435550b968d5792c0d' + remote = repo.remotes.origin.url.replace(".git", "") # i.e. 'https://github.com/ultralytics/yolov5' + commit = repo.head.commit.hexsha # i.e. '3134699c73af83aac2a481435550b968d5792c0d' try: branch = repo.active_branch.name # i.e. 'main' except TypeError: # not on any branch @@ -464,9 +411,7 @@ def check_img_size(imgsz, s=32, floor=0): imgsz = list(imgsz) # convert to list if tuple new_size = [max(make_divisible(x, int(s)), floor) for x in imgsz] if new_size != imgsz: - LOGGER.warning( - f"WARNING ⚠️ --img-size {imgsz} must be multiple of max stride {s}, updating to {new_size}" - ) + LOGGER.warning(f"WARNING ⚠️ --img-size {imgsz} must be multiple of max stride {s}, updating to {new_size}") return new_size @@ -482,9 +427,7 @@ def check_imshow(warn=False): return True except Exception as e: if warn: - LOGGER.warning( - f"WARNING ⚠️ Environment does not support cv2.imshow() or PIL Image.show()\n{e}" - ) + LOGGER.warning(f"WARNING ⚠️ Environment does not support cv2.imshow() or PIL Image.show()\n{e}") return False @@ -512,17 +455,13 @@ def check_file(file, suffix=""): return file elif file.startswith(("http:/", "https:/")): # download url = file # warning: Pathlib turns :// -> :/ - file = Path( - urllib.parse.unquote(file).split("?")[0] - ).name # '%2F' to '/', split https://url.com/file.txt?auth + file = Path(urllib.parse.unquote(file).split("?")[0]).name # '%2F' to '/', split https://url.com/file.txt?auth if os.path.isfile(file): LOGGER.info(f"Found {url} locally at {file}") # file already exists else: LOGGER.info(f"Downloading {url} to {file}...") torch.hub.download_url_to_file(url, file) - assert ( - Path(file).exists() and Path(file).stat().st_size > 0 - ), f"File download failed: {url}" # check + assert Path(file).exists() and Path(file).stat().st_size > 0, f"File download failed: {url}" # check return file elif file.startswith("clearml://"): # ClearML Dataset ID assert ( @@ -532,13 +471,9 @@ def check_file(file, suffix=""): else: # search files = [] for d in "data", "models", "utils": # search directories - files.extend( - glob.glob(str(ROOT / d / "**" / file), recursive=True) - ) # find file + files.extend(glob.glob(str(ROOT / d / "**" / file), recursive=True)) # find file assert len(files), f"File not found: {file}" # assert file was found - assert ( - len(files) == 1 - ), f"Multiple files match '{file}', specify exact path: {files}" # assert unique + assert len(files) == 1, f"Multiple files match '{file}', specify exact path: {files}" # assert unique return files[0] # return file @@ -578,9 +513,7 @@ def check_dataset(data, autodownload=True): assert k in data, emojis(f"data.yaml '{k}:' field missing ❌") if isinstance(data["names"], (list, tuple)): # old array format data["names"] = dict(enumerate(data["names"])) # convert to dict - assert all( - isinstance(k, int) for k in data["names"].keys() - ), "data.yaml names keys must be integers, i.e. 2: car" + assert all(isinstance(k, int) for k in data["names"].keys()), "data.yaml names keys must be integers, i.e. 2: car" data["nc"] = len(data["names"]) # Resolve paths @@ -601,14 +534,9 @@ def check_dataset(data, autodownload=True): # Parse yaml train, val, test, s = (data.get(x) for x in ("train", "val", "test", "download")) if val: - val = [ - Path(x).resolve() for x in (val if isinstance(val, list) else [val]) - ] # val path + val = [Path(x).resolve() for x in (val if isinstance(val, list) else [val])] # val path if not all(x.exists() for x in val): - LOGGER.info( - "\nDataset not found ⚠️, missing paths %s" - % [str(x) for x in val if not x.exists()] - ) + LOGGER.info("\nDataset not found ⚠️, missing paths %s" % [str(x) for x in val if not x.exists()]) if not s or not autodownload: raise Exception("Dataset not found ❌") t = time.time() @@ -626,15 +554,9 @@ def check_dataset(data, autodownload=True): else: # python script r = exec(s, {"yaml": data}) # return None dt = f"({round(time.time() - t, 1)}s)" - s = ( - f"success ✅ {dt}, saved to {colorstr('bold', DATASETS_DIR)}" - if r in (0, None) - else f"failure {dt} ❌" - ) + s = f"success ✅ {dt}, saved to {colorstr('bold', DATASETS_DIR)}" if r in (0, None) else f"failure {dt} ❌" LOGGER.info(f"Dataset download {s}") - check_font( - "Arial.ttf" if is_ascii(data["names"]) else "Arial.Unicode.ttf", progress=True - ) # download fonts + check_font("Arial.ttf" if is_ascii(data["names"]) else "Arial.Unicode.ttf", progress=True) # download fonts return data # dictionary @@ -648,33 +570,21 @@ def amp_allclose(model, im): a = m(im).xywhn[0] # FP32 inference m.amp = True b = m(im).xywhn[0] # AMP inference - return a.shape == b.shape and torch.allclose( - a, b, atol=0.1 - ) # close to 10% absolute tolerance + return a.shape == b.shape and torch.allclose(a, b, atol=0.1) # close to 10% absolute tolerance prefix = colorstr("AMP: ") device = next(model.parameters()).device # get model device if device.type in ("cpu", "mps"): return False # AMP only used on CUDA devices f = ROOT / "data" / "images" / "bus.jpg" # image to check - im = ( - f - if f.exists() - else "https://ultralytics.com/images/bus.jpg" - if check_online() - else np.ones((640, 640, 3)) - ) + im = f if f.exists() else "https://ultralytics.com/images/bus.jpg" if check_online() else np.ones((640, 640, 3)) try: - assert amp_allclose(deepcopy(model), im) or amp_allclose( - DetectMultiBackend("yolov5n.pt", device), im - ) + assert amp_allclose(deepcopy(model), im) or amp_allclose(DetectMultiBackend("yolov5n.pt", device), im) LOGGER.info(f"{prefix}checks passed ✅") return True except Exception: help_url = "https://github.com/ultralytics/yolov5/issues/7908" - LOGGER.warning( - f"{prefix}checks failed ❌, disabling Automatic Mixed Precision. See {help_url}" - ) + LOGGER.warning(f"{prefix}checks failed ❌, disabling Automatic Mixed Precision. See {help_url}") return False @@ -707,9 +617,7 @@ def unzip_file(file, path=None, exclude=(".DS_Store", "__MACOSX")): def url2file(url): # Convert URL to filename, i.e. https://url.com/file.txt?auth -> file.txt url = str(Path(url)).replace(":/", "://") # Pathlib turns :// -> :/ - return Path(urllib.parse.unquote(url)).name.split("?")[ - 0 - ] # '%2F' to '/', split https://url.com/file.txt?auth + return Path(urllib.parse.unquote(url)).name.split("?")[0] # '%2F' to '/', split https://url.com/file.txt?auth def download(url, dir=".", unzip=True, delete=True, curl=False, threads=1, retry=3): @@ -725,21 +633,15 @@ def download_one(url, dir): for i in range(retry + 1): if curl: s = "sS" if threads > 1 else "" # silent - r = subprocess.run( - f'curl -# -{s}L "{url}" -o "{f}" --retry 9 -C -'.split() - ) + r = subprocess.run(f'curl -# -{s}L "{url}" -o "{f}" --retry 9 -C -'.split()) success = r == 0 else: - torch.hub.download_url_to_file( - url, f, progress=threads == 1 - ) # torch download + torch.hub.download_url_to_file(url, f, progress=threads == 1) # torch download success = f.is_file() if success: break elif i < retry: - LOGGER.warning( - f"⚠️ Download failure, retrying {i + 1}/{retry} {url}..." - ) + LOGGER.warning(f"⚠️ Download failure, retrying {i + 1}/{retry} {url}...") else: LOGGER.warning(f"❌ Failed to download {url}...") @@ -748,13 +650,9 @@ def download_one(url, dir): if is_zipfile(f): unzip_file(f, dir) # unzip elif is_tarfile(f): - subprocess.run( - ["tar", "xf", f, "--directory", f.parent], check=True - ) # unzip + subprocess.run(["tar", "xf", f, "--directory", f.parent], check=True) # unzip elif f.suffix == ".gz": - subprocess.run( - ["tar", "xfz", f, "--directory", f.parent], check=True - ) # unzip + subprocess.run(["tar", "xfz", f, "--directory", f.parent], check=True) # unzip if delete: f.unlink() # remove zip @@ -789,9 +687,7 @@ def one_cycle(y1=0.0, y2=1.0, steps=100): def colorstr(*input): # Colors a string https://en.wikipedia.org/wiki/ANSI_escape_code, i.e. colorstr('blue', 'hello world') - *args, string = ( - input if len(input) > 1 else ("blue", "bold", input[0]) - ) # color arguments, string + *args, string = input if len(input) > 1 else ("blue", "bold", input[0]) # color arguments, string colors = { "black": "\033[30m", # basic colors "red": "\033[31m", @@ -838,9 +734,7 @@ def labels_to_class_weights(labels, nc=80): def labels_to_image_weights(labels, nc=80, class_weights=np.ones(80)): # Produces image weights based on class_weights and image contents # Usage: index = random.choices(range(n), weights=image_weights, k=1) # weighted image sample - class_counts = np.array( - [np.bincount(x[:, 0].astype(int), minlength=nc) for x in labels] - ) + class_counts = np.array([np.bincount(x[:, 0].astype(int), minlength=nc) for x in labels]) return (class_weights.reshape(1, nc) * class_counts).sum(1) @@ -995,9 +889,7 @@ def segment2box(segment, width=640, height=640): x[inside], y[inside], ) - return ( - np.array([x.min(), y.min(), x.max(), y.max()]) if any(x) else np.zeros((1, 4)) - ) # xyxy + return np.array([x.min(), y.min(), x.max(), y.max()]) if any(x) else np.zeros((1, 4)) # xyxy def segments2boxes(segments): @@ -1015,23 +907,15 @@ def resample_segments(segments, n=1000): s = np.concatenate((s, s[0:1, :]), axis=0) x = np.linspace(0, len(s) - 1, n) xp = np.arange(len(s)) - segments[i] = ( - np.concatenate([np.interp(x, xp, s[:, i]) for i in range(2)]) - .reshape(2, -1) - .T - ) # segment xy + segments[i] = np.concatenate([np.interp(x, xp, s[:, i]) for i in range(2)]).reshape(2, -1).T # segment xy return segments def scale_boxes(img1_shape, boxes, img0_shape, ratio_pad=None): # Rescale boxes (xyxy) from img1_shape to img0_shape if ratio_pad is None: # calculate from img0_shape - gain = min( - img1_shape[0] / img0_shape[0], img1_shape[1] / img0_shape[1] - ) # gain = old / new - pad = (img1_shape[1] - img0_shape[1] * gain) / 2, ( - img1_shape[0] - img0_shape[0] * gain - ) / 2 # wh padding + gain = min(img1_shape[0] / img0_shape[0], img1_shape[1] / img0_shape[1]) # gain = old / new + pad = (img1_shape[1] - img0_shape[1] * gain) / 2, (img1_shape[0] - img0_shape[0] * gain) / 2 # wh padding else: gain = ratio_pad[0][0] pad = ratio_pad[1] @@ -1046,12 +930,8 @@ def scale_boxes(img1_shape, boxes, img0_shape, ratio_pad=None): def scale_segments(img1_shape, segments, img0_shape, ratio_pad=None, normalize=False): # Rescale coords (xyxy) from img1_shape to img0_shape if ratio_pad is None: # calculate from img0_shape - gain = min( - img1_shape[0] / img0_shape[0], img1_shape[1] / img0_shape[1] - ) # gain = old / new - pad = (img1_shape[1] - img0_shape[1] * gain) / 2, ( - img1_shape[0] - img0_shape[0] * gain - ) / 2 # wh padding + gain = min(img1_shape[0] / img0_shape[0], img1_shape[1] / img0_shape[1]) # gain = old / new + pad = (img1_shape[1] - img0_shape[1] * gain) / 2, (img1_shape[0] - img0_shape[0] * gain) / 2 # wh padding else: gain = ratio_pad[0][0] pad = ratio_pad[1] @@ -1106,15 +986,9 @@ def non_max_suppression( """ # Checks - assert ( - 0 <= conf_thres <= 1 - ), f"Invalid Confidence threshold {conf_thres}, valid values are between 0.0 and 1.0" - assert ( - 0 <= iou_thres <= 1 - ), f"Invalid IoU {iou_thres}, valid values are between 0.0 and 1.0" - if isinstance( - prediction, (list, tuple) - ): # YOLOv3 model in validation model, output = (inference_out, loss_out) + assert 0 <= conf_thres <= 1, f"Invalid Confidence threshold {conf_thres}, valid values are between 0.0 and 1.0" + assert 0 <= iou_thres <= 1, f"Invalid IoU {iou_thres}, valid values are between 0.0 and 1.0" + if isinstance(prediction, (list, tuple)): # YOLOv3 model in validation model, output = (inference_out, loss_out) prediction = prediction[0] # select only inference output device = prediction.device @@ -1159,9 +1033,7 @@ def non_max_suppression( x[:, 5:] *= x[:, 4:5] # conf = obj_conf * cls_conf # Box/Mask - box = xywh2xyxy( - x[:, :4] - ) # center_x, center_y, width, height) to (x1, y1, x2, y2) + box = xywh2xyxy(x[:, :4]) # center_x, center_y, width, height) to (x1, y1, x2, y2) mask = x[:, mi:] # zero columns if no masks # Detections matrix nx6 (xyxy, conf, cls) @@ -1184,9 +1056,7 @@ def non_max_suppression( n = x.shape[0] # number of boxes if not n: # no boxes continue - x = x[ - x[:, 4].argsort(descending=True)[:max_nms] - ] # sort by confidence and remove excess boxes + x = x[x[:, 4].argsort(descending=True)[:max_nms]] # sort by confidence and remove excess boxes # Batched NMS c = x[:, 5:6] * (0 if agnostic else max_wh) # classes @@ -1197,9 +1067,7 @@ def non_max_suppression( # update boxes as boxes(i,4) = weights(i,n) * boxes(n,4) iou = box_iou(boxes[i], boxes) > iou_thres # iou matrix weights = iou * scores[None] # box weights - x[i, :4] = torch.mm(weights, x[:, :4]).float() / weights.sum( - 1, keepdim=True - ) # merged boxes + x[i, :4] = torch.mm(weights, x[:, :4]).float() / weights.sum(1, keepdim=True) # merged boxes if redundant: i = i[iou.sum(1) > 1] # require redundancy @@ -1213,9 +1081,7 @@ def non_max_suppression( return output -def strip_optimizer( - f="best.pt", s="" -): # from utils.general import *; strip_optimizer() +def strip_optimizer(f="best.pt", s=""): # from utils.general import *; strip_optimizer() # Strip optimizer from 'f' to finalize training, optionally save as 's' x = torch.load(f, map_location=torch.device("cpu")) if x.get("ema"): @@ -1228,9 +1094,7 @@ def strip_optimizer( p.requires_grad = False torch.save(x, s or f) mb = os.path.getsize(s or f) / 1e6 # filesize - LOGGER.info( - f"Optimizer stripped from {f},{f' saved as {s},' if s else ''} {mb:.1f}MB" - ) + LOGGER.info(f"Optimizer stripped from {f},{f' saved as {s},' if s else ''} {mb:.1f}MB") def print_mutation(keys, results, hyp, save_dir, bucket, prefix=colorstr("evolve: ")): @@ -1244,17 +1108,11 @@ def print_mutation(keys, results, hyp, save_dir, bucket, prefix=colorstr("evolve # Download (optional) if bucket: url = f"gs://{bucket}/evolve.csv" - if gsutil_getsize(url) > ( - evolve_csv.stat().st_size if evolve_csv.exists() else 0 - ): - subprocess.run( - ["gsutil", "cp", f"{url}", f"{save_dir}"] - ) # download evolve.csv if larger than local + if gsutil_getsize(url) > (evolve_csv.stat().st_size if evolve_csv.exists() else 0): + subprocess.run(["gsutil", "cp", f"{url}", f"{save_dir}"]) # download evolve.csv if larger than local # Log to evolve.csv - s = ( - "" if evolve_csv.exists() else (("%20s," * n % keys).rstrip(",") + "\n") - ) # add header + s = "" if evolve_csv.exists() else (("%20s," * n % keys).rstrip(",") + "\n") # add header with open(evolve_csv, "a") as f: f.write(s + ("%20.5g," * n % vals).rstrip(",") + "\n") @@ -1290,9 +1148,7 @@ def print_mutation(keys, results, hyp, save_dir, bucket, prefix=colorstr("evolve ) if bucket: - subprocess.run( - ["gsutil", "cp", f"{evolve_csv}", f"{evolve_yaml}", f"gs://{bucket}"] - ) # upload + subprocess.run(["gsutil", "cp", f"{evolve_csv}", f"{evolve_yaml}", f"gs://{bucket}"]) # upload def apply_classifier(x, model, img, im0): @@ -1324,9 +1180,7 @@ def apply_classifier(x, model, img, im0): im /= 255 # 0 - 255 to 0.0 - 1.0 ims.append(im) - pred_cls2 = model(torch.Tensor(ims).to(d.device)).argmax( - 1 - ) # classifier prediction + pred_cls2 = model(torch.Tensor(ims).to(d.device)).argmax(1) # classifier prediction x[i] = x[i][pred_cls1 == pred_cls2] # retain matching class detections return x @@ -1336,9 +1190,7 @@ def increment_path(path, exist_ok=False, sep="", mkdir=False): # Increment file or directory path, i.e. runs/exp --> runs/exp{sep}2, runs/exp{sep}3, ... etc. path = Path(path) # os-agnostic if path.exists() and not exist_ok: - path, suffix = ( - (path.with_suffix(""), path.suffix) if path.is_file() else (path, "") - ) + path, suffix = (path.with_suffix(""), path.suffix) if path.is_file() else (path, "") # Method 1 for n in range(2, 9999): diff --git a/models/experimental/yolov3/reference/utils/plots.py b/models/experimental/yolov3/reference/utils/plots.py index d92a355a81e..bcf87a132b1 100644 --- a/models/experimental/yolov3/reference/utils/plots.py +++ b/models/experimental/yolov3/reference/utils/plots.py @@ -97,9 +97,7 @@ def check_pil_font(font=FONT, size=10): check_font(font) return ImageFont.truetype(str(font), size) except TypeError: - check_requirements( - "Pillow>=8.4.0" - ) # known issue https://github.com/ultralytics/yolov5/issues/5374 + check_requirements("Pillow>=8.4.0") # known issue https://github.com/ultralytics/yolov5/issues/5374 except URLError: # not online return ImageFont.load_default() @@ -115,12 +113,8 @@ def __init__( pil=False, example="abc", ): - assert ( - im.data.contiguous - ), "Image not contiguous. Apply np.ascontiguousarray(im) to Annotator() input images." - non_ascii = not is_ascii( - example - ) # non-latin labels, i.e. asian, arabic, cyrillic + assert im.data.contiguous, "Image not contiguous. Apply np.ascontiguousarray(im) to Annotator() input images." + non_ascii = not is_ascii(example) # non-latin labels, i.e. asian, arabic, cyrillic self.pil = pil or non_ascii if self.pil: # use PIL self.im = im if isinstance(im, Image.Image) else Image.fromarray(im) @@ -133,16 +127,12 @@ def __init__( self.im = im self.lw = line_width or max(round(sum(im.shape) / 2 * 0.003), 2) # line width - def box_label( - self, box, label="", color=(128, 128, 128), txt_color=(255, 255, 255) - ): + def box_label(self, box, label="", color=(128, 128, 128), txt_color=(255, 255, 255)): # Add one xyxy box to image with label if self.pil or not is_ascii(label): self.draw.rectangle(box, width=self.lw, outline=color) # box if label: - w, h = self.font.getsize( - label - ) # text width, height (WARNING: deprecated) in 9.2.0 + w, h = self.font.getsize(label) # text width, height (WARNING: deprecated) in 9.2.0 # _, _, w, h = self.font.getbbox(label) # text width, height (New) outside = box[1] - h >= 0 # label fits outside box self.draw.rectangle( @@ -163,14 +153,10 @@ def box_label( ) else: # cv2 p1, p2 = (int(box[0]), int(box[1])), (int(box[2]), int(box[3])) - cv2.rectangle( - self.im, p1, p2, color, thickness=self.lw, lineType=cv2.LINE_AA - ) + cv2.rectangle(self.im, p1, p2, color, thickness=self.lw, lineType=cv2.LINE_AA) if label: tf = max(self.lw - 1, 1) # font thickness - w, h = cv2.getTextSize(label, 0, fontScale=self.lw / 3, thickness=tf)[ - 0 - ] # text width, height + w, h = cv2.getTextSize(label, 0, fontScale=self.lw / 3, thickness=tf)[0] # text width, height outside = p1[1] - h >= 3 p2 = p1[0] + w, p1[1] - h - 3 if outside else p1[1] + h + 3 cv2.rectangle(self.im, p1, p2, color, -1, cv2.LINE_AA) # filled @@ -204,19 +190,13 @@ def masks(self, masks, colors, im_gpu, alpha=0.5, retina_masks=False): masks_color = masks * (colors * alpha) # shape(n,h,w,3) inv_alph_masks = (1 - masks * alpha).cumprod(0) # shape(n,h,w,1) - mcs = (masks_color * inv_alph_masks).sum( - 0 - ) * 2 # mask color summand shape(n,h,w,3) + mcs = (masks_color * inv_alph_masks).sum(0) * 2 # mask color summand shape(n,h,w,3) im_gpu = im_gpu.flip(dims=[0]) # flip channel im_gpu = im_gpu.permute(1, 2, 0).contiguous() # shape(h,w,3) im_gpu = im_gpu * inv_alph_masks[-1] + mcs im_mask = (im_gpu * 255).byte().cpu().numpy() - self.im[:] = ( - im_mask - if retina_masks - else scale_image(im_gpu.shape, im_mask, self.im.shape) - ) + self.im[:] = im_mask if retina_masks else scale_image(im_gpu.shape, im_mask, self.im.shape) if self.pil: # convert im back to PIL and update draw self.fromarray(self.im) @@ -242,9 +222,7 @@ def result(self): return np.asarray(self.im) -def feature_visualization( - x, module_type, stage, n=32, save_dir=Path("runs/detect/exp") -): +def feature_visualization(x, module_type, stage, n=32, save_dir=Path("runs/detect/exp")): """ x: Features to be visualized module_type: Module type @@ -255,17 +233,11 @@ def feature_visualization( if "Detect" not in module_type: batch, channels, height, width = x.shape # batch, channels, height, width if height > 1 and width > 1: - f = ( - save_dir / f"stage{stage}_{module_type.split('.')[-1]}_features.png" - ) # filename + f = save_dir / f"stage{stage}_{module_type.split('.')[-1]}_features.png" # filename - blocks = torch.chunk( - x[0].cpu(), channels, dim=0 - ) # select batch index 0, block by channels + blocks = torch.chunk(x[0].cpu(), channels, dim=0) # select batch index 0, block by channels n = min(n, channels) # number of plots - fig, ax = plt.subplots( - math.ceil(n / 8), 8, tight_layout=True - ) # 8 rows x n/8 cols + fig, ax = plt.subplots(math.ceil(n / 8), 8, tight_layout=True) # 8 rows x n/8 cols ax = ax.ravel() plt.subplots_adjust(wspace=0.05, hspace=0.05) for i in range(n): @@ -344,26 +316,18 @@ def plot_images(images, targets, paths=None, fname="images.jpg", names=None): # Annotate fs = int((h + w) * ns * 0.01) # font size - annotator = Annotator( - mosaic, line_width=round(fs / 10), font_size=fs, pil=True, example=names - ) + annotator = Annotator(mosaic, line_width=round(fs / 10), font_size=fs, pil=True, example=names) for i in range(i + 1): x, y = int(w * (i // ns)), int(h * (i % ns)) # block origin - annotator.rectangle( - [x, y, x + w, y + h], None, (255, 255, 255), width=2 - ) # borders + annotator.rectangle([x, y, x + w, y + h], None, (255, 255, 255), width=2) # borders if paths: - annotator.text( - (x + 5, y + 5), text=Path(paths[i]).name[:40], txt_color=(220, 220, 220) - ) # filenames + annotator.text((x + 5, y + 5), text=Path(paths[i]).name[:40], txt_color=(220, 220, 220)) # filenames if len(targets) > 0: ti = targets[targets[:, 0] == i] # image targets boxes = xywh2xyxy(ti[:, 2:6]).T classes = ti[:, 1].astype("int") labels = ti.shape[1] == 6 # labels if no conf column - conf = ( - None if labels else ti[:, 6] - ) # check for confidence presence (label vs pred) + conf = None if labels else ti[:, 6] # check for confidence presence (label vs pred) if boxes.shape[1]: if boxes.max() <= 1.01: # if normalized with tolerance 0.01 @@ -430,9 +394,7 @@ def plot_targets_txt(): # from utils.plots import *; plot_targets_txt() plt.savefig("targets.jpg", dpi=200) -def plot_val_study( - file="", dir="", x=None -): # from utils.plots import *; plot_val_study() +def plot_val_study(file="", dir="", x=None): # from utils.plots import *; plot_val_study() # Plot file=study.txt generated by val.py (or plot all study*.txt in dir) save_dir = Path(file).parent if file else Path(dir) plot2 = False # plot additional results @@ -515,9 +477,7 @@ def plot_labels(labels, names=(), save_dir=Path("")): ax = plt.subplots(2, 2, figsize=(8, 8), tight_layout=True)[1].ravel() y = ax[0].hist(c, bins=np.linspace(0, nc, nc + 1) - 0.5, rwidth=0.8) with contextlib.suppress(Exception): # color histogram bars by class - [ - y[2].patches[i].set_color([x / 255 for x in colors(i)]) for i in range(nc) - ] # known issue #3195 + [y[2].patches[i].set_color([x / 255 for x in colors(i)]) for i in range(nc)] # known issue #3195 ax[0].set_ylabel("instances") if 0 < len(names) < 30: ax[0].set_xticks(range(len(names))) @@ -545,9 +505,7 @@ def plot_labels(labels, names=(), save_dir=Path("")): plt.close() -def imshow_cls( - im, labels=None, pred=None, names=None, nmax=25, verbose=False, f=Path("images.jpg") -): +def imshow_cls(im, labels=None, pred=None, names=None, nmax=25, verbose=False, f=Path("images.jpg")): # Show classification image grid with labels (optional) and predictions (optional) from utils.augmentations import denormalize @@ -571,9 +529,7 @@ def imshow_cls( if verbose: LOGGER.info(f"Saving {f}") if labels is not None: - LOGGER.info( - "True: " + " ".join(f"{names[i]:3s}" for i in labels[:nmax]) - ) + LOGGER.info("True: " + " ".join(f"{names[i]:3s}" for i in labels[:nmax])) if pred is not None: LOGGER.info("Predicted:" + " ".join(f"{names[i]:3s}" for i in pred[:nmax])) return f @@ -596,9 +552,7 @@ def plot_evolve( v = x[:, 7 + i] mu = v[j] # best single result plt.subplot(6, 5, i + 1) - plt.scatter( - v, f, c=hist2d(v, f, 20), cmap="viridis", alpha=0.8, edgecolors="none" - ) + plt.scatter(v, f, c=hist2d(v, f, 20), cmap="viridis", alpha=0.8, edgecolors="none") plt.plot(mu, f.max(), "k+", markersize=15) plt.title(f"{k} = {mu:.3g}", fontdict={"size": 9}) # limit to 40 characters if i % 5 != 0: @@ -616,9 +570,7 @@ def plot_results(file="path/to/results.csv", dir=""): fig, ax = plt.subplots(2, 5, figsize=(12, 6), tight_layout=True) ax = ax.ravel() files = list(save_dir.glob("results*.csv")) - assert len( - files - ), f"No results.csv files found in {save_dir.resolve()}, nothing to plot." + assert len(files), f"No results.csv files found in {save_dir.resolve()}, nothing to plot." for f in files: try: data = pd.read_csv(f) @@ -627,12 +579,8 @@ def plot_results(file="path/to/results.csv", dir=""): for i, j in enumerate([1, 2, 3, 4, 5, 8, 9, 10, 6, 7]): y = data.values[:, j].astype("float") # y[y == 0] = np.nan # don't show zero values - ax[i].plot( - x, y, marker=".", label=f.stem, linewidth=2, markersize=8 - ) # actual results - ax[i].plot( - x, gaussian_filter1d(y, sigma=3), ":", label="smooth", linewidth=2 - ) # smoothing line + ax[i].plot(x, y, marker=".", label=f.stem, linewidth=2, markersize=8) # actual results + ax[i].plot(x, gaussian_filter1d(y, sigma=3), ":", label="smooth", linewidth=2) # smoothing line ax[i].set_title(s[j], fontsize=12) # if j in [8, 9, 10]: # share train and val loss y axes # ax[i].get_shared_y_axes().join(ax[i], ax[i - 5]) @@ -689,9 +637,7 @@ def profile_idetection(start=0, stop=0, labels=(), save_dir=""): plt.savefig(Path(save_dir) / "idetection_profile.png", dpi=200) -def save_one_box( - xyxy, im, file=Path("im.jpg"), gain=1.02, pad=10, square=False, BGR=False, save=True -): +def save_one_box(xyxy, im, file=Path("im.jpg"), gain=1.02, pad=10, square=False, BGR=False, save=True): # Save image crop as {file} with crop size multiple {gain} and {pad} pixels. Save and/or return crop xyxy = torch.tensor(xyxy).view(-1, 4) b = xyxy2xywh(xyxy) # boxes diff --git a/models/experimental/yolov3/reference/utils/segment_general.py b/models/experimental/yolov3/reference/utils/segment_general.py index 3956b6e1168..59fe0caadff 100644 --- a/models/experimental/yolov3/reference/utils/segment_general.py +++ b/models/experimental/yolov3/reference/utils/segment_general.py @@ -20,12 +20,8 @@ def crop_mask(masks, boxes): n, h, w = masks.shape x1, y1, x2, y2 = torch.chunk(boxes[:, :, None], 4, 1) # x1 shape(1,1,n) - r = torch.arange(w, device=masks.device, dtype=x1.dtype)[ - None, None, : - ] # rows shape(1,w,1) - c = torch.arange(h, device=masks.device, dtype=x1.dtype)[ - None, :, None - ] # cols shape(h,1,1) + r = torch.arange(w, device=masks.device, dtype=x1.dtype)[None, None, :] # rows shape(1,w,1) + c = torch.arange(h, device=masks.device, dtype=x1.dtype)[None, :, None] # cols shape(h,1,1) return masks * ((r >= x1) * (r < x2) * (c >= y1) * (c < y2)) @@ -43,9 +39,7 @@ def process_mask_upsample(protos, masks_in, bboxes, shape): c, mh, mw = protos.shape # CHW masks = (masks_in @ protos.float().view(c, -1)).sigmoid().view(-1, mh, mw) - masks = F.interpolate(masks[None], shape, mode="bilinear", align_corners=False)[ - 0 - ] # CHW + masks = F.interpolate(masks[None], shape, mode="bilinear", align_corners=False)[0] # CHW masks = crop_mask(masks, bboxes) # CHW return masks.gt_(0.5) @@ -73,9 +67,7 @@ def process_mask(protos, masks_in, bboxes, shape, upsample=False): masks = crop_mask(masks, downsampled_bboxes) # CHW if upsample: - masks = F.interpolate(masks[None], shape, mode="bilinear", align_corners=False)[ - 0 - ] # CHW + masks = F.interpolate(masks[None], shape, mode="bilinear", align_corners=False)[0] # CHW return masks.gt_(0.5) @@ -97,9 +89,7 @@ def process_mask_native(protos, masks_in, bboxes, shape): bottom, right = int(mh - pad[1]), int(mw - pad[0]) masks = masks[:, top:bottom, left:right] - masks = F.interpolate(masks[None], shape, mode="bilinear", align_corners=False)[ - 0 - ] # CHW + masks = F.interpolate(masks[None], shape, mode="bilinear", align_corners=False)[0] # CHW masks = crop_mask(masks, bboxes) # CHW return masks.gt_(0.5) @@ -112,21 +102,15 @@ def scale_image(im1_shape, masks, im0_shape, ratio_pad=None): """ # Rescale coordinates (xyxy) from im1_shape to im0_shape if ratio_pad is None: # calculate from im0_shape - gain = min( - im1_shape[0] / im0_shape[0], im1_shape[1] / im0_shape[1] - ) # gain = old / new - pad = (im1_shape[1] - im0_shape[1] * gain) / 2, ( - im1_shape[0] - im0_shape[0] * gain - ) / 2 # wh padding + gain = min(im1_shape[0] / im0_shape[0], im1_shape[1] / im0_shape[1]) # gain = old / new + pad = (im1_shape[1] - im0_shape[1] * gain) / 2, (im1_shape[0] - im0_shape[0] * gain) / 2 # wh padding else: pad = ratio_pad[1] top, left = int(pad[1]), int(pad[0]) # y, x bottom, right = int(im1_shape[0] - pad[1]), int(im1_shape[1] - pad[0]) if len(masks.shape) < 2: - raise ValueError( - f'"len of masks shape" should be 2 or 3, but got {len(masks.shape)}' - ) + raise ValueError(f'"len of masks shape" should be 2 or 3, but got {len(masks.shape)}') masks = masks[top:bottom, left:right] # masks = masks.permute(2, 0, 1).contiguous() # masks = F.interpolate(masks[None], im0_shape[:2], mode='bilinear', align_corners=False)[0] @@ -147,9 +131,7 @@ def mask_iou(mask1, mask2, eps=1e-7): return: masks iou, [N, M] """ intersection = torch.matmul(mask1, mask2.t()).clamp(0) - union = ( - mask1.sum(1)[:, None] + mask2.sum(1)[None] - ) - intersection # (area1 + area2) - intersection + union = (mask1.sum(1)[:, None] + mask2.sum(1)[None]) - intersection # (area1 + area2) - intersection return intersection / (union + eps) @@ -162,9 +144,7 @@ def masks_iou(mask1, mask2, eps=1e-7): return: masks iou, (N, ) """ intersection = (mask1 * mask2).sum(1).clamp(0) # (N, ) - union = (mask1.sum(1) + mask2.sum(1))[ - None - ] - intersection # (area1 + area2) - intersection + union = (mask1.sum(1) + mask2.sum(1))[None] - intersection # (area1 + area2) - intersection return intersection / (union + eps) diff --git a/models/experimental/yolov3/reference/utils/torch_utils.py b/models/experimental/yolov3/reference/utils/torch_utils.py index 6a12f55d952..0ead6258017 100644 --- a/models/experimental/yolov3/reference/utils/torch_utils.py +++ b/models/experimental/yolov3/reference/utils/torch_utils.py @@ -31,9 +31,7 @@ git_describe, ) -LOCAL_RANK = int( - os.getenv("LOCAL_RANK", -1) -) # https://pytorch.org/docs/stable/elastic/run.html +LOCAL_RANK = int(os.getenv("LOCAL_RANK", -1)) # https://pytorch.org/docs/stable/elastic/run.html RANK = int(os.getenv("RANK", -1)) WORLD_SIZE = int(os.getenv("WORLD_SIZE", 1)) @@ -63,9 +61,7 @@ def smartCrossEntropyLoss(label_smoothing=0.0): if check_version(torch.__version__, "1.10.0"): return nn.CrossEntropyLoss(label_smoothing=label_smoothing) if label_smoothing > 0: - LOGGER.warning( - f"WARNING ⚠️ label smoothing {label_smoothing} requires torch>=1.10.0" - ) + LOGGER.warning(f"WARNING ⚠️ label smoothing {label_smoothing} requires torch>=1.10.0") return nn.CrossEntropyLoss() @@ -76,9 +72,7 @@ def smart_DDP(model): "Please upgrade or downgrade torch to use DDP. See https://github.com/ultralytics/yolov5/issues/8395" ) if check_version(torch.__version__, "1.11.0"): - return DDP( - model, device_ids=[LOCAL_RANK], output_device=LOCAL_RANK, static_graph=True - ) + return DDP(model, device_ids=[LOCAL_RANK], output_device=LOCAL_RANK, static_graph=True) else: return DDP(model, device_ids=[LOCAL_RANK], output_device=LOCAL_RANK) @@ -87,11 +81,7 @@ def reshape_classifier_output(model, n=1000): # Update a TorchVision classification model to class count 'n' if required from models.common import Classify - name, m = list( - (model.model if hasattr(model, "model") else model).named_children() - )[ - -1 - ] # last module + name, m = list((model.model if hasattr(model, "model") else model).named_children())[-1] # last module if isinstance(m, Classify): # YOLOv3 Classify() head if m.linear.out_features != n: m.linear = nn.Linear(m.linear.in_features, n) @@ -133,16 +123,8 @@ def device_count(): "Windows", ), "device_count() only supported on Linux or Windows" try: - cmd = ( - "nvidia-smi -L | wc -l" - if platform.system() == "Linux" - else 'nvidia-smi -L | find /c /v ""' - ) # Windows - return int( - subprocess.run(cmd, shell=True, capture_output=True, check=True) - .stdout.decode() - .split()[-1] - ) + cmd = "nvidia-smi -L | wc -l" if platform.system() == "Linux" else 'nvidia-smi -L | find /c /v ""' # Windows + return int(subprocess.run(cmd, shell=True, capture_output=True, check=True).stdout.decode().split()[-1]) except Exception: return 0 @@ -150,40 +132,28 @@ def device_count(): def select_device(device="", batch_size=0, newline=True): # device = None or 'cpu' or 0 or '0' or '0,1,2,3' s = f"YOLOv3 🚀 {git_describe() or file_date()} Python-{platform.python_version()} torch-{torch.__version__} " - device = ( - str(device).strip().lower().replace("cuda:", "").replace("none", "") - ) # to string, 'cuda:0' to '0' + device = str(device).strip().lower().replace("cuda:", "").replace("none", "") # to string, 'cuda:0' to '0' cpu = device == "cpu" mps = device == "mps" # Apple Metal Performance Shaders (MPS) if cpu or mps: - os.environ[ - "CUDA_VISIBLE_DEVICES" - ] = "-1" # force torch.cuda.is_available() = False + os.environ["CUDA_VISIBLE_DEVICES"] = "-1" # force torch.cuda.is_available() = False elif device: # non-cpu device requested - os.environ[ - "CUDA_VISIBLE_DEVICES" - ] = device # set environment variable - must be before assert is_available() + os.environ["CUDA_VISIBLE_DEVICES"] = device # set environment variable - must be before assert is_available() assert torch.cuda.is_available() and torch.cuda.device_count() >= len( device.replace(",", "") ), f"Invalid CUDA '--device {device}' requested, use '--device cpu' or pass valid CUDA device(s)" if not cpu and not mps and torch.cuda.is_available(): # prefer GPU if available - devices = ( - device.split(",") if device else "0" - ) # range(torch.cuda.device_count()) # i.e. 0,1,6,7 + devices = device.split(",") if device else "0" # range(torch.cuda.device_count()) # i.e. 0,1,6,7 n = len(devices) # device count if n > 1 and batch_size > 0: # check batch_size is divisible by device_count - assert ( - batch_size % n == 0 - ), f"batch-size {batch_size} not multiple of GPU count {n}" + assert batch_size % n == 0, f"batch-size {batch_size} not multiple of GPU count {n}" space = " " * (len(s) + 1) for i, d in enumerate(devices): p = torch.cuda.get_device_properties(i) s += f"{'' if i == 0 else space}CUDA:{d} ({p.name}, {p.total_memory / (1 << 20):.0f}MiB)\n" # bytes to MB arg = "cuda:0" - elif ( - mps and getattr(torch, "has_mps", False) and torch.backends.mps.is_available() - ): # prefer MPS if available + elif mps and getattr(torch, "has_mps", False) and torch.backends.mps.is_available(): # prefer MPS if available s += "MPS\n" arg = "mps" else: # revert to CPU @@ -224,18 +194,10 @@ def profile(input, ops, n=10, device=None): x.requires_grad = True for m in ops if isinstance(ops, list) else [ops]: m = m.to(device) if hasattr(m, "to") else m # device - m = ( - m.half() - if hasattr(m, "half") - and isinstance(x, torch.Tensor) - and x.dtype is torch.float16 - else m - ) + m = m.half() if hasattr(m, "half") and isinstance(x, torch.Tensor) and x.dtype is torch.float16 else m tf, tb, t = 0, 0, [0, 0, 0] # dt forward, backward try: - flops = ( - thop.profile(m, inputs=(x,), verbose=False)[0] / 1e9 * 2 - ) # GFLOPs + flops = thop.profile(m, inputs=(x,), verbose=False)[0] / 1e9 * 2 # GFLOPs except Exception: flops = 0 @@ -245,34 +207,17 @@ def profile(input, ops, n=10, device=None): y = m(x) t[1] = time_sync() try: - _ = ( - (sum(yi.sum() for yi in y) if isinstance(y, list) else y) - .sum() - .backward() - ) + _ = (sum(yi.sum() for yi in y) if isinstance(y, list) else y).sum().backward() t[2] = time_sync() except Exception: # no backward method # print(e) # for debug t[2] = float("nan") tf += (t[1] - t[0]) * 1000 / n # ms per op forward tb += (t[2] - t[1]) * 1000 / n # ms per op backward - mem = ( - torch.cuda.memory_reserved() / 1e9 - if torch.cuda.is_available() - else 0 - ) # (GB) - s_in, s_out = ( - tuple(x.shape) if isinstance(x, torch.Tensor) else "list" - for x in (x, y) - ) # shapes - p = ( - sum(x.numel() for x in m.parameters()) - if isinstance(m, nn.Module) - else 0 - ) # parameters - print( - f"{p:12}{flops:12.4g}{mem:>14.3f}{tf:14.4g}{tb:14.4g}{str(s_in):>24s}{str(s_out):>24s}" - ) + mem = torch.cuda.memory_reserved() / 1e9 if torch.cuda.is_available() else 0 # (GB) + s_in, s_out = (tuple(x.shape) if isinstance(x, torch.Tensor) else "list" for x in (x, y)) # shapes + p = sum(x.numel() for x in m.parameters()) if isinstance(m, nn.Module) else 0 # parameters + print(f"{p:12}{flops:12.4g}{mem:>14.3f}{tf:14.4g}{tb:14.4g}{str(s_in):>24s}{str(s_out):>24s}") results.append([p, flops, mem, tf, tb, s_in, s_out]) except Exception as e: print(e) @@ -354,14 +299,8 @@ def fuse_conv_and_bn(conv, bn): fusedconv.weight.copy_(torch.mm(w_bn, w_conv).view(fusedconv.weight.shape)) # Prepare spatial bias - b_conv = ( - torch.zeros(conv.weight.size(0), device=conv.weight.device) - if conv.bias is None - else conv.bias - ) - b_bn = bn.bias - bn.weight.mul(bn.running_mean).div( - torch.sqrt(bn.running_var + bn.eps) - ) + b_conv = torch.zeros(conv.weight.size(0), device=conv.weight.device) if conv.bias is None else conv.bias + b_bn = bn.bias - bn.weight.mul(bn.running_mean).div(torch.sqrt(bn.running_var + bn.eps)) fusedconv.bias.copy_(torch.mm(w_bn, b_conv.reshape(-1, 1)).reshape(-1) + b_bn) return fusedconv @@ -370,13 +309,9 @@ def fuse_conv_and_bn(conv, bn): def model_info(model, verbose=False, imgsz=640): # Model information. img_size may be int or list, i.e. img_size=640 or img_size=[640, 320] n_p = sum(x.numel() for x in model.parameters()) # number parameters - n_g = sum( - x.numel() for x in model.parameters() if x.requires_grad - ) # number gradients + n_g = sum(x.numel() for x in model.parameters() if x.requires_grad) # number gradients if verbose: - print( - f"{'layer':>5} {'name':>40} {'gradient':>9} {'parameters':>12} {'shape':>20} {'mu':>10} {'sigma':>10}" - ) + print(f"{'layer':>5} {'name':>40} {'gradient':>9} {'parameters':>12} {'shape':>20} {'mu':>10} {'sigma':>10}") for i, (name, p) in enumerate(model.named_parameters()): name = name.replace("module_list.", "") print( @@ -394,30 +329,16 @@ def model_info(model, verbose=False, imgsz=640): try: # FLOPs p = next(model.parameters()) - stride = ( - max(int(model.stride.max()), 32) if hasattr(model, "stride") else 32 - ) # max stride - im = torch.empty( - (1, p.shape[1], stride, stride), device=p.device - ) # input image in BCHW format - flops = ( - thop.profile(deepcopy(model), inputs=(im,), verbose=False)[0] / 1e9 * 2 - ) # stride GFLOPs - imgsz = ( - imgsz if isinstance(imgsz, list) else [imgsz, imgsz] - ) # expand if int/float + stride = max(int(model.stride.max()), 32) if hasattr(model, "stride") else 32 # max stride + im = torch.empty((1, p.shape[1], stride, stride), device=p.device) # input image in BCHW format + flops = thop.profile(deepcopy(model), inputs=(im,), verbose=False)[0] / 1e9 * 2 # stride GFLOPs + imgsz = imgsz if isinstance(imgsz, list) else [imgsz, imgsz] # expand if int/float fs = f", {flops * imgsz[0] / stride * imgsz[1] / stride:.1f} GFLOPs" # 640x640 GFLOPs except Exception: fs = "" - name = ( - Path(model.yaml_file).stem.replace("yolov5", "YOLOv3") - if hasattr(model, "yaml_file") - else "Model" - ) - LOGGER.info( - f"{name} summary: {len(list(model.modules()))} layers, {n_p} parameters, {n_g} gradients{fs}" - ) + name = Path(model.yaml_file).stem.replace("yolov5", "YOLOv3") if hasattr(model, "yaml_file") else "Model" + LOGGER.info(f"{name} summary: {len(list(model.modules()))} layers, {n_p} parameters, {n_g} gradients{fs}") def scale_img(img, ratio=1.0, same_shape=False, gs=32): # img(16,3,256,416) @@ -444,9 +365,7 @@ def copy_attr(a, b, include=(), exclude=()): def smart_optimizer(model, name="Adam", lr=0.001, momentum=0.9, decay=1e-5): # YOLOv3 3-param group optimizer: 0) weights with decay, 1) weights no decay, 2) biases no decay g = [], [], [] # optimizer parameter groups - bn = tuple( - v for k, v in nn.__dict__.items() if "Norm" in k - ) # normalization layers, i.e. BatchNorm2d() + bn = tuple(v for k, v in nn.__dict__.items() if "Norm" in k) # normalization layers, i.e. BatchNorm2d() for v in model.modules(): for p_name, p in v.named_parameters(recurse=0): if p_name == "bias": # bias (no decay) @@ -457,13 +376,9 @@ def smart_optimizer(model, name="Adam", lr=0.001, momentum=0.9, decay=1e-5): g[0].append(p) # weight (with decay) if name == "Adam": - optimizer = torch.optim.Adam( - g[2], lr=lr, betas=(momentum, 0.999) - ) # adjust beta1 to momentum + optimizer = torch.optim.Adam(g[2], lr=lr, betas=(momentum, 0.999)) # adjust beta1 to momentum elif name == "AdamW": - optimizer = torch.optim.AdamW( - g[2], lr=lr, betas=(momentum, 0.999), weight_decay=0.0 - ) + optimizer = torch.optim.AdamW(g[2], lr=lr, betas=(momentum, 0.999), weight_decay=0.0) elif name == "RMSProp": optimizer = torch.optim.RMSprop(g[2], lr=lr, momentum=momentum) elif name == "SGD": @@ -471,12 +386,8 @@ def smart_optimizer(model, name="Adam", lr=0.001, momentum=0.9, decay=1e-5): else: raise NotImplementedError(f"Optimizer {name} not implemented.") - optimizer.add_param_group( - {"params": g[0], "weight_decay": decay} - ) # add g0 with weight_decay - optimizer.add_param_group( - {"params": g[1], "weight_decay": 0.0} - ) # add g1 (BatchNorm2d weights) + optimizer.add_param_group({"params": g[0], "weight_decay": decay}) # add g0 with weight_decay + optimizer.add_param_group({"params": g[1], "weight_decay": 0.0}) # add g1 (BatchNorm2d weights) LOGGER.info( f"{colorstr('optimizer:')} {type(optimizer).__name__}(lr={lr}) with parameter groups " f"{len(g[1])} weight(decay=0.0), {len(g[0])} weight(decay={decay}), {len(g[2])} bias" @@ -487,9 +398,7 @@ def smart_optimizer(model, name="Adam", lr=0.001, momentum=0.9, decay=1e-5): def smart_hub_load(repo="ultralytics/yolov5", model="yolov5s", **kwargs): # YOLOv3 torch.hub.load() wrapper with smart error/issue handling if check_version(torch.__version__, "1.9.1"): - kwargs[ - "skip_validation" - ] = True # validation causes GitHub API rate limit errors + kwargs["skip_validation"] = True # validation causes GitHub API rate limit errors if check_version(torch.__version__, "1.12.0"): kwargs["trust_repo"] = True # argument required starting in torch 0.12 try: @@ -498,9 +407,7 @@ def smart_hub_load(repo="ultralytics/yolov5", model="yolov5s", **kwargs): return torch.hub.load(repo, model, force_reload=True, **kwargs) -def smart_resume( - ckpt, optimizer, ema=None, weights="yolov5s.pt", epochs=300, resume=True -): +def smart_resume(ckpt, optimizer, ema=None, weights="yolov5s.pt", epochs=300, resume=True): # Resume training from a partially trained checkpoint best_fitness = 0.0 start_epoch = ckpt["epoch"] + 1 @@ -515,13 +422,9 @@ def smart_resume( f"{weights} training to {epochs} epochs is finished, nothing to resume.\n" f"Start a new training without --resume, i.e. 'python train.py --weights {weights}'" ) - LOGGER.info( - f"Resuming training from {weights} from epoch {start_epoch} to {epochs} total epochs" - ) + LOGGER.info(f"Resuming training from {weights} from epoch {start_epoch} to {epochs} total epochs") if epochs < start_epoch: - LOGGER.info( - f"{weights} has been trained for {ckpt['epoch']} epochs. Fine-tuning for {epochs} more epochs." - ) + LOGGER.info(f"{weights} has been trained for {ckpt['epoch']} epochs. Fine-tuning for {epochs} more epochs.") epochs += ckpt["epoch"] # finetune additional epochs return best_fitness, start_epoch, epochs @@ -531,21 +434,15 @@ class EarlyStopping: def __init__(self, patience=30): self.best_fitness = 0.0 # i.e. mAP self.best_epoch = 0 - self.patience = patience or float( - "inf" - ) # epochs to wait after fitness stops improving to stop + self.patience = patience or float("inf") # epochs to wait after fitness stops improving to stop self.possible_stop = False # possible stop may occur next epoch def __call__(self, epoch, fitness): - if ( - fitness >= self.best_fitness - ): # >= 0 to allow for early zero-fitness stage of training + if fitness >= self.best_fitness: # >= 0 to allow for early zero-fitness stage of training self.best_epoch = epoch self.best_fitness = fitness delta = epoch - self.best_epoch # epochs without improvement - self.possible_stop = delta >= ( - self.patience - 1 - ) # possible stop may occur next epoch + self.possible_stop = delta >= (self.patience - 1) # possible stop may occur next epoch stop = delta >= self.patience # stop training if patience exceeded if stop: LOGGER.info( @@ -567,9 +464,7 @@ def __init__(self, model, decay=0.9999, tau=2000, updates=0): # Create EMA self.ema = deepcopy(de_parallel(model)).eval() # FP32 EMA self.updates = updates # number of EMA updates - self.decay = lambda x: decay * ( - 1 - math.exp(-x / tau) - ) # decay exponential ramp (to help early epochs) + self.decay = lambda x: decay * (1 - math.exp(-x / tau)) # decay exponential ramp (to help early epochs) for p in self.ema.parameters(): p.requires_grad_(False) diff --git a/models/experimental/yolov5/reference/models/common.py b/models/experimental/yolov5/reference/models/common.py index 57830dd9666..010641da098 100644 --- a/models/experimental/yolov5/reference/models/common.py +++ b/models/experimental/yolov5/reference/models/common.py @@ -48,9 +48,7 @@ def autopad(k, p=None, d=1): # kernel, padding, dilation # Pad to 'same' shape outputs if d > 1: - k = ( - d * (k - 1) + 1 if isinstance(k, int) else [d * (x - 1) + 1 for x in k] - ) # actual kernel-size + k = d * (k - 1) + 1 if isinstance(k, int) else [d * (x - 1) + 1 for x in k] # actual kernel-size if p is None: p = k // 2 if isinstance(k, int) else [x // 2 for x in k] # auto-pad return p @@ -62,17 +60,9 @@ class Conv(nn.Module): def __init__(self, c1, c2, k=1, s=1, p=None, g=1, d=1, act=True): super().__init__() - self.conv = nn.Conv2d( - c1, c2, k, s, autopad(k, p, d), groups=g, dilation=d, bias=False - ) + self.conv = nn.Conv2d(c1, c2, k, s, autopad(k, p, d), groups=g, dilation=d, bias=False) self.bn = nn.BatchNorm2d(c2) - self.act = ( - self.default_act - if act is True - else act - if isinstance(act, nn.Module) - else nn.Identity() - ) + self.act = self.default_act if act is True else act if isinstance(act, nn.Module) else nn.Identity() def forward(self, x): return self.act(self.bn(self.conv(x))) @@ -83,17 +73,13 @@ def forward_fuse(self, x): class DWConv(Conv): # Depth-wise convolution - def __init__( - self, c1, c2, k=1, s=1, d=1, act=True - ): # ch_in, ch_out, kernel, stride, dilation, activation + def __init__(self, c1, c2, k=1, s=1, d=1, act=True): # ch_in, ch_out, kernel, stride, dilation, activation super().__init__(c1, c2, k, s, g=math.gcd(c1, c2), d=d, act=act) class DWConvTranspose2d(nn.ConvTranspose2d): # Depth-wise transpose convolution - def __init__( - self, c1, c2, k=1, s=1, p1=0, p2=0 - ): # ch_in, ch_out, kernel, stride, padding, padding_out + def __init__(self, c1, c2, k=1, s=1, p1=0, p2=0): # ch_in, ch_out, kernel, stride, padding, padding_out super().__init__(c1, c2, k, s, p1, p2, groups=math.gcd(c1, c2)) @@ -122,9 +108,7 @@ def __init__(self, c1, c2, num_heads, num_layers): if c1 != c2: self.conv = Conv(c1, c2) self.linear = nn.Linear(c2, c2) # learnable position embedding - self.tr = nn.Sequential( - *(TransformerLayer(c2, num_heads) for _ in range(num_layers)) - ) + self.tr = nn.Sequential(*(TransformerLayer(c2, num_heads) for _ in range(num_layers))) self.c2 = c2 def forward(self, x): @@ -137,9 +121,7 @@ def forward(self, x): class Bottleneck(nn.Module): # Standard bottleneck - def __init__( - self, c1, c2, shortcut=True, g=1, e=0.5 - ): # ch_in, ch_out, shortcut, groups, expansion + def __init__(self, c1, c2, shortcut=True, g=1, e=0.5): # ch_in, ch_out, shortcut, groups, expansion super().__init__() c_ = int(c2 * e) # hidden channels self.cv1 = Conv(c1, c_, 1, 1) @@ -152,9 +134,7 @@ def forward(self, x): class BottleneckCSP(nn.Module): # CSP Bottleneck https://github.com/WongKinYiu/CrossStagePartialNetworks - def __init__( - self, c1, c2, n=1, shortcut=True, g=1, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super().__init__() c_ = int(c2 * e) # hidden channels self.cv1 = Conv(c1, c_, 1, 1) @@ -163,9 +143,7 @@ def __init__( self.cv4 = Conv(2 * c_, c2, 1, 1) self.bn = nn.BatchNorm2d(2 * c_) # applied to cat(cv2, cv3) self.act = nn.SiLU() - self.m = nn.Sequential( - *(Bottleneck(c_, c_, shortcut, g, e=1.0) for _ in range(n)) - ) + self.m = nn.Sequential(*(Bottleneck(c_, c_, shortcut, g, e=1.0) for _ in range(n))) def forward(self, x): y1 = self.cv3(self.m(self.cv1(x))) @@ -189,17 +167,13 @@ def forward(self, x): class C3(nn.Module): # CSP Bottleneck with 3 convolutions - def __init__( - self, c1, c2, n=1, shortcut=True, g=1, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super().__init__() c_ = int(c2 * e) # hidden channels self.cv1 = Conv(c1, c_, 1, 1) self.cv2 = Conv(c1, c_, 1, 1) self.cv3 = Conv(2 * c_, c2, 1) # optional act=FReLU(c2) - self.m = nn.Sequential( - *(Bottleneck(c_, c_, shortcut, g, e=1.0) for _ in range(n)) - ) + self.m = nn.Sequential(*(Bottleneck(c_, c_, shortcut, g, e=1.0) for _ in range(n))) def forward(self, x): return self.cv3(torch.cat((self.m(self.cv1(x)), self.cv2(x)), 1)) @@ -210,9 +184,7 @@ class C3x(C3): def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): super().__init__(c1, c2, n, shortcut, g, e) c_ = int(c2 * e) - self.m = nn.Sequential( - *(CrossConv(c_, c_, 3, 1, g, 1.0, shortcut) for _ in range(n)) - ) + self.m = nn.Sequential(*(CrossConv(c_, c_, 3, 1, g, 1.0, shortcut) for _ in range(n))) class C3TR(C3): @@ -246,9 +218,7 @@ def __init__(self, c1, c2, k=(5, 9, 13)): c_ = c1 // 2 # hidden channels self.cv1 = Conv(c1, c_, 1, 1) self.cv2 = Conv(c_ * (len(k) + 1), c2, 1, 1) - self.m = nn.ModuleList( - [nn.MaxPool2d(kernel_size=x, stride=1, padding=x // 2) for x in k] - ) + self.m = nn.ModuleList([nn.MaxPool2d(kernel_size=x, stride=1, padding=x // 2) for x in k]) def forward(self, x): x = self.cv1(x) @@ -277,9 +247,7 @@ def forward(self, x): class Focus(nn.Module): # Focus wh information into c-space - def __init__( - self, c1, c2, k=1, s=1, p=None, g=1, act=True - ): # ch_in, ch_out, kernel, stride, padding, groups + def __init__(self, c1, c2, k=1, s=1, p=None, g=1, act=True): # ch_in, ch_out, kernel, stride, padding, groups super().__init__() self.conv = Conv(c1 * 4, c2, k, s, p, g, act=act) # self.contract = Contract(gain=2) @@ -301,9 +269,7 @@ def forward(self, x): # x(b,c,w,h) -> y(b,4c,w/2,h/2) class GhostConv(nn.Module): # Ghost Convolution https://github.com/huawei-noah/ghostnet - def __init__( - self, c1, c2, k=1, s=1, g=1, act=True - ): # ch_in, ch_out, kernel, stride, groups + def __init__(self, c1, c2, k=1, s=1, g=1, act=True): # ch_in, ch_out, kernel, stride, groups super().__init__() c_ = c2 // 2 # hidden channels self.cv1 = Conv(c1, c_, k, s, None, g, act=act) @@ -325,11 +291,7 @@ def __init__(self, c1, c2, k=3, s=1): # ch_in, ch_out, kernel, stride GhostConv(c_, c2, 1, 1, act=False), ) # pw-linear self.shortcut = ( - nn.Sequential( - DWConv(c1, c1, k, s, act=False), Conv(c1, c2, 1, 1, act=False) - ) - if s == 2 - else nn.Identity() + nn.Sequential(DWConv(c1, c1, k, s, act=False), Conv(c1, c2, 1, 1, act=False)) if s == 2 else nn.Identity() ) def forward(self, x): @@ -445,9 +407,7 @@ def __init__( triton, ) = self._model_type(w) fp16 &= pt or jit or onnx or engine or triton # FP16 - nhwc = ( - coreml or saved_model or pb or tflite or edgetpu - ) # BHWC formats (vs torch BCWH) + nhwc = coreml or saved_model or pb or tflite or edgetpu # BHWC formats (vs torch BCWH) stride = 32 # default stride cuda = torch.cuda.is_available() and device.type != "cpu" # use CUDA if not (pt or triton): @@ -461,9 +421,7 @@ def __init__( fuse=fuse, ) stride = max(int(model.stride.max()), 32) # model stride - names = ( - model.module.names if hasattr(model, "module") else model.names - ) # get class names + names = model.module.names if hasattr(model, "module") else model.names # get class names model.half() if fp16 else model.float() self.model = model # explicitly assign for to(), cpu(), cuda(), half() elif jit: # TorchScript @@ -474,9 +432,7 @@ def __init__( if extra_files["config.txt"]: # load metadata dict d = json.loads( extra_files["config.txt"], - object_hook=lambda d: { - int(k) if k.isdigit() else k: v for k, v in d.items() - }, + object_hook=lambda d: {int(k) if k.isdigit() else k: v for k, v in d.items()}, ) stride, names = int(d["stride"]), d["names"] elif dnn: # ONNX OpenCV DNN @@ -486,11 +442,7 @@ def __init__( logger.info(f"Loading {w} for ONNX Runtime inference...") import onnxruntime - providers = ( - ["CUDAExecutionProvider", "CPUExecutionProvider"] - if cuda - else ["CPUExecutionProvider"] - ) + providers = ["CUDAExecutionProvider", "CPUExecutionProvider"] if cuda else ["CPUExecutionProvider"] session = onnxruntime.InferenceSession(w, providers=providers) output_names = [x.name for x in session.get_outputs()] meta = session.get_modelmeta().custom_metadata_map # metadata @@ -502,28 +454,20 @@ def __init__( ie = Core() if not Path(w).is_file(): # if not *.xml - w = next( - Path(w).glob("*.xml") - ) # get *.xml file from *_openvino_model dir + w = next(Path(w).glob("*.xml")) # get *.xml file from *_openvino_model dir network = ie.read_model(model=w, weights=Path(w).with_suffix(".bin")) if network.get_parameters()[0].get_layout().empty: network.get_parameters()[0].set_layout(Layout("NCHW")) batch_dim = get_batch(network) if batch_dim.is_static: batch_size = batch_dim.get_length() - executable_network = ie.compile_model( - network, device_name="CPU" - ) # device_name="MYRIAD" for Intel NCS2 - stride, names = self._load_metadata( - Path(w).with_suffix(".yaml") - ) # load metadata + executable_network = ie.compile_model(network, device_name="CPU") # device_name="MYRIAD" for Intel NCS2 + stride, names = self._load_metadata(Path(w).with_suffix(".yaml")) # load metadata elif engine: # TensorRT logger.info(f"Loading {w} for TensorRT inference...") import tensorrt as trt # https://developer.nvidia.com/nvidia-tensorrt-download - check_version( - trt.__version__, "7.0.0", hard=True - ) # require tensorrt>=7.0.0 + check_version(trt.__version__, "7.0.0", hard=True) # require tensorrt>=7.0.0 if device.type == "cpu": device = torch.device("cuda:0") Binding = namedtuple("Binding", ("name", "dtype", "shape", "data", "ptr")) @@ -541,9 +485,7 @@ def __init__( if model.binding_is_input(i): if -1 in tuple(model.get_binding_shape(i)): # dynamic dynamic = True - context.set_binding_shape( - i, tuple(model.get_profile_shape(0, i)[2]) - ) + context.set_binding_shape(i, tuple(model.get_profile_shape(0, i)[2])) if dtype == np.float16: fp16 = True else: # output @@ -552,9 +494,7 @@ def __init__( im = torch.from_numpy(np.empty(shape, dtype=dtype)).to(device) bindings[name] = Binding(name, dtype, shape, im, int(im.data_ptr())) binding_addrs = OrderedDict((n, d.ptr) for n, d in bindings.items()) - batch_size = bindings["images"].shape[ - 0 - ] # if dynamic, this is instead max batch size + batch_size = bindings["images"].shape[0] # if dynamic, this is instead max batch size elif coreml: # CoreML logger.info(f"Loading {w} for CoreML inference...") import coremltools as ct @@ -566,16 +506,12 @@ def __init__( keras = False # assume TF1 saved_model model = tf.keras.models.load_model(w) if keras else tf.saved_model.load(w) - elif ( - pb - ): # GraphDef https://www.tensorflow.org/guide/migrate#a_graphpb_or_graphpbtxt + elif pb: # GraphDef https://www.tensorflow.org/guide/migrate#a_graphpb_or_graphpbtxt logger.info(f"Loading {w} for TensorFlow GraphDef inference...") import tensorflow as tf def wrap_frozen_graph(gd, inputs, outputs): - x = tf.compat.v1.wrap_function( - lambda: tf.compat.v1.import_graph_def(gd, name=""), [] - ) # wrapped + x = tf.compat.v1.wrap_function(lambda: tf.compat.v1.import_graph_def(gd, name=""), []) # wrapped ge = x.graph.as_graph_element return x.prune( tf.nest.map_structure(ge, inputs), @@ -587,19 +523,13 @@ def gd_outputs(gd): for node in gd.node: # tensorflow.core.framework.node_def_pb2.NodeDef name_list.append(node.name) input_list.extend(node.input) - return sorted( - f"{x}:0" - for x in list(set(name_list) - set(input_list)) - if not x.startswith("NoOp") - ) + return sorted(f"{x}:0" for x in list(set(name_list) - set(input_list)) if not x.startswith("NoOp")) gd = tf.Graph().as_graph_def() # TF GraphDef with open(w, "rb") as f: gd.ParseFromString(f.read()) frozen_func = wrap_frozen_graph(gd, inputs="x:0", outputs=gd_outputs(gd)) - elif ( - tflite or edgetpu - ): # https://www.tensorflow.org/lite/guide/python#install_tensorflow_lite_for_python + elif tflite or edgetpu: # https://www.tensorflow.org/lite/guide/python#install_tensorflow_lite_for_python try: # https://coral.ai/docs/edgetpu/tflite-python/#update-existing-tf-lite-code-for-the-edge-tpu from tflite_runtime.interpreter import Interpreter, load_delegate except ImportError: @@ -616,9 +546,7 @@ def gd_outputs(gd): "Darwin": "libedgetpu.1.dylib", "Windows": "edgetpu.dll", }[platform.system()] - interpreter = Interpreter( - model_path=w, experimental_delegates=[load_delegate(delegate)] - ) + interpreter = Interpreter(model_path=w, experimental_delegates=[load_delegate(delegate)]) else: # TFLite logger.info(f"Loading {w} for TensorFlow Lite inference...") interpreter = Interpreter(model_path=w) # load TFLite model @@ -638,9 +566,7 @@ def gd_outputs(gd): import paddle.inference as pdi if not Path(w).is_file(): # if not *.pdmodel - w = next( - Path(w).rglob("*.pdmodel") - ) # get *.pdmodel file from *_paddle_model dir + w = next(Path(w).rglob("*.pdmodel")) # get *.pdmodel file from *_paddle_model dir weights = Path(w).with_suffix(".pdiparams") config = pdi.Config(str(w), str(weights)) if cuda: @@ -659,15 +585,9 @@ def gd_outputs(gd): # class names if "names" not in locals(): - names = ( - yaml_load(data)["names"] - if data - else {i: f"class{i}" for i in range(999)} - ) + names = yaml_load(data)["names"] if data else {i: f"class{i}" for i in range(999)} if names[0] == "n01440764" and len(names) == 1000: # ImageNet - names = yaml_load(ROOT / "data/ImageNet.yaml")[ - "names" - ] # human-readable names + names = yaml_load(ROOT / "data/ImageNet.yaml")["names"] # human-readable names self.__dict__.update(locals()) # assign all variables to self @@ -680,11 +600,7 @@ def forward(self, im, augment=False, visualize=False): im = im.permute(0, 2, 3, 1) # torch BCHW to numpy BHWC shape(1,320,192,3) if self.pt: # PyTorch - y = ( - self.model(im, augment=augment, visualize=visualize) - if augment or visualize - else self.model(im) - ) + y = self.model(im, augment=augment, visualize=visualize) if augment or visualize else self.model(im) elif self.jit: # TorchScript y = self.model(im) elif self.dnn: # ONNX OpenCV DNN @@ -693,9 +609,7 @@ def forward(self, im, augment=False, visualize=False): y = self.net.forward() elif self.onnx: # ONNX Runtime im = im.cpu().numpy() # torch to numpy - y = self.session.run( - self.output_names, {self.session.get_inputs()[0].name: im} - ) + y = self.session.run(self.output_names, {self.session.get_inputs()[0].name: im}) elif self.xml: # OpenVINO im = im.cpu().numpy() # FP32 y = list(self.executable_network([im]).values()) @@ -703,18 +617,12 @@ def forward(self, im, augment=False, visualize=False): if self.dynamic and im.shape != self.bindings["images"].shape: i = self.model.get_binding_index("images") self.context.set_binding_shape(i, im.shape) # reshape if dynamic - self.bindings["images"] = self.bindings["images"]._replace( - shape=im.shape - ) + self.bindings["images"] = self.bindings["images"]._replace(shape=im.shape) for name in self.output_names: i = self.model.get_binding_index(name) - self.bindings[name].data.resize_( - tuple(self.context.get_binding_shape(i)) - ) + self.bindings[name].data.resize_(tuple(self.context.get_binding_shape(i))) s = self.bindings["images"].shape - assert ( - im.shape == s - ), f"input size {im.shape} {'>' if self.dynamic else 'not equal to'} max model size {s}" + assert im.shape == s, f"input size {im.shape} {'>' if self.dynamic else 'not equal to'} max model size {s}" self.binding_addrs["images"] = int(im.data_ptr()) self.context.execute_v2(list(self.binding_addrs.values())) y = [self.bindings[x].data for x in sorted(self.output_names)] @@ -725,22 +633,15 @@ def forward(self, im, augment=False, visualize=False): y = self.model.predict({"image": im}) # coordinates are xywh normalized if "confidence" in y: box = xywh2xyxy(y["coordinates"] * [[w, h, w, h]]) # xyxy pixels - conf, cls = y["confidence"].max(1), y["confidence"].argmax(1).astype( - np.float - ) + conf, cls = y["confidence"].max(1), y["confidence"].argmax(1).astype(np.float) y = np.concatenate((box, conf.reshape(-1, 1), cls.reshape(-1, 1)), 1) else: - y = list( - reversed(y.values()) - ) # reversed for segmentation models (pred, proto) + y = list(reversed(y.values())) # reversed for segmentation models (pred, proto) elif self.paddle: # PaddlePaddle im = im.cpu().numpy().astype(np.float32) self.input_handle.copy_from_cpu(im) self.predictor.run() - y = [ - self.predictor.get_output_handle(x).copy_to_cpu() - for x in self.output_names - ] + y = [self.predictor.get_output_handle(x).copy_to_cpu() for x in self.output_names] elif self.triton: # NVIDIA Triton Inference Server y = self.model(im) else: # TensorFlow (SavedModel, GraphDef, Lite, Edge TPU) @@ -768,11 +669,7 @@ def forward(self, im, augment=False, visualize=False): y[0][..., :4] *= [w, h, w, h] # xywh normalized to pixels if isinstance(y, (list, tuple)): - return ( - self.from_numpy(y[0]) - if len(y) == 1 - else [self.from_numpy(x) for x in y] - ) + return self.from_numpy(y[0]) if len(y) == 1 else [self.from_numpy(x) for x in y] else: return self.from_numpy(y) @@ -811,9 +708,7 @@ def _model_type(p="path/to/model.pt"): url = urlparse(p) # if url may be Triton inference server types = [s in Path(p).name for s in sf] types[8] &= not types[9] # tflite &= not edgetpu - triton = not any(types) and all( - [any(s in url.scheme for s in ["http", "grpc"]), url.netloc] - ) + triton = not any(types) and all([any(s in url.scheme for s in ["http", "grpc"]), url.netloc]) return types + [triton] @staticmethod @@ -830,10 +725,7 @@ class Detections: def __init__(self, ims, pred, files, times=(0, 0, 0), names=None, shape=None): super().__init__() d = pred[0].device # device - gn = [ - torch.tensor([*(im.shape[i] for i in [1, 0, 1, 0]), 1, 1], device=d) - for im in ims - ] # normalizations + gn = [torch.tensor([*(im.shape[i] for i in [1, 0, 1, 0]), 1, 1], device=d) for im in ims] # normalizations self.ims = ims # list of images as numpy arrays self.pred = pred # list of tensors pred[0] = (xyxy, conf, cls) self.names = names # class names @@ -870,14 +762,7 @@ def _run( for *box, conf, cls in reversed(pred): # xyxy, confidence, class label = f"{self.names[int(cls)]} {conf:.2f}" if crop: - file = ( - save_dir - / "crops" - / self.names[int(cls)] - / self.files[i] - if save - else None - ) + file = save_dir / "crops" / self.names[int(cls)] / self.files[i] if save else None crops.append( { "box": box, @@ -888,18 +773,12 @@ def _run( } ) else: # all others - annotator.box_label( - box, label if labels else "", color=colors(cls) - ) + annotator.box_label(box, label if labels else "", color=colors(cls)) im = annotator.im else: s += "(no detections)" - im = ( - Image.fromarray(im.astype(np.uint8)) - if isinstance(im, np.ndarray) - else im - ) # from np + im = Image.fromarray(im.astype(np.uint8)) if isinstance(im, np.ndarray) else im # from np if show: if is_jupyter(): from IPython.display import display @@ -911,17 +790,12 @@ def _run( f = self.files[i] im.save(save_dir / f) # save if i == self.n - 1: - logger.info( - f"Saved {self.n} image{'s' * (self.n > 1)} to {colorstr('bold', save_dir)}" - ) + logger.info(f"Saved {self.n} image{'s' * (self.n > 1)} to {colorstr('bold', save_dir)}") if render: self.ims[i] = np.asarray(im) if pprint: s = s.lstrip("\n") - return ( - f"{s}\nSpeed: %.1fms pre-process, %.1fms inference, %.1fms NMS per image at shape {self.s}" - % self.t - ) + return f"{s}\nSpeed: %.1fms pre-process, %.1fms inference, %.1fms NMS per image at shape {self.s}" % self.t if crop: if save: logger.info(f"Saved results to {save_dir}\n") @@ -964,10 +838,7 @@ def pandas(self): "name", ) # xywh columns for k, c in zip(["xyxy", "xyxyn", "xywh", "xywhn"], [ca, ca, cb, cb]): - a = [ - [x[:5] + [int(x[5]), self.names[int(x[5])]] for x in x.tolist()] - for x in getattr(self, k) - ] # update + a = [[x[:5] + [int(x[5]), self.names[int(x[5])]] for x in x.tolist()] for x in getattr(self, k)] # update setattr(new, k, [pd.DataFrame(x, columns=c) for x in a]) return new diff --git a/models/experimental/yolov5/reference/models/experimental.py b/models/experimental/yolov5/reference/models/experimental.py index c6c07eda6c7..4b02718663c 100644 --- a/models/experimental/yolov5/reference/models/experimental.py +++ b/models/experimental/yolov5/reference/models/experimental.py @@ -22,9 +22,7 @@ def __init__(self, n, weight=False): # n: number of inputs self.weight = weight # apply weights boolean self.iter = range(n - 1) # iter object if weight: - self.w = nn.Parameter( - -torch.arange(1.0, n) / 2, requires_grad=True - ) # layer weights + self.w = nn.Parameter(-torch.arange(1.0, n) / 2, requires_grad=True) # layer weights def forward(self, x): y = x[0] # no weight @@ -40,9 +38,7 @@ def forward(self, x): class MixConv2d(nn.Module): # Mixed Depth-wise Conv https://arxiv.org/abs/1907.09595 - def __init__( - self, c1, c2, k=(1, 3), s=1, equal_ch=True - ): # ch_in, ch_out, kernel, stride, ch_strategy + def __init__(self, c1, c2, k=(1, 3), s=1, equal_ch=True): # ch_in, ch_out, kernel, stride, ch_strategy super().__init__() n = len(k) # number of convolutions if equal_ch: # equal c_ per group @@ -54,17 +50,10 @@ def __init__( a -= np.roll(a, 1, axis=1) a *= np.array(k) ** 2 a[0] = 1 - c_ = np.linalg.lstsq(a, b, rcond=None)[ - 0 - ].round() # solve for equal weight indices, ax = b + c_ = np.linalg.lstsq(a, b, rcond=None)[0].round() # solve for equal weight indices, ax = b self.m = nn.ModuleList( - [ - nn.Conv2d( - c1, int(c_), k, s, k // 2, groups=math.gcd(c1, int(c_)), bias=False - ) - for k, c_ in zip(k, c_) - ] + [nn.Conv2d(c1, int(c_), k, s, k // 2, groups=math.gcd(c1, int(c_)), bias=False) for k, c_ in zip(k, c_)] ) self.bn = nn.BatchNorm2d(c2) self.act = nn.SiLU() @@ -99,9 +88,7 @@ def attempt_load(weights, device=None, inplace=True, fuse=True): if hasattr(ckpt, "names") and isinstance(ckpt.names, (list, tuple)): ckpt.names = dict(enumerate(ckpt.names)) # convert to dict - model.append( - ckpt.fuse().eval() if fuse and hasattr(ckpt, "fuse") else ckpt.eval() - ) # model in eval mode + model.append(ckpt.fuse().eval() if fuse and hasattr(ckpt, "fuse") else ckpt.eval()) # model in eval mode # Module compatibility updates for m in model.modules(): @@ -122,10 +109,6 @@ def attempt_load(weights, device=None, inplace=True, fuse=True): logger.info(f"Ensemble created with {weights}\n") for k in "names", "nc", "yaml": setattr(model, k, getattr(model[0], k)) - model.stride = model[ - torch.argmax(torch.tensor([m.stride.max() for m in model])).int() - ].stride # max stride - assert all( - model[0].nc == m.nc for m in model - ), f"Models have different class counts: {[m.nc for m in model]}" + model.stride = model[torch.argmax(torch.tensor([m.stride.max() for m in model])).int()].stride # max stride + assert all(model[0].nc == m.nc for m in model), f"Models have different class counts: {[m.nc for m in model]}" return model diff --git a/models/experimental/yolov5/reference/models/yolo.py b/models/experimental/yolov5/reference/models/yolo.py index 5d644789274..6e3518a2f79 100644 --- a/models/experimental/yolov5/reference/models/yolo.py +++ b/models/experimental/yolov5/reference/models/yolo.py @@ -73,12 +73,8 @@ def __init__(self, nc=80, anchors=(), ch=(), inplace=True): # detection layer self.na = len(anchors[0]) // 2 # number of anchors self.grid = [torch.empty(0) for _ in range(self.nl)] # init grid self.anchor_grid = [torch.empty(0) for _ in range(self.nl)] # init anchor grid - self.register_buffer( - "anchors", torch.tensor(anchors).float().view(self.nl, -1, 2) - ) # shape(nl,na,2) - self.m = nn.ModuleList( - nn.Conv2d(x, self.no * self.na, 1) for x in ch - ) # output conv + self.register_buffer("anchors", torch.tensor(anchors).float().view(self.nl, -1, 2)) # shape(nl,na,2) + self.m = nn.ModuleList(nn.Conv2d(x, self.no * self.na, 1) for x in ch) # output conv self.inplace = inplace # use inplace ops (e.g. slice assignment) def forward(self, x): @@ -86,21 +82,14 @@ def forward(self, x): for i in range(self.nl): x[i] = self.m[i](x[i]) # conv bs, _, ny, nx = x[i].shape # x(bs,255,20,20) to x(bs,3,20,20,85) - x[i] = ( - x[i] - .view(bs, self.na, self.no, ny, nx) - .permute(0, 1, 3, 4, 2) - .contiguous() - ) + x[i] = x[i].view(bs, self.na, self.no, ny, nx).permute(0, 1, 3, 4, 2).contiguous() if not self.training: # inference if self.dynamic or self.grid[i].shape[2:4] != x[i].shape[2:4]: self.grid[i], self.anchor_grid[i] = self._make_grid(nx, ny, i) if isinstance(self, Segment): # (boxes + masks) - xy, wh, conf, mask = x[i].split( - (2, 2, self.nc + 1, self.no - self.nc - 5), 4 - ) + xy, wh, conf, mask = x[i].split((2, 2, self.nc + 1, self.no - self.nc - 5), 4) xy = (xy.sigmoid() * 2 + self.grid[i]) * self.stride[i] # xy wh = (wh.sigmoid() * 2) ** 2 * self.anchor_grid[i] # wh y = torch.cat((xy, wh, conf.sigmoid(), mask), 4) @@ -111,30 +100,16 @@ def forward(self, x): y = torch.cat((xy, wh, conf), 4) z.append(y.view(bs, self.na * nx * ny, self.no)) - return ( - x - if self.training - else (torch.cat(z, 1),) - if self.export - else (torch.cat(z, 1), x) - ) - - def _make_grid( - self, nx=20, ny=20, i=0, torch_1_10=check_version(torch.__version__, "1.10.0") - ): + return x if self.training else (torch.cat(z, 1),) if self.export else (torch.cat(z, 1), x) + + def _make_grid(self, nx=20, ny=20, i=0, torch_1_10=check_version(torch.__version__, "1.10.0")): d = self.anchors[i].device t = self.anchors[i].dtype shape = 1, self.na, ny, nx, 2 # grid shape y, x = torch.arange(ny, device=d, dtype=t), torch.arange(nx, device=d, dtype=t) - yv, xv = ( - torch.meshgrid(y, x, indexing="ij") if torch_1_10 else torch.meshgrid(y, x) - ) # torch>=0.7 compatibility - grid = ( - torch.stack((xv, yv), 2).expand(shape) - 0.5 - ) # add grid offset, i.e. y = 2.0 * x - 0.5 - anchor_grid = ( - (self.anchors[i] * self.stride[i]).view((1, self.na, 1, 1, 2)).expand(shape) - ) + yv, xv = torch.meshgrid(y, x, indexing="ij") if torch_1_10 else torch.meshgrid(y, x) # torch>=0.7 compatibility + grid = torch.stack((xv, yv), 2).expand(shape) - 0.5 # add grid offset, i.e. y = 2.0 * x - 0.5 + anchor_grid = (self.anchors[i] * self.stride[i]).view((1, self.na, 1, 1, 2)).expand(shape) return grid, anchor_grid @@ -145,36 +120,26 @@ def __init__(self, nc=80, anchors=(), nm=32, npr=256, ch=(), inplace=True): self.nm = nm # number of masks self.npr = npr # number of protos self.no = 5 + nc + self.nm # number of outputs per anchor - self.m = nn.ModuleList( - nn.Conv2d(x, self.no * self.na, 1) for x in ch - ) # output conv + self.m = nn.ModuleList(nn.Conv2d(x, self.no * self.na, 1) for x in ch) # output conv self.proto = Proto(ch[0], self.npr, self.nm) # protos self.detect = Detect.forward def forward(self, x): p = self.proto(x[0]) x = self.detect(self, x) - return ( - (x, p) if self.training else (x[0], p) if self.export else (x[0], p, x[1]) - ) + return (x, p) if self.training else (x[0], p) if self.export else (x[0], p, x[1]) class BaseModel(nn.Module): # YOLOv5 base model def forward(self, x, profile=False, visualize=False): - return self._forward_once( - x, profile, visualize - ) # single-scale inference, train + return self._forward_once(x, profile, visualize) # single-scale inference, train def _forward_once(self, x, profile=False, visualize=False): y, dt = [], [] # outputs for m in self.model: if m.f != -1: # if not from previous layer - x = ( - y[m.f] - if isinstance(m.f, int) - else [x if j == -1 else y[j] for j in m.f] - ) # from earlier layers + x = y[m.f] if isinstance(m.f, int) else [x if j == -1 else y[j] for j in m.f] # from earlier layers if profile: self._profile_one_layer(m, x, dt) x = m(x) # run @@ -185,11 +150,7 @@ def _forward_once(self, x, profile=False, visualize=False): def _profile_one_layer(self, m, x, dt): c = m == self.model[-1] # is final layer, copy input as inplace fix - o = ( - thop.profile(m, inputs=(x.copy() if c else x,), verbose=False)[0] / 1e9 * 2 - if thop - else 0 - ) # FLOPs + o = thop.profile(m, inputs=(x.copy() if c else x,), verbose=False)[0] / 1e9 * 2 if thop else 0 # FLOPs t = time_sync() for _ in range(10): m(x.copy() if c else x) @@ -230,9 +191,7 @@ def _apply(self, fn): class DetectionModel(BaseModel): # YOLOv5 detection model - def __init__( - self, cfg="yolov5s.yaml", ch=3, nc=None, anchors=None - ): # model, input channels, number of classes + def __init__(self, cfg="yolov5s.yaml", ch=3, nc=None, anchors=None): # model, input channels, number of classes super().__init__() if isinstance(cfg, dict): self.yaml = cfg # model dict @@ -251,9 +210,7 @@ def __init__( if anchors: logger.info(f"Overriding model.yaml anchors with anchors={anchors}") self.yaml["anchors"] = round(anchors) # override yaml value - self.model, self.save = parse_model( - deepcopy(self.yaml), ch=[ch] - ) # model, savelist + self.model, self.save = parse_model(deepcopy(self.yaml), ch=[ch]) # model, savelist self.names = [str(i) for i in range(self.yaml["nc"])] # default names self.inplace = self.yaml.get("inplace", True) @@ -262,14 +219,8 @@ def __init__( if isinstance(m, (Detect, Segment)): s = 256 # 2x min stride m.inplace = self.inplace - forward = ( - lambda x: self.forward(x)[0] - if isinstance(m, Segment) - else self.forward(x) - ) - m.stride = torch.tensor( - [s / x.shape[-2] for x in forward(torch.zeros(1, ch, s, s))] - ) # forward + forward = lambda x: self.forward(x)[0] if isinstance(m, Segment) else self.forward(x) + m.stride = torch.tensor([s / x.shape[-2] for x in forward(torch.zeros(1, ch, s, s))]) # forward check_anchor_order(m) m.anchors /= m.stride.view(-1, 1, 1) self.stride = m.stride @@ -283,9 +234,7 @@ def __init__( def forward(self, x, augment=False, profile=False, visualize=False): if augment: return self._forward_augment(x) # augmented inference, None - return self._forward_once( - x, profile, visualize - ) # single-scale inference, train + return self._forward_once(x, profile, visualize) # single-scale inference, train def _forward_augment(self, x): img_size = x.shape[-2:] # height, width @@ -332,21 +281,15 @@ def _clip_augmented(self, y): y[-1] = y[-1][:, i:] # small return y - def _initialize_biases( - self, cf=None - ): # initialize biases into Detect(), cf is class frequency + def _initialize_biases(self, cf=None): # initialize biases into Detect(), cf is class frequency # https://arxiv.org/abs/1708.02002 section 3.3 # cf = torch.bincount(torch.tensor(np.concatenate(dataset.labels, 0)[:, 0]).long(), minlength=nc) + 1. m = self.model[-1] # Detect() module for mi, s in zip(m.m, m.stride): # from b = mi.bias.view(m.na, -1) # conv.bias(255) to (3,85) - b.data[:, 4] += math.log( - 8 / (640 / s) ** 2 - ) # obj (8 objects per 640 image) + b.data[:, 4] += math.log(8 / (640 / s) ** 2) # obj (8 objects per 640 image) b.data[:, 5 : 5 + m.nc] += ( - math.log(0.6 / (m.nc - 0.99999)) - if cf is None - else torch.log(cf / cf.sum()) + math.log(0.6 / (m.nc - 0.99999)) if cf is None else torch.log(cf / cf.sum()) ) # cls mi.bias = torch.nn.Parameter(b.view(-1), requires_grad=True) @@ -362,13 +305,9 @@ def __init__(self, cfg="yolov5s-seg.yaml", ch=3, nc=None, anchors=None): class ClassificationModel(BaseModel): # YOLOv5 classification model - def __init__( - self, cfg=None, model=None, nc=1000, cutoff=10 - ): # yaml, model, number of classes, cutoff index + def __init__(self, cfg=None, model=None, nc=1000, cutoff=10): # yaml, model, number of classes, cutoff index super().__init__() - self._from_detection_model( - model, nc, cutoff - ) if model is not None else self._from_yaml(cfg) + self._from_detection_model(model, nc, cutoff) if model is not None else self._from_yaml(cfg) def _from_detection_model(self, model, nc=1000, cutoff=10): # Create a YOLOv5 classification model from a YOLOv5 detection model @@ -376,9 +315,7 @@ def _from_detection_model(self, model, nc=1000, cutoff=10): model = model.model # unwrap DetectMultiBackend model.model = model.model[:cutoff] # backbone m = model.model[-1] # last layer - ch = ( - m.conv.in_channels if hasattr(m, "conv") else m.cv1.conv.in_channels - ) # ch into module + ch = m.conv.in_channels if hasattr(m, "conv") else m.cv1.conv.in_channels # ch into module c = Classify(ch, nc) # Classify() c.i, c.f, c.type = m.i, m.f, "models.common.Classify" # index, from, type model.model[-1] = c # replace @@ -394,9 +331,7 @@ def _from_yaml(self, cfg): def parse_model(d, ch): # model_dict, input_channels(3) # ch = [3] # Parse a YOLOv5 model.yaml dictionary - logger.info( - f"\n{'':>3}{'from':>18}{'n':>3}{'params':>10} {'module':<40}{'arguments':<30}" - ) + logger.info(f"\n{'':>3}{'from':>18}{'n':>3}{'params':>10} {'module':<40}{'arguments':<30}") anchors, nc, gd, gw, act = ( d["anchors"], d["nc"], @@ -405,19 +340,13 @@ def parse_model(d, ch): # model_dict, input_channels(3) # ch = [3] d.get("activation"), ) if act: - Conv.default_act = eval( - act - ) # redefine default activation, i.e. Conv.default_act = nn.SiLU() + Conv.default_act = eval(act) # redefine default activation, i.e. Conv.default_act = nn.SiLU() logger.info(f"{colorstr('activation:')} {act}") # print - na = ( - (len(anchors[0]) // 2) if isinstance(anchors, list) else anchors - ) # number of anchors + na = (len(anchors[0]) // 2) if isinstance(anchors, list) else anchors # number of anchors no = na * (nc + 5) # number of outputs = anchors * (classes + 5) layers, save, c2 = [], [], ch[-1] # layers, savelist, ch out - for i, (f, n, m, args) in enumerate( - d["backbone"] + d["head"] - ): # from, number, module, args + for i, (f, n, m, args) in enumerate(d["backbone"] + d["head"]): # from, number, module, args m = eval(m) if isinstance(m, str) else m # eval strings for j, a in enumerate(args): with contextlib.suppress(NameError): @@ -470,9 +399,7 @@ def parse_model(d, ch): # model_dict, input_channels(3) # ch = [3] else: c2 = ch[f] - m_ = ( - nn.Sequential(*(m(*args) for _ in range(n))) if n > 1 else m(*args) - ) # module + m_ = nn.Sequential(*(m(*args) for _ in range(n))) if n > 1 else m(*args) # module t = str(m)[8:-2].replace("__main__.", "") # module type np = sum(x.numel() for x in m_.parameters()) # number params m_.i, m_.f, m_.type, m_.np = ( @@ -481,12 +408,8 @@ def parse_model(d, ch): # model_dict, input_channels(3) # ch = [3] t, np, ) # attach index, 'from' index, type, number params - logger.info( - f"{i:>3}{str(f):>18}{n_:>3}{np:10.0f} {t:<40}{str(args):<30}" - ) # print - save.extend( - x % i for x in ([f] if isinstance(f, int) else f) if x != -1 - ) # append to savelist + logger.info(f"{i:>3}{str(f):>18}{n_:>3}{np:10.0f} {t:<40}{str(args):<30}") # print + save.extend(x % i for x in ([f] if isinstance(f, int) else f) if x != -1) # append to savelist layers.append(m_) if i == 0: ch = [] @@ -497,16 +420,10 @@ def parse_model(d, ch): # model_dict, input_channels(3) # ch = [3] if __name__ == "__main__": parser = argparse.ArgumentParser() parser.add_argument("--cfg", type=str, default="yolov5s.yaml", help="model.yaml") - parser.add_argument( - "--batch-size", type=int, default=1, help="total batch size for all GPUs" - ) - parser.add_argument( - "--device", default="", help="cuda device, i.e. 0 or 0,1,2,3 or cpu" - ) + parser.add_argument("--batch-size", type=int, default=1, help="total batch size for all GPUs") + parser.add_argument("--device", default="", help="cuda device, i.e. 0 or 0,1,2,3 or cpu") parser.add_argument("--profile", action="store_true", help="profile model speed") - parser.add_argument( - "--line-profile", action="store_true", help="profile model speed layer by layer" - ) + parser.add_argument("--line-profile", action="store_true", help="profile model speed layer by layer") parser.add_argument("--test", action="store_true", help="test all yolo*.yaml") opt = parser.parse_args() opt.cfg = check_yaml(opt.cfg) # check YAML diff --git a/models/experimental/yolov5/reference/utils/augmentations.py b/models/experimental/yolov5/reference/utils/augmentations.py index 8743196250d..179930c7549 100644 --- a/models/experimental/yolov5/reference/utils/augmentations.py +++ b/models/experimental/yolov5/reference/utils/augmentations.py @@ -49,7 +49,5 @@ def letterbox( im = cv2.resize(im, new_unpad, interpolation=cv2.INTER_LINEAR) top, bottom = int(round(dh - 0.1)), int(round(dh + 0.1)) left, right = int(round(dw - 0.1)), int(round(dw + 0.1)) - im = cv2.copyMakeBorder( - im, top, bottom, left, right, cv2.BORDER_CONSTANT, value=color - ) # add border + im = cv2.copyMakeBorder(im, top, bottom, left, right, cv2.BORDER_CONSTANT, value=color) # add border return im, ratio, (dw, dh) diff --git a/models/experimental/yolov5/reference/utils/dataloaders.py b/models/experimental/yolov5/reference/utils/dataloaders.py index 045ea1afec5..b1cdbc503c2 100644 --- a/models/experimental/yolov5/reference/utils/dataloaders.py +++ b/models/experimental/yolov5/reference/utils/dataloaders.py @@ -50,12 +50,8 @@ class LoadImages: # YOLOv5 image/video dataloader, i.e. `python detect.py --source image.jpg/vid.mp4` - def __init__( - self, path, img_size=640, stride=32, auto=True, transforms=None, vid_stride=1 - ): - if ( - isinstance(path, str) and Path(path).suffix == ".txt" - ): # *.txt file with img/vid/dir on each line + def __init__(self, path, img_size=640, stride=32, auto=True, transforms=None, vid_stride=1): + if isinstance(path, str) and Path(path).suffix == ".txt": # *.txt file with img/vid/dir on each line path = Path(path).read_text().rsplit() files = [] for p in sorted(path) if isinstance(path, (list, tuple)) else [path]: @@ -129,9 +125,7 @@ def __next__(self): if self.transforms: im = self.transforms(im0) # transforms else: - im = letterbox(im0, self.img_size, stride=self.stride, auto=self.auto)[ - 0 - ] # padded resize + im = letterbox(im0, self.img_size, stride=self.stride, auto=self.auto)[0] # padded resize im = im.transpose((2, 0, 1))[::-1] # HWC to CHW, BGR to RGB im = np.ascontiguousarray(im) # contiguous @@ -142,9 +136,7 @@ def _new_video(self, path): self.frame = 0 self.cap = cv2.VideoCapture(path) self.frames = int(self.cap.get(cv2.CAP_PROP_FRAME_COUNT) / self.vid_stride) - self.orientation = int( - self.cap.get(cv2.CAP_PROP_ORIENTATION_META) - ) # rotation degrees + self.orientation = int(self.cap.get(cv2.CAP_PROP_ORIENTATION_META)) # rotation degrees def _cv2_rotate(self, im): # Rotate a cv2 video manually diff --git a/models/experimental/yolov5/reference/utils/downloads.py b/models/experimental/yolov5/reference/utils/downloads.py index c0d29ed180a..79af292a364 100644 --- a/models/experimental/yolov5/reference/utils/downloads.py +++ b/models/experimental/yolov5/reference/utils/downloads.py @@ -22,9 +22,7 @@ def is_url(url, check=True): url = str(url) result = urllib.parse.urlparse(url) assert all([result.scheme, result.netloc]) # check if is url - return ( - (urllib.request.urlopen(url).getcode() == 200) if check else True - ) # check if exists online + return (urllib.request.urlopen(url).getcode() == 200) if check else True # check if exists online except (AssertionError, urllib.request.HTTPError): return False @@ -56,14 +54,10 @@ def safe_download(file, url, url2=None, min_bytes=1e0, error_msg=""): from utils.general import logger file = Path(file) - assert_msg = ( - f"Downloaded file '{file}' does not exist or size is < min_bytes={min_bytes}" - ) + assert_msg = f"Downloaded file '{file}' does not exist or size is < min_bytes={min_bytes}" try: # url1 logger.info(f"Downloading {url} to {file}...") - torch.hub.download_url_to_file( - url, str(file), progress=logger.level <= logging.INFO - ) + torch.hub.download_url_to_file(url, str(file), progress=logger.level <= logging.INFO) assert file.exists() and file.stat().st_size > min_bytes, assert_msg # check except Exception as e: # url2 if file.exists(): @@ -87,12 +81,8 @@ def github_assets(repository, version="latest"): # Return GitHub repo tag (i.e. 'v7.0') and assets (i.e. ['yolov5s.pt', 'yolov5m.pt', ...]) if version != "latest": version = f"tags/{version}" # i.e. tags/v7.0 - response = requests.get( - f"https://api.github.com/repos/{repository}/releases/{version}" - ).json() # github api - return response["tag_name"], [ - x["name"] for x in response["assets"] - ] # tag, assets + response = requests.get(f"https://api.github.com/repos/{repository}/releases/{version}").json() # github api + return response["tag_name"], [x["name"] for x in response["assets"]] # tag, assets file = Path(str(file).strip().replace("'", "")) if not file.exists(): @@ -100,9 +90,7 @@ def github_assets(repository, version="latest"): name = Path(urllib.parse.unquote(str(file))).name # decode '%2F' to '/' etc. if str(file).startswith(("http:/", "https:/")): # download url = str(file).replace(":/", "://") # Pathlib turns :// -> :/ - file = name.split("?")[ - 0 - ] # parse authentication https://url.com/file.txt?auth... + file = name.split("?")[0] # parse authentication https://url.com/file.txt?auth... if Path(file).is_file(): logger.info(f"Found {url} locally at {file}") # file already exists else: @@ -110,11 +98,7 @@ def github_assets(repository, version="latest"): return file # GitHub assets - assets = [ - f"yolov5{size}{suffix}.pt" - for size in "nsmlx" - for suffix in ("", "6", "-cls", "-seg") - ] # default + assets = [f"yolov5{size}{suffix}.pt" for size in "nsmlx" for suffix in ("", "6", "-cls", "-seg")] # default try: tag, assets = github_assets(repo, release) except Exception: @@ -122,20 +106,12 @@ def github_assets(repository, version="latest"): tag, assets = github_assets(repo) # latest release except Exception: try: - tag = ( - subprocess.check_output( - "git tag", shell=True, stderr=subprocess.STDOUT - ) - .decode() - .split()[-1] - ) + tag = subprocess.check_output("git tag", shell=True, stderr=subprocess.STDOUT).decode().split()[-1] except Exception: tag = release if name in assets: - file.parent.mkdir( - parents=True, exist_ok=True - ) # make parent dir (if required) + file.parent.mkdir(parents=True, exist_ok=True) # make parent dir (if required) safe_download( file, url=f"https://github.com/{repo}/releases/download/{tag}/{name}", diff --git a/models/experimental/yolov5/reference/utils/general.py b/models/experimental/yolov5/reference/utils/general.py index a0cc773d15a..91f3ee07a14 100644 --- a/models/experimental/yolov5/reference/utils/general.py +++ b/models/experimental/yolov5/reference/utils/general.py @@ -45,11 +45,7 @@ def emojis(str=""): # Return platform-dependent emoji-safe version of string - return ( - str.encode().decode("ascii", "ignore") - if platform.system() == "Windows" - else str - ) + return str.encode().decode("ascii", "ignore") if platform.system() == "Windows" else str FILE = Path(__file__).resolve() @@ -57,36 +53,20 @@ def emojis(str=""): RANK = int(os.getenv("RANK", -1)) # Settings -NUM_THREADS = min( - 8, max(1, os.cpu_count() - 1) -) # number of YOLOv5 multiprocessing threads -DATASETS_DIR = Path( - os.getenv("YOLOv5_DATASETS_DIR", ROOT.parent / "datasets") -) # global datasets directory -AUTOINSTALL = ( - str(os.getenv("YOLOv5_AUTOINSTALL", True)).lower() == "true" -) # global auto-install mode -VERBOSE = ( - str(os.getenv("YOLOv5_VERBOSE", True)).lower() == "true" -) # global verbose mode +NUM_THREADS = min(8, max(1, os.cpu_count() - 1)) # number of YOLOv5 multiprocessing threads +DATASETS_DIR = Path(os.getenv("YOLOv5_DATASETS_DIR", ROOT.parent / "datasets")) # global datasets directory +AUTOINSTALL = str(os.getenv("YOLOv5_AUTOINSTALL", True)).lower() == "true" # global auto-install mode +VERBOSE = str(os.getenv("YOLOv5_VERBOSE", True)).lower() == "true" # global verbose mode TQDM_BAR_FORMAT = "{l_bar}{bar:10}{r_bar}" # tqdm bar format FONT = "Arial.ttf" # https://ultralytics.com/assets/Arial.ttf torch.set_printoptions(linewidth=320, precision=5, profile="long") -np.set_printoptions( - linewidth=320, formatter={"float_kind": "{:11.5g}".format} -) # format short g, %precision=5 +np.set_printoptions(linewidth=320, formatter={"float_kind": "{:11.5g}".format}) # format short g, %precision=5 pd.options.display.max_columns = 10 -cv2.setNumThreads( - 0 -) # prevent OpenCV from multithreading (incompatible with PyTorch DataLoader) +cv2.setNumThreads(0) # prevent OpenCV from multithreading (incompatible with PyTorch DataLoader) os.environ["NUMEXPR_MAX_THREADS"] = str(NUM_THREADS) # NumExpr max threads -os.environ["OMP_NUM_THREADS"] = ( - "1" if platform.system() == "darwin" else str(NUM_THREADS) -) # OpenMP (PyTorch and SciPy) -os.environ[ - "TF_CPP_MIN_LOG_LEVEL" -] = "2" # suppress verbose TF compiler warnings in Colab +os.environ["OMP_NUM_THREADS"] = "1" if platform.system() == "darwin" else str(NUM_THREADS) # OpenMP (PyTorch and SciPy) +os.environ["TF_CPP_MIN_LOG_LEVEL"] = "2" # suppress verbose TF compiler warnings in Colab def is_ascii(s=""): @@ -122,10 +102,7 @@ def is_jupyter(): def is_kaggle(): # Is environment a Kaggle Notebook? - return ( - os.environ.get("PWD") == "/kaggle/working" - and os.environ.get("KAGGLE_URL_BASE") == "https://www.kaggle.com" - ) + return os.environ.get("PWD") == "/kaggle/working" and os.environ.get("KAGGLE_URL_BASE") == "https://www.kaggle.com" def is_docker() -> bool: @@ -168,9 +145,7 @@ def user_config_dir(dir="Ultralytics", env_var="YOLOV5_CONFIG_DIR"): "Darwin": "Library/Application Support", } # 3 OS dirs path = Path.home() / cfg.get(platform.system(), "") # OS-specific config dir - path = ( - path if is_writeable(path) else Path("/tmp") - ) / dir # GCP and AWS lambda fix, only /tmp is writeable + path = (path if is_writeable(path) else Path("/tmp")) / dir # GCP and AWS lambda fix, only /tmp is writeable path.mkdir(exist_ok=True) # make if required return path @@ -213,11 +188,7 @@ def __exit__(self, exc_type, exc_val, exc_tb): def methods(instance): # Get class/instance methods - return [ - f - for f in dir(instance) - if callable(getattr(instance, f)) and not f.startswith("__") - ] + return [f for f in dir(instance) if callable(getattr(instance, f)) and not f.startswith("__")] def print_args(args: Optional[dict] = None, show_file=True, show_func=False): @@ -243,9 +214,7 @@ def init_seeds(seed=0, deterministic=False): torch.cuda.manual_seed(seed) torch.cuda.manual_seed_all(seed) # for Multi-GPU, exception safe # torch.backends.cudnn.benchmark = True # AutoBatch problem https://github.com/ultralytics/yolov5/issues/9287 - if deterministic and check_version( - torch.__version__, "1.12.0" - ): # https://github.com/ultralytics/yolov5/pull/8213 + if deterministic and check_version(torch.__version__, "1.12.0"): # https://github.com/ultralytics/yolov5/pull/8213 torch.use_deterministic_algorithms(True) torch.backends.cudnn.deterministic = True os.environ["CUBLAS_WORKSPACE_CONFIG"] = ":4096:8" @@ -254,21 +223,13 @@ def init_seeds(seed=0, deterministic=False): def intersect_dicts(da, db, exclude=()): # Dictionary intersection of matching keys and shapes, omitting 'exclude' keys, using da values - return { - k: v - for k, v in da.items() - if k in db and all(x not in k for x in exclude) and v.shape == db[k].shape - } + return {k: v for k, v in da.items() if k in db and all(x not in k for x in exclude) and v.shape == db[k].shape} def get_default_args(func): # Get func() default arguments signature = inspect.signature(func) - return { - k: v.default - for k, v in signature.parameters.items() - if v.default is not inspect.Parameter.empty - } + return {k: v.default for k, v in signature.parameters.items() if v.default is not inspect.Parameter.empty} def get_latest_run(search_dir="."): @@ -313,18 +274,14 @@ def run_once(): except OSError: return False - return ( - run_once() or run_once() - ) # check twice to increase robustness to intermittent connectivity issues + return run_once() or run_once() # check twice to increase robustness to intermittent connectivity issues def git_describe(path=ROOT): # path must be a directory # Return human-readable git description, i.e. v5.0-5-g3e25f1e https://git-scm.com/docs/git-describe try: assert (Path(path) / ".git").is_dir() - return check_output( - f"git -C {path} describe --tags --long --always", shell=True - ).decode()[:-1] + return check_output(f"git -C {path} describe --tags --long --always", shell=True).decode()[:-1] except Exception: return "" @@ -338,9 +295,7 @@ def check_git_status(repo="ultralytics/yolov5", branch="master"): assert Path(".git").exists(), s + "skipping check (not a git repository)" + msg assert check_online(), s + "skipping check (offline)" + msg - splits = re.split( - pattern=r"\s", string=check_output("git remote -v", shell=True).decode() - ) + splits = re.split(pattern=r"\s", string=check_output("git remote -v", shell=True).decode()) matches = [repo in s for s in splits] if any(matches): remote = splits[matches.index(True) - 1] @@ -348,14 +303,8 @@ def check_git_status(repo="ultralytics/yolov5", branch="master"): remote = "ultralytics" check_output(f"git remote add {remote} {url}", shell=True) check_output(f"git fetch {remote}", shell=True, timeout=5) # git fetch - local_branch = ( - check_output("git rev-parse --abbrev-ref HEAD", shell=True).decode().strip() - ) # checked out - n = int( - check_output( - f"git rev-list {local_branch}..{remote}/{branch} --count", shell=True - ) - ) # commits behind + local_branch = check_output("git rev-parse --abbrev-ref HEAD", shell=True).decode().strip() # checked out + n = int(check_output(f"git rev-list {local_branch}..{remote}/{branch} --count", shell=True)) # commits behind if n > 0: pull = "git pull" if remote == "origin" else f"git pull {remote} {branch}" s += f"⚠️ YOLOv5 is out of date by {n} commit{'s' * (n > 1)}. Use '{pull}' or 'git clone {url}' to update." @@ -371,12 +320,8 @@ def check_git_info(path="."): try: repo = git.Repo(path) - remote = repo.remotes.origin.url.replace( - ".git", "" - ) # i.e. 'https://github.com/ultralytics/yolov5' - commit = ( - repo.head.commit.hexsha - ) # i.e. '3134699c73af83aac2a481435550b968d5792c0d' + remote = repo.remotes.origin.url.replace(".git", "") # i.e. 'https://github.com/ultralytics/yolov5' + commit = repo.head.commit.hexsha # i.e. '3134699c73af83aac2a481435550b968d5792c0d' try: branch = repo.active_branch.name # i.e. 'main' except TypeError: # not on any branch @@ -418,9 +363,7 @@ def check_img_size(imgsz, s=32, floor=0): imgsz = list(imgsz) # convert to list if tuple new_size = [max(make_divisible(x, int(s)), floor) for x in imgsz] if new_size != imgsz: - logger.warning( - f"WARNING ⚠️ --img-size {imgsz} must be multiple of max stride {s}, updating to {new_size}" - ) + logger.warning(f"WARNING ⚠️ --img-size {imgsz} must be multiple of max stride {s}, updating to {new_size}") return new_size @@ -436,9 +379,7 @@ def check_imshow(warn=False): return True except Exception as e: if warn: - logger.warning( - f"WARNING ⚠️ Environment does not support cv2.imshow() or PIL Image.show()\n{e}" - ) + logger.warning(f"WARNING ⚠️ Environment does not support cv2.imshow() or PIL Image.show()\n{e}") return False @@ -466,17 +407,13 @@ def check_file(file, suffix=""): return file elif file.startswith(("http:/", "https:/")): # download url = file # warning: Pathlib turns :// -> :/ - file = Path( - urllib.parse.unquote(file).split("?")[0] - ).name # '%2F' to '/', split https://url.com/file.txt?auth + file = Path(urllib.parse.unquote(file).split("?")[0]).name # '%2F' to '/', split https://url.com/file.txt?auth if os.path.isfile(file): logger.info(f"Found {url} locally at {file}") # file already exists else: logger.info(f"Downloading {url} to {file}...") torch.hub.download_url_to_file(url, file) - assert ( - Path(file).exists() and Path(file).stat().st_size > 0 - ), f"File download failed: {url}" # check + assert Path(file).exists() and Path(file).stat().st_size > 0, f"File download failed: {url}" # check return file elif file.startswith("clearml://"): # ClearML Dataset ID assert ( @@ -486,13 +423,9 @@ def check_file(file, suffix=""): else: # search files = [] for d in "data", "models", "utils": # search directories - files.extend( - glob.glob(str(ROOT / d / "**" / file), recursive=True) - ) # find file + files.extend(glob.glob(str(ROOT / d / "**" / file), recursive=True)) # find file assert len(files), f"File not found: {file}" # assert file was found - assert ( - len(files) == 1 - ), f"Multiple files match '{file}', specify exact path: {files}" # assert unique + assert len(files) == 1, f"Multiple files match '{file}', specify exact path: {files}" # assert unique return files[0] # return file @@ -532,9 +465,7 @@ def check_dataset(data, autodownload=True): assert k in data, emojis(f"data.yaml '{k}:' field missing ❌") if isinstance(data["names"], (list, tuple)): # old array format data["names"] = dict(enumerate(data["names"])) # convert to dict - assert all( - isinstance(k, int) for k in data["names"].keys() - ), "data.yaml names keys must be integers, i.e. 2: car" + assert all(isinstance(k, int) for k in data["names"].keys()), "data.yaml names keys must be integers, i.e. 2: car" data["nc"] = len(data["names"]) # Resolve paths @@ -555,14 +486,9 @@ def check_dataset(data, autodownload=True): # Parse yaml train, val, test, s = (data.get(x) for x in ("train", "val", "test", "download")) if val: - val = [ - Path(x).resolve() for x in (val if isinstance(val, list) else [val]) - ] # val path + val = [Path(x).resolve() for x in (val if isinstance(val, list) else [val])] # val path if not all(x.exists() for x in val): - logger.info( - "\nDataset not found ⚠️, missing paths %s" - % [str(x) for x in val if not x.exists()] - ) + logger.info("\nDataset not found ⚠️, missing paths %s" % [str(x) for x in val if not x.exists()]) if not s or not autodownload: raise Exception("Dataset not found ❌") t = time.time() @@ -580,15 +506,9 @@ def check_dataset(data, autodownload=True): else: # python script r = exec(s, {"yaml": data}) # return None dt = f"({round(time.time() - t, 1)}s)" - s = ( - f"success ✅ {dt}, saved to {colorstr('bold', DATASETS_DIR)}" - if r in (0, None) - else f"failure {dt} ❌" - ) + s = f"success ✅ {dt}, saved to {colorstr('bold', DATASETS_DIR)}" if r in (0, None) else f"failure {dt} ❌" logger.info(f"Dataset download {s}") - check_font( - "Arial.ttf" if is_ascii(data["names"]) else "Arial.Unicode.ttf", progress=True - ) # download fonts + check_font("Arial.ttf" if is_ascii(data["names"]) else "Arial.Unicode.ttf", progress=True) # download fonts return data # dictionary @@ -602,33 +522,21 @@ def amp_allclose(model, im): a = m(im).xywhn[0] # FP32 inference m.amp = True b = m(im).xywhn[0] # AMP inference - return a.shape == b.shape and torch.allclose( - a, b, atol=0.1 - ) # close to 10% absolute tolerance + return a.shape == b.shape and torch.allclose(a, b, atol=0.1) # close to 10% absolute tolerance prefix = colorstr("AMP: ") device = next(model.parameters()).device # get model device if device.type in ("cpu", "mps"): return False # AMP only used on CUDA devices f = ROOT / "data" / "images" / "bus.jpg" # image to check - im = ( - f - if f.exists() - else "https://ultralytics.com/images/bus.jpg" - if check_online() - else np.ones((640, 640, 3)) - ) + im = f if f.exists() else "https://ultralytics.com/images/bus.jpg" if check_online() else np.ones((640, 640, 3)) try: - assert amp_allclose(deepcopy(model), im) or amp_allclose( - DetectMultiBackend("yolov5n.pt", device), im - ) + assert amp_allclose(deepcopy(model), im) or amp_allclose(DetectMultiBackend("yolov5n.pt", device), im) logger.info(f"{prefix}checks passed ✅") return True except Exception: help_url = "https://github.com/ultralytics/yolov5/issues/7908" - logger.warning( - f"{prefix}checks failed ❌, disabling Automatic Mixed Precision. See {help_url}" - ) + logger.warning(f"{prefix}checks failed ❌, disabling Automatic Mixed Precision. See {help_url}") return False @@ -661,9 +569,7 @@ def unzip_file(file, path=None, exclude=(".DS_Store", "__MACOSX")): def url2file(url): # Convert URL to filename, i.e. https://url.com/file.txt?auth -> file.txt url = str(Path(url)).replace(":/", "://") # Pathlib turns :// -> :/ - return Path(urllib.parse.unquote(url)).name.split("?")[ - 0 - ] # '%2F' to '/', split https://url.com/file.txt?auth + return Path(urllib.parse.unquote(url)).name.split("?")[0] # '%2F' to '/', split https://url.com/file.txt?auth def download(url, dir=".", unzip=True, delete=True, curl=False, threads=1, retry=3): @@ -680,16 +586,12 @@ def download_one(url, dir): if curl: success = curl_download(url, f, silent=(threads > 1)) else: - torch.hub.download_url_to_file( - url, f, progress=threads == 1 - ) # torch download + torch.hub.download_url_to_file(url, f, progress=threads == 1) # torch download success = f.is_file() if success: break elif i < retry: - logger.warning( - f"⚠️ Download failure, retrying {i + 1}/{retry} {url}..." - ) + logger.warning(f"⚠️ Download failure, retrying {i + 1}/{retry} {url}...") else: logger.warning(f"❌ Failed to download {url}...") @@ -698,13 +600,9 @@ def download_one(url, dir): if is_zipfile(f): unzip_file(f, dir) # unzip elif is_tarfile(f): - subprocess.run( - ["tar", "xf", f, "--directory", f.parent], check=True - ) # unzip + subprocess.run(["tar", "xf", f, "--directory", f.parent], check=True) # unzip elif f.suffix == ".gz": - subprocess.run( - ["tar", "xfz", f, "--directory", f.parent], check=True - ) # unzip + subprocess.run(["tar", "xfz", f, "--directory", f.parent], check=True) # unzip if delete: f.unlink() # remove zip @@ -739,9 +637,7 @@ def one_cycle(y1=0.0, y2=1.0, steps=100): def colorstr(*input): # Colors a string https://en.wikipedia.org/wiki/ANSI_escape_code, i.e. colorstr('blue', 'hello world') - *args, string = ( - input if len(input) > 1 else ("blue", "bold", input[0]) - ) # color arguments, string + *args, string = input if len(input) > 1 else ("blue", "bold", input[0]) # color arguments, string colors = { "black": "\033[30m", # basic colors "red": "\033[31m", @@ -788,9 +684,7 @@ def labels_to_class_weights(labels, nc=80): def labels_to_image_weights(labels, nc=80, class_weights=np.ones(80)): # Produces image weights based on class_weights and image contents # Usage: index = random.choices(range(n), weights=image_weights, k=1) # weighted image sample - class_counts = np.array( - [np.bincount(x[:, 0].astype(int), minlength=nc) for x in labels] - ) + class_counts = np.array([np.bincount(x[:, 0].astype(int), minlength=nc) for x in labels]) return (class_weights.reshape(1, nc) * class_counts).sum(1) @@ -855,9 +749,7 @@ def segment2box(segment, width=640, height=640): x[inside], y[inside], ) - return ( - np.array([x.min(), y.min(), x.max(), y.max()]) if any(x) else np.zeros((1, 4)) - ) # xyxy + return np.array([x.min(), y.min(), x.max(), y.max()]) if any(x) else np.zeros((1, 4)) # xyxy def segments2boxes(segments): @@ -875,23 +767,15 @@ def resample_segments(segments, n=1000): s = np.concatenate((s, s[0:1, :]), axis=0) x = np.linspace(0, len(s) - 1, n) xp = np.arange(len(s)) - segments[i] = ( - np.concatenate([np.interp(x, xp, s[:, i]) for i in range(2)]) - .reshape(2, -1) - .T - ) # segment xy + segments[i] = np.concatenate([np.interp(x, xp, s[:, i]) for i in range(2)]).reshape(2, -1).T # segment xy return segments def scale_boxes(img1_shape, boxes, img0_shape, ratio_pad=None): # Rescale boxes (xyxy) from img1_shape to img0_shape if ratio_pad is None: # calculate from img0_shape - gain = min( - img1_shape[0] / img0_shape[0], img1_shape[1] / img0_shape[1] - ) # gain = old / new - pad = (img1_shape[1] - img0_shape[1] * gain) / 2, ( - img1_shape[0] - img0_shape[0] * gain - ) / 2 # wh padding + gain = min(img1_shape[0] / img0_shape[0], img1_shape[1] / img0_shape[1]) # gain = old / new + pad = (img1_shape[1] - img0_shape[1] * gain) / 2, (img1_shape[0] - img0_shape[0] * gain) / 2 # wh padding else: gain = ratio_pad[0][0] pad = ratio_pad[1] @@ -906,12 +790,8 @@ def scale_boxes(img1_shape, boxes, img0_shape, ratio_pad=None): def scale_segments(img1_shape, segments, img0_shape, ratio_pad=None, normalize=False): # Rescale coords (xyxy) from img1_shape to img0_shape if ratio_pad is None: # calculate from img0_shape - gain = min( - img1_shape[0] / img0_shape[0], img1_shape[1] / img0_shape[1] - ) # gain = old / new - pad = (img1_shape[1] - img0_shape[1] * gain) / 2, ( - img1_shape[0] - img0_shape[0] * gain - ) / 2 # wh padding + gain = min(img1_shape[0] / img0_shape[0], img1_shape[1] / img0_shape[1]) # gain = old / new + pad = (img1_shape[1] - img0_shape[1] * gain) / 2, (img1_shape[0] - img0_shape[0] * gain) / 2 # wh padding else: gain = ratio_pad[0][0] pad = ratio_pad[1] @@ -966,15 +846,9 @@ def non_max_suppression( """ # Checks - assert ( - 0 <= conf_thres <= 1 - ), f"Invalid Confidence threshold {conf_thres}, valid values are between 0.0 and 1.0" - assert ( - 0 <= iou_thres <= 1 - ), f"Invalid IoU {iou_thres}, valid values are between 0.0 and 1.0" - if isinstance( - prediction, (list, tuple) - ): # YOLOv5 model in validation model, output = (inference_out, loss_out) + assert 0 <= conf_thres <= 1, f"Invalid Confidence threshold {conf_thres}, valid values are between 0.0 and 1.0" + assert 0 <= iou_thres <= 1, f"Invalid IoU {iou_thres}, valid values are between 0.0 and 1.0" + if isinstance(prediction, (list, tuple)): # YOLOv5 model in validation model, output = (inference_out, loss_out) prediction = prediction[0] # select only inference output device = prediction.device @@ -1019,9 +893,7 @@ def non_max_suppression( x[:, 5:] *= x[:, 4:5] # conf = obj_conf * cls_conf # Box/Mask - box = xywh2xyxy( - x[:, :4] - ) # center_x, center_y, width, height) to (x1, y1, x2, y2) + box = xywh2xyxy(x[:, :4]) # center_x, center_y, width, height) to (x1, y1, x2, y2) mask = x[:, mi:] # zero columns if no masks # Detections matrix nx6 (xyxy, conf, cls) @@ -1044,9 +916,7 @@ def non_max_suppression( n = x.shape[0] # number of boxes if not n: # no boxes continue - x = x[ - x[:, 4].argsort(descending=True)[:max_nms] - ] # sort by confidence and remove excess boxes + x = x[x[:, 4].argsort(descending=True)[:max_nms]] # sort by confidence and remove excess boxes # Batched NMS c = x[:, 5:6] * (0 if agnostic else max_wh) # classes @@ -1057,9 +927,7 @@ def non_max_suppression( # update boxes as boxes(i,4) = weights(i,n) * boxes(n,4) iou = box_iou(boxes[i], boxes) > iou_thres # iou matrix weights = iou * scores[None] # box weights - x[i, :4] = torch.mm(weights, x[:, :4]).float() / weights.sum( - 1, keepdim=True - ) # merged boxes + x[i, :4] = torch.mm(weights, x[:, :4]).float() / weights.sum(1, keepdim=True) # merged boxes if redundant: i = i[iou.sum(1) > 1] # require redundancy @@ -1073,9 +941,7 @@ def non_max_suppression( return output -def strip_optimizer( - f="best.pt", s="" -): # from utils.general import *; strip_optimizer() +def strip_optimizer(f="best.pt", s=""): # from utils.general import *; strip_optimizer() # Strip optimizer from 'f' to finalize training, optionally save as 's' x = torch.load(f, map_location=torch.device("cpu")) if x.get("ema"): @@ -1088,9 +954,7 @@ def strip_optimizer( p.requires_grad = False torch.save(x, s or f) mb = os.path.getsize(s or f) / 1e6 # filesize - logger.info( - f"Optimizer stripped from {f},{f' saved as {s},' if s else ''} {mb:.1f}MB" - ) + logger.info(f"Optimizer stripped from {f},{f' saved as {s},' if s else ''} {mb:.1f}MB") def apply_classifier(x, model, img, im0): @@ -1122,9 +986,7 @@ def apply_classifier(x, model, img, im0): im /= 255 # 0 - 255 to 0.0 - 1.0 ims.append(im) - pred_cls2 = model(torch.Tensor(ims).to(d.device)).argmax( - 1 - ) # classifier prediction + pred_cls2 = model(torch.Tensor(ims).to(d.device)).argmax(1) # classifier prediction x[i] = x[i][pred_cls1 == pred_cls2] # retain matching class detections return x @@ -1134,9 +996,7 @@ def increment_path(path, exist_ok=False, sep="", mkdir=False): # Increment file or directory path, i.e. runs/exp --> runs/exp{sep}2, runs/exp{sep}3, ... etc. path = Path(path) # os-agnostic if path.exists() and not exist_ok: - path, suffix = ( - (path.with_suffix(""), path.suffix) if path.is_file() else (path, "") - ) + path, suffix = (path.with_suffix(""), path.suffix) if path.is_file() else (path, "") # Method 1 for n in range(2, 9999): @@ -1178,10 +1038,7 @@ def imshow(path, im): imshow_(path.encode("unicode_escape").decode(), im) -if ( - Path(inspect.stack()[0].filename).parent.parent.as_posix() - in inspect.stack()[-1].filename -): +if Path(inspect.stack()[0].filename).parent.parent.as_posix() in inspect.stack()[-1].filename: cv2.imread, cv2.imwrite, cv2.imshow = imread, imwrite, imshow # redefine # Variables ------------------------------------------------------------------------------------------------------------ diff --git a/models/experimental/yolov5/reference/utils/plots.py b/models/experimental/yolov5/reference/utils/plots.py index 49bb04d99b4..eb3c153ef64 100644 --- a/models/experimental/yolov5/reference/utils/plots.py +++ b/models/experimental/yolov5/reference/utils/plots.py @@ -110,12 +110,8 @@ def __init__( pil=False, example="abc", ): - assert ( - im.data.contiguous - ), "Image not contiguous. Apply np.ascontiguousarray(im) to Annotator() input images." - non_ascii = not is_ascii( - example - ) # non-latin labels, i.e. asian, arabic, cyrillic + assert im.data.contiguous, "Image not contiguous. Apply np.ascontiguousarray(im) to Annotator() input images." + non_ascii = not is_ascii(example) # non-latin labels, i.e. asian, arabic, cyrillic self.pil = pil or non_ascii if self.pil: # use PIL self.im = im if isinstance(im, Image.Image) else Image.fromarray(im) @@ -128,16 +124,12 @@ def __init__( self.im = im self.lw = line_width or max(round(sum(im.shape) / 2 * 0.003), 2) # line width - def box_label( - self, box, label="", color=(128, 128, 128), txt_color=(255, 255, 255) - ): + def box_label(self, box, label="", color=(128, 128, 128), txt_color=(255, 255, 255)): # Add one xyxy box to image with label if self.pil or not is_ascii(label): self.draw.rectangle(box, width=self.lw, outline=color) # box if label: - w, h = self.font.getsize( - label - ) # text width, height (WARNING: deprecated) in 9.2.0 + w, h = self.font.getsize(label) # text width, height (WARNING: deprecated) in 9.2.0 # _, _, w, h = self.font.getbbox(label) # text width, height (New) outside = box[1] - h >= 0 # label fits outside box self.draw.rectangle( @@ -158,14 +150,10 @@ def box_label( ) else: # cv2 p1, p2 = (int(box[0]), int(box[1])), (int(box[2]), int(box[3])) - cv2.rectangle( - self.im, p1, p2, color, thickness=self.lw, lineType=cv2.LINE_AA - ) + cv2.rectangle(self.im, p1, p2, color, thickness=self.lw, lineType=cv2.LINE_AA) if label: tf = max(self.lw - 1, 1) # font thickness - w, h = cv2.getTextSize(label, 0, fontScale=self.lw / 3, thickness=tf)[ - 0 - ] # text width, height + w, h = cv2.getTextSize(label, 0, fontScale=self.lw / 3, thickness=tf)[0] # text width, height outside = p1[1] - h >= 3 p2 = p1[0] + w, p1[1] - h - 3 if outside else p1[1] + h + 3 cv2.rectangle(self.im, p1, p2, color, -1, cv2.LINE_AA) # filled @@ -199,19 +187,13 @@ def masks(self, masks, colors, im_gpu, alpha=0.5, retina_masks=False): masks_color = masks * (colors * alpha) # shape(n,h,w,3) inv_alph_masks = (1 - masks * alpha).cumprod(0) # shape(n,h,w,1) - mcs = (masks_color * inv_alph_masks).sum( - 0 - ) * 2 # mask color summand shape(n,h,w,3) + mcs = (masks_color * inv_alph_masks).sum(0) * 2 # mask color summand shape(n,h,w,3) im_gpu = im_gpu.flip(dims=[0]) # flip channel im_gpu = im_gpu.permute(1, 2, 0).contiguous() # shape(h,w,3) im_gpu = im_gpu * inv_alph_masks[-1] + mcs im_mask = (im_gpu * 255).byte().cpu().numpy() - self.im[:] = ( - im_mask - if retina_masks - else scale_image(im_gpu.shape, im_mask, self.im.shape) - ) + self.im[:] = im_mask if retina_masks else scale_image(im_gpu.shape, im_mask, self.im.shape) if self.pil: # convert im back to PIL and update draw self.fromarray(self.im) @@ -237,9 +219,7 @@ def result(self): return np.asarray(self.im) -def feature_visualization( - x, module_type, stage, n=32, save_dir=Path("runs/detect/exp") -): +def feature_visualization(x, module_type, stage, n=32, save_dir=Path("runs/detect/exp")): """ x: Features to be visualized module_type: Module type @@ -250,17 +230,11 @@ def feature_visualization( if "Detect" not in module_type: batch, channels, height, width = x.shape # batch, channels, height, width if height > 1 and width > 1: - f = ( - save_dir / f"stage{stage}_{module_type.split('.')[-1]}_features.png" - ) # filename + f = save_dir / f"stage{stage}_{module_type.split('.')[-1]}_features.png" # filename - blocks = torch.chunk( - x[0].cpu(), channels, dim=0 - ) # select batch index 0, block by channels + blocks = torch.chunk(x[0].cpu(), channels, dim=0) # select batch index 0, block by channels n = min(n, channels) # number of plots - fig, ax = plt.subplots( - math.ceil(n / 8), 8, tight_layout=True - ) # 8 rows x n/8 cols + fig, ax = plt.subplots(math.ceil(n / 8), 8, tight_layout=True) # 8 rows x n/8 cols ax = ax.ravel() plt.subplots_adjust(wspace=0.05, hspace=0.05) for i in range(n): @@ -338,26 +312,18 @@ def plot_images(images, targets, paths=None, fname="images.jpg", names=None): # Annotate fs = int((h + w) * ns * 0.01) # font size - annotator = Annotator( - mosaic, line_width=round(fs / 10), font_size=fs, pil=True, example=names - ) + annotator = Annotator(mosaic, line_width=round(fs / 10), font_size=fs, pil=True, example=names) for i in range(i + 1): x, y = int(w * (i // ns)), int(h * (i % ns)) # block origin - annotator.rectangle( - [x, y, x + w, y + h], None, (255, 255, 255), width=2 - ) # borders + annotator.rectangle([x, y, x + w, y + h], None, (255, 255, 255), width=2) # borders if paths: - annotator.text( - (x + 5, y + 5), text=Path(paths[i]).name[:40], txt_color=(220, 220, 220) - ) # filenames + annotator.text((x + 5, y + 5), text=Path(paths[i]).name[:40], txt_color=(220, 220, 220)) # filenames if len(targets) > 0: ti = targets[targets[:, 0] == i] # image targets boxes = xywh2xyxy(ti[:, 2:6]).T classes = ti[:, 1].astype("int") labels = ti.shape[1] == 6 # labels if no conf column - conf = ( - None if labels else ti[:, 6] - ) # check for confidence presence (label vs pred) + conf = None if labels else ti[:, 6] # check for confidence presence (label vs pred) if boxes.shape[1]: if boxes.max() <= 1.01: # if normalized with tolerance 0.01 @@ -424,9 +390,7 @@ def plot_targets_txt(): # from utils.plots import *; plot_targets_txt() plt.savefig("targets.jpg", dpi=200) -def plot_val_study( - file="", dir="", x=None -): # from utils.plots import *; plot_val_study() +def plot_val_study(file="", dir="", x=None): # from utils.plots import *; plot_val_study() # Plot file=study.txt generated by val.py (or plot all study*.txt in dir) save_dir = Path(file).parent if file else Path(dir) plot2 = False # plot additional results @@ -508,9 +472,7 @@ def plot_labels(labels, names=(), save_dir=Path("")): ax = plt.subplots(2, 2, figsize=(8, 8), tight_layout=True)[1].ravel() y = ax[0].hist(c, bins=np.linspace(0, nc, nc + 1) - 0.5, rwidth=0.8) with contextlib.suppress(Exception): # color histogram bars by class - [ - y[2].patches[i].set_color([x / 255 for x in colors(i)]) for i in range(nc) - ] # known issue #3195 + [y[2].patches[i].set_color([x / 255 for x in colors(i)]) for i in range(nc)] # known issue #3195 ax[0].set_ylabel("instances") if 0 < len(names) < 30: ax[0].set_xticks(range(len(names))) @@ -538,9 +500,7 @@ def plot_labels(labels, names=(), save_dir=Path("")): plt.close() -def imshow_cls( - im, labels=None, pred=None, names=None, nmax=25, verbose=False, f=Path("images.jpg") -): +def imshow_cls(im, labels=None, pred=None, names=None, nmax=25, verbose=False, f=Path("images.jpg")): # Show classification image grid with labels (optional) and predictions (optional) from utils.augmentations import denormalize @@ -564,9 +524,7 @@ def imshow_cls( if verbose: logger.info(f"Saving {f}") if labels is not None: - logger.info( - "True: " + " ".join(f"{names[i]:3s}" for i in labels[:nmax]) - ) + logger.info("True: " + " ".join(f"{names[i]:3s}" for i in labels[:nmax])) if pred is not None: logger.info("Predicted:" + " ".join(f"{names[i]:3s}" for i in pred[:nmax])) return f @@ -589,9 +547,7 @@ def plot_evolve( v = x[:, 7 + i] mu = v[j] # best single result plt.subplot(6, 5, i + 1) - plt.scatter( - v, f, c=hist2d(v, f, 20), cmap="viridis", alpha=0.8, edgecolors="none" - ) + plt.scatter(v, f, c=hist2d(v, f, 20), cmap="viridis", alpha=0.8, edgecolors="none") plt.plot(mu, f.max(), "k+", markersize=15) plt.title(f"{k} = {mu:.3g}", fontdict={"size": 9}) # limit to 40 characters if i % 5 != 0: @@ -609,9 +565,7 @@ def plot_results(file="path/to/results.csv", dir=""): fig, ax = plt.subplots(2, 5, figsize=(12, 6), tight_layout=True) ax = ax.ravel() files = list(save_dir.glob("results*.csv")) - assert len( - files - ), f"No results.csv files found in {save_dir.resolve()}, nothing to plot." + assert len(files), f"No results.csv files found in {save_dir.resolve()}, nothing to plot." for f in files: try: data = pd.read_csv(f) @@ -620,12 +574,8 @@ def plot_results(file="path/to/results.csv", dir=""): for i, j in enumerate([1, 2, 3, 4, 5, 8, 9, 10, 6, 7]): y = data.values[:, j].astype("float") # y[y == 0] = np.nan # don't show zero values - ax[i].plot( - x, y, marker=".", label=f.stem, linewidth=2, markersize=8 - ) # actual results - ax[i].plot( - x, gaussian_filter1d(y, sigma=3), ":", label="smooth", linewidth=2 - ) # smoothing line + ax[i].plot(x, y, marker=".", label=f.stem, linewidth=2, markersize=8) # actual results + ax[i].plot(x, gaussian_filter1d(y, sigma=3), ":", label="smooth", linewidth=2) # smoothing line ax[i].set_title(s[j], fontsize=12) # if j in [8, 9, 10]: # share train and val loss y axes # ax[i].get_shared_y_axes().join(ax[i], ax[i - 5]) @@ -682,9 +632,7 @@ def profile_idetection(start=0, stop=0, labels=(), save_dir=""): plt.savefig(Path(save_dir) / "idetection_profile.png", dpi=200) -def save_one_box( - xyxy, im, file=Path("im.jpg"), gain=1.02, pad=10, square=False, BGR=False, save=True -): +def save_one_box(xyxy, im, file=Path("im.jpg"), gain=1.02, pad=10, square=False, BGR=False, save=True): # Save image crop as {file} with crop size multiple {gain} and {pad} pixels. Save and/or return crop xyxy = torch.tensor(xyxy).view(-1, 4) b = xyxy2xywh(xyxy) # boxes diff --git a/models/experimental/yolov5/reference/utils/segment_general.py b/models/experimental/yolov5/reference/utils/segment_general.py index e4e1bb1512a..b27d0a937d0 100644 --- a/models/experimental/yolov5/reference/utils/segment_general.py +++ b/models/experimental/yolov5/reference/utils/segment_general.py @@ -20,12 +20,8 @@ def crop_mask(masks, boxes): n, h, w = masks.shape x1, y1, x2, y2 = torch.chunk(boxes[:, :, None], 4, 1) # x1 shape(1,1,n) - r = torch.arange(w, device=masks.device, dtype=x1.dtype)[ - None, None, : - ] # rows shape(1,w,1) - c = torch.arange(h, device=masks.device, dtype=x1.dtype)[ - None, :, None - ] # cols shape(h,1,1) + r = torch.arange(w, device=masks.device, dtype=x1.dtype)[None, None, :] # rows shape(1,w,1) + c = torch.arange(h, device=masks.device, dtype=x1.dtype)[None, :, None] # cols shape(h,1,1) return masks * ((r >= x1) * (r < x2) * (c >= y1) * (c < y2)) @@ -43,9 +39,7 @@ def process_mask_upsample(protos, masks_in, bboxes, shape): c, mh, mw = protos.shape # CHW masks = (masks_in @ protos.float().view(c, -1)).sigmoid().view(-1, mh, mw) - masks = F.interpolate(masks[None], shape, mode="bilinear", align_corners=False)[ - 0 - ] # CHW + masks = F.interpolate(masks[None], shape, mode="bilinear", align_corners=False)[0] # CHW masks = crop_mask(masks, bboxes) # CHW return masks.gt_(0.5) @@ -73,9 +67,7 @@ def process_mask(protos, masks_in, bboxes, shape, upsample=False): masks = crop_mask(masks, downsampled_bboxes) # CHW if upsample: - masks = F.interpolate(masks[None], shape, mode="bilinear", align_corners=False)[ - 0 - ] # CHW + masks = F.interpolate(masks[None], shape, mode="bilinear", align_corners=False)[0] # CHW return masks.gt_(0.5) @@ -97,9 +89,7 @@ def process_mask_native(protos, masks_in, bboxes, shape): bottom, right = int(mh - pad[1]), int(mw - pad[0]) masks = masks[:, top:bottom, left:right] - masks = F.interpolate(masks[None], shape, mode="bilinear", align_corners=False)[ - 0 - ] # CHW + masks = F.interpolate(masks[None], shape, mode="bilinear", align_corners=False)[0] # CHW masks = crop_mask(masks, bboxes) # CHW return masks.gt_(0.5) @@ -112,21 +102,15 @@ def scale_image(im1_shape, masks, im0_shape, ratio_pad=None): """ # Rescale coordinates (xyxy) from im1_shape to im0_shape if ratio_pad is None: # calculate from im0_shape - gain = min( - im1_shape[0] / im0_shape[0], im1_shape[1] / im0_shape[1] - ) # gain = old / new - pad = (im1_shape[1] - im0_shape[1] * gain) / 2, ( - im1_shape[0] - im0_shape[0] * gain - ) / 2 # wh padding + gain = min(im1_shape[0] / im0_shape[0], im1_shape[1] / im0_shape[1]) # gain = old / new + pad = (im1_shape[1] - im0_shape[1] * gain) / 2, (im1_shape[0] - im0_shape[0] * gain) / 2 # wh padding else: pad = ratio_pad[1] top, left = int(pad[1]), int(pad[0]) # y, x bottom, right = int(im1_shape[0] - pad[1]), int(im1_shape[1] - pad[0]) if len(masks.shape) < 2: - raise ValueError( - f'"len of masks shape" should be 2 or 3, but got {len(masks.shape)}' - ) + raise ValueError(f'"len of masks shape" should be 2 or 3, but got {len(masks.shape)}') masks = masks[top:bottom, left:right] # masks = masks.permute(2, 0, 1).contiguous() # masks = F.interpolate(masks[None], im0_shape[:2], mode='bilinear', align_corners=False)[0] @@ -147,9 +131,7 @@ def mask_iou(mask1, mask2, eps=1e-7): return: masks iou, [N, M] """ intersection = torch.matmul(mask1, mask2.t()).clamp(0) - union = ( - mask1.sum(1)[:, None] + mask2.sum(1)[None] - ) - intersection # (area1 + area2) - intersection + union = (mask1.sum(1)[:, None] + mask2.sum(1)[None]) - intersection # (area1 + area2) - intersection return intersection / (union + eps) @@ -162,9 +144,7 @@ def masks_iou(mask1, mask2, eps=1e-7): return: masks iou, (N, ) """ intersection = (mask1 * mask2).sum(1).clamp(0) # (N, ) - union = (mask1.sum(1) + mask2.sum(1))[ - None - ] - intersection # (area1 + area2) - intersection + union = (mask1.sum(1) + mask2.sum(1))[None] - intersection # (area1 + area2) - intersection return intersection / (union + eps) diff --git a/models/experimental/yolov5/reference/utils/torch_utils.py b/models/experimental/yolov5/reference/utils/torch_utils.py index 15898a4a6ec..9465e242fd8 100644 --- a/models/experimental/yolov5/reference/utils/torch_utils.py +++ b/models/experimental/yolov5/reference/utils/torch_utils.py @@ -31,9 +31,7 @@ git_describe, ) -LOCAL_RANK = int( - os.getenv("LOCAL_RANK", -1) -) # https://pytorch.org/docs/stable/elastic/run.html +LOCAL_RANK = int(os.getenv("LOCAL_RANK", -1)) # https://pytorch.org/docs/stable/elastic/run.html RANK = int(os.getenv("RANK", -1)) WORLD_SIZE = int(os.getenv("WORLD_SIZE", 1)) @@ -63,9 +61,7 @@ def smartCrossEntropyLoss(label_smoothing=0.0): if check_version(torch.__version__, "1.10.0"): return nn.CrossEntropyLoss(label_smoothing=label_smoothing) if label_smoothing > 0: - logger.warning( - f"WARNING ⚠️ label smoothing {label_smoothing} requires torch>=1.10.0" - ) + logger.warning(f"WARNING ⚠️ label smoothing {label_smoothing} requires torch>=1.10.0") return nn.CrossEntropyLoss() @@ -76,9 +72,7 @@ def smart_DDP(model): "Please upgrade or downgrade torch to use DDP. See https://github.com/ultralytics/yolov5/issues/8395" ) if check_version(torch.__version__, "1.11.0"): - return DDP( - model, device_ids=[LOCAL_RANK], output_device=LOCAL_RANK, static_graph=True - ) + return DDP(model, device_ids=[LOCAL_RANK], output_device=LOCAL_RANK, static_graph=True) else: return DDP(model, device_ids=[LOCAL_RANK], output_device=LOCAL_RANK) @@ -87,11 +81,7 @@ def reshape_classifier_output(model, n=1000): # Update a TorchVision classification model to class count 'n' if required from models.common import Classify - name, m = list( - (model.model if hasattr(model, "model") else model).named_children() - )[ - -1 - ] # last module + name, m = list((model.model if hasattr(model, "model") else model).named_children())[-1] # last module if isinstance(m, Classify): # YOLOv5 Classify() head if m.linear.out_features != n: m.linear = nn.Linear(m.linear.in_features, n) @@ -133,16 +123,8 @@ def device_count(): "Windows", ), "device_count() only supported on Linux or Windows" try: - cmd = ( - "nvidia-smi -L | wc -l" - if platform.system() == "Linux" - else 'nvidia-smi -L | find /c /v ""' - ) # Windows - return int( - subprocess.run(cmd, shell=True, capture_output=True, check=True) - .stdout.decode() - .split()[-1] - ) + cmd = "nvidia-smi -L | wc -l" if platform.system() == "Linux" else 'nvidia-smi -L | find /c /v ""' # Windows + return int(subprocess.run(cmd, shell=True, capture_output=True, check=True).stdout.decode().split()[-1]) except Exception: return 0 @@ -150,40 +132,28 @@ def device_count(): def select_device(device="", batch_size=0, newline=True): # device = None or 'cpu' or 0 or '0' or '0,1,2,3' s = f"YOLOv5 🚀 {git_describe() or file_date()} Python-{platform.python_version()} torch-{torch.__version__} " - device = ( - str(device).strip().lower().replace("cuda:", "").replace("none", "") - ) # to string, 'cuda:0' to '0' + device = str(device).strip().lower().replace("cuda:", "").replace("none", "") # to string, 'cuda:0' to '0' cpu = device == "cpu" mps = device == "mps" # Apple Metal Performance Shaders (MPS) if cpu or mps: - os.environ[ - "CUDA_VISIBLE_DEVICES" - ] = "-1" # force torch.cuda.is_available() = False + os.environ["CUDA_VISIBLE_DEVICES"] = "-1" # force torch.cuda.is_available() = False elif device: # non-cpu device requested - os.environ[ - "CUDA_VISIBLE_DEVICES" - ] = device # set environment variable - must be before assert is_available() + os.environ["CUDA_VISIBLE_DEVICES"] = device # set environment variable - must be before assert is_available() assert torch.cuda.is_available() and torch.cuda.device_count() >= len( device.replace(",", "") ), f"Invalid CUDA '--device {device}' requested, use '--device cpu' or pass valid CUDA device(s)" if not cpu and not mps and torch.cuda.is_available(): # prefer GPU if available - devices = ( - device.split(",") if device else "0" - ) # range(torch.cuda.device_count()) # i.e. 0,1,6,7 + devices = device.split(",") if device else "0" # range(torch.cuda.device_count()) # i.e. 0,1,6,7 n = len(devices) # device count if n > 1 and batch_size > 0: # check batch_size is divisible by device_count - assert ( - batch_size % n == 0 - ), f"batch-size {batch_size} not multiple of GPU count {n}" + assert batch_size % n == 0, f"batch-size {batch_size} not multiple of GPU count {n}" space = " " * (len(s) + 1) for i, d in enumerate(devices): p = torch.cuda.get_device_properties(i) s += f"{'' if i == 0 else space}CUDA:{d} ({p.name}, {p.total_memory / (1 << 20):.0f}MiB)\n" # bytes to MB arg = "cuda:0" - elif ( - mps and getattr(torch, "has_mps", False) and torch.backends.mps.is_available() - ): # prefer MPS if available + elif mps and getattr(torch, "has_mps", False) and torch.backends.mps.is_available(): # prefer MPS if available s += "MPS\n" arg = "mps" else: # revert to CPU @@ -224,18 +194,10 @@ def profile(input, ops, n=10, device=None): x.requires_grad = True for m in ops if isinstance(ops, list) else [ops]: m = m.to(device) if hasattr(m, "to") else m # device - m = ( - m.half() - if hasattr(m, "half") - and isinstance(x, torch.Tensor) - and x.dtype is torch.float16 - else m - ) + m = m.half() if hasattr(m, "half") and isinstance(x, torch.Tensor) and x.dtype is torch.float16 else m tf, tb, t = 0, 0, [0, 0, 0] # dt forward, backward try: - flops = ( - thop.profile(m, inputs=(x,), verbose=False)[0] / 1e9 * 2 - ) # GFLOPs + flops = thop.profile(m, inputs=(x,), verbose=False)[0] / 1e9 * 2 # GFLOPs except Exception: flops = 0 @@ -245,34 +207,17 @@ def profile(input, ops, n=10, device=None): y = m(x) t[1] = time_sync() try: - _ = ( - (sum(yi.sum() for yi in y) if isinstance(y, list) else y) - .sum() - .backward() - ) + _ = (sum(yi.sum() for yi in y) if isinstance(y, list) else y).sum().backward() t[2] = time_sync() except Exception: # no backward method # print(e) # for debug t[2] = float("nan") tf += (t[1] - t[0]) * 1000 / n # ms per op forward tb += (t[2] - t[1]) * 1000 / n # ms per op backward - mem = ( - torch.cuda.memory_reserved() / 1e9 - if torch.cuda.is_available() - else 0 - ) # (GB) - s_in, s_out = ( - tuple(x.shape) if isinstance(x, torch.Tensor) else "list" - for x in (x, y) - ) # shapes - p = ( - sum(x.numel() for x in m.parameters()) - if isinstance(m, nn.Module) - else 0 - ) # parameters - print( - f"{p:12}{flops:12.4g}{mem:>14.3f}{tf:14.4g}{tb:14.4g}{str(s_in):>24s}{str(s_out):>24s}" - ) + mem = torch.cuda.memory_reserved() / 1e9 if torch.cuda.is_available() else 0 # (GB) + s_in, s_out = (tuple(x.shape) if isinstance(x, torch.Tensor) else "list" for x in (x, y)) # shapes + p = sum(x.numel() for x in m.parameters()) if isinstance(m, nn.Module) else 0 # parameters + print(f"{p:12}{flops:12.4g}{mem:>14.3f}{tf:14.4g}{tb:14.4g}{str(s_in):>24s}{str(s_out):>24s}") results.append([p, flops, mem, tf, tb, s_in, s_out]) except Exception as e: print(e) @@ -354,14 +299,8 @@ def fuse_conv_and_bn(conv, bn): fusedconv.weight.copy_(torch.mm(w_bn, w_conv).view(fusedconv.weight.shape)) # Prepare spatial bias - b_conv = ( - torch.zeros(conv.weight.size(0), device=conv.weight.device) - if conv.bias is None - else conv.bias - ) - b_bn = bn.bias - bn.weight.mul(bn.running_mean).div( - torch.sqrt(bn.running_var + bn.eps) - ) + b_conv = torch.zeros(conv.weight.size(0), device=conv.weight.device) if conv.bias is None else conv.bias + b_bn = bn.bias - bn.weight.mul(bn.running_mean).div(torch.sqrt(bn.running_var + bn.eps)) fusedconv.bias.copy_(torch.mm(w_bn, b_conv.reshape(-1, 1)).reshape(-1) + b_bn) return fusedconv @@ -370,13 +309,9 @@ def fuse_conv_and_bn(conv, bn): def model_info(model, verbose=False, imgsz=640): # Model information. img_size may be int or list, i.e. img_size=640 or img_size=[640, 320] n_p = sum(x.numel() for x in model.parameters()) # number parameters - n_g = sum( - x.numel() for x in model.parameters() if x.requires_grad - ) # number gradients + n_g = sum(x.numel() for x in model.parameters() if x.requires_grad) # number gradients if verbose: - print( - f"{'layer':>5} {'name':>40} {'gradient':>9} {'parameters':>12} {'shape':>20} {'mu':>10} {'sigma':>10}" - ) + print(f"{'layer':>5} {'name':>40} {'gradient':>9} {'parameters':>12} {'shape':>20} {'mu':>10} {'sigma':>10}") for i, (name, p) in enumerate(model.named_parameters()): name = name.replace("module_list.", "") print( @@ -394,30 +329,16 @@ def model_info(model, verbose=False, imgsz=640): try: # FLOPs p = next(model.parameters()) - stride = ( - max(int(model.stride.max()), 32) if hasattr(model, "stride") else 32 - ) # max stride - im = torch.empty( - (1, p.shape[1], stride, stride), device=p.device - ) # input image in BCHW format - flops = ( - thop.profile(deepcopy(model), inputs=(im,), verbose=False)[0] / 1e9 * 2 - ) # stride GFLOPs - imgsz = ( - imgsz if isinstance(imgsz, list) else [imgsz, imgsz] - ) # expand if int/float + stride = max(int(model.stride.max()), 32) if hasattr(model, "stride") else 32 # max stride + im = torch.empty((1, p.shape[1], stride, stride), device=p.device) # input image in BCHW format + flops = thop.profile(deepcopy(model), inputs=(im,), verbose=False)[0] / 1e9 * 2 # stride GFLOPs + imgsz = imgsz if isinstance(imgsz, list) else [imgsz, imgsz] # expand if int/float fs = f", {flops * imgsz[0] / stride * imgsz[1] / stride:.1f} GFLOPs" # 640x640 GFLOPs except Exception: fs = "" - name = ( - Path(model.yaml_file).stem.replace("yolov5", "YOLOv5") - if hasattr(model, "yaml_file") - else "Model" - ) - logger.info( - f"{name} summary: {len(list(model.modules()))} layers, {n_p} parameters, {n_g} gradients{fs}" - ) + name = Path(model.yaml_file).stem.replace("yolov5", "YOLOv5") if hasattr(model, "yaml_file") else "Model" + logger.info(f"{name} summary: {len(list(model.modules()))} layers, {n_p} parameters, {n_g} gradients{fs}") def scale_img(img, ratio=1.0, same_shape=False, gs=32): # img(16,3,256,416) @@ -444,9 +365,7 @@ def copy_attr(a, b, include=(), exclude=()): def smart_optimizer(model, name="Adam", lr=0.001, momentum=0.9, decay=1e-5): # YOLOv5 3-param group optimizer: 0) weights with decay, 1) weights no decay, 2) biases no decay g = [], [], [] # optimizer parameter groups - bn = tuple( - v for k, v in nn.__dict__.items() if "Norm" in k - ) # normalization layers, i.e. BatchNorm2d() + bn = tuple(v for k, v in nn.__dict__.items() if "Norm" in k) # normalization layers, i.e. BatchNorm2d() for v in model.modules(): for p_name, p in v.named_parameters(recurse=0): if p_name == "bias": # bias (no decay) @@ -457,13 +376,9 @@ def smart_optimizer(model, name="Adam", lr=0.001, momentum=0.9, decay=1e-5): g[0].append(p) # weight (with decay) if name == "Adam": - optimizer = torch.optim.Adam( - g[2], lr=lr, betas=(momentum, 0.999) - ) # adjust beta1 to momentum + optimizer = torch.optim.Adam(g[2], lr=lr, betas=(momentum, 0.999)) # adjust beta1 to momentum elif name == "AdamW": - optimizer = torch.optim.AdamW( - g[2], lr=lr, betas=(momentum, 0.999), weight_decay=0.0 - ) + optimizer = torch.optim.AdamW(g[2], lr=lr, betas=(momentum, 0.999), weight_decay=0.0) elif name == "RMSProp": optimizer = torch.optim.RMSprop(g[2], lr=lr, momentum=momentum) elif name == "SGD": @@ -471,12 +386,8 @@ def smart_optimizer(model, name="Adam", lr=0.001, momentum=0.9, decay=1e-5): else: raise NotImplementedError(f"Optimizer {name} not implemented.") - optimizer.add_param_group( - {"params": g[0], "weight_decay": decay} - ) # add g0 with weight_decay - optimizer.add_param_group( - {"params": g[1], "weight_decay": 0.0} - ) # add g1 (BatchNorm2d weights) + optimizer.add_param_group({"params": g[0], "weight_decay": decay}) # add g0 with weight_decay + optimizer.add_param_group({"params": g[1], "weight_decay": 0.0}) # add g1 (BatchNorm2d weights) logger.info( f"{colorstr('optimizer:')} {type(optimizer).__name__}(lr={lr}) with parameter groups " f"{len(g[1])} weight(decay=0.0), {len(g[0])} weight(decay={decay}), {len(g[2])} bias" @@ -487,9 +398,7 @@ def smart_optimizer(model, name="Adam", lr=0.001, momentum=0.9, decay=1e-5): def smart_hub_load(repo="ultralytics/yolov5", model="yolov5s", **kwargs): # YOLOv5 torch.hub.load() wrapper with smart error/issue handling if check_version(torch.__version__, "1.9.1"): - kwargs[ - "skip_validation" - ] = True # validation causes GitHub API rate limit errors + kwargs["skip_validation"] = True # validation causes GitHub API rate limit errors if check_version(torch.__version__, "1.12.0"): kwargs["trust_repo"] = True # argument required starting in torch 0.12 try: @@ -498,9 +407,7 @@ def smart_hub_load(repo="ultralytics/yolov5", model="yolov5s", **kwargs): return torch.hub.load(repo, model, force_reload=True, **kwargs) -def smart_resume( - ckpt, optimizer, ema=None, weights="yolov5s.pt", epochs=300, resume=True -): +def smart_resume(ckpt, optimizer, ema=None, weights="yolov5s.pt", epochs=300, resume=True): # Resume training from a partially trained checkpoint best_fitness = 0.0 start_epoch = ckpt["epoch"] + 1 @@ -515,13 +422,9 @@ def smart_resume( f"{weights} training to {epochs} epochs is finished, nothing to resume.\n" f"Start a new training without --resume, i.e. 'python train.py --weights {weights}'" ) - logger.info( - f"Resuming training from {weights} from epoch {start_epoch} to {epochs} total epochs" - ) + logger.info(f"Resuming training from {weights} from epoch {start_epoch} to {epochs} total epochs") if epochs < start_epoch: - logger.info( - f"{weights} has been trained for {ckpt['epoch']} epochs. Fine-tuning for {epochs} more epochs." - ) + logger.info(f"{weights} has been trained for {ckpt['epoch']} epochs. Fine-tuning for {epochs} more epochs.") epochs += ckpt["epoch"] # finetune additional epochs return best_fitness, start_epoch, epochs @@ -531,21 +434,15 @@ class EarlyStopping: def __init__(self, patience=30): self.best_fitness = 0.0 # i.e. mAP self.best_epoch = 0 - self.patience = patience or float( - "inf" - ) # epochs to wait after fitness stops improving to stop + self.patience = patience or float("inf") # epochs to wait after fitness stops improving to stop self.possible_stop = False # possible stop may occur next epoch def __call__(self, epoch, fitness): - if ( - fitness >= self.best_fitness - ): # >= 0 to allow for early zero-fitness stage of training + if fitness >= self.best_fitness: # >= 0 to allow for early zero-fitness stage of training self.best_epoch = epoch self.best_fitness = fitness delta = epoch - self.best_epoch # epochs without improvement - self.possible_stop = delta >= ( - self.patience - 1 - ) # possible stop may occur next epoch + self.possible_stop = delta >= (self.patience - 1) # possible stop may occur next epoch stop = delta >= self.patience # stop training if patience exceeded if stop: logger.info( @@ -567,9 +464,7 @@ def __init__(self, model, decay=0.9999, tau=2000, updates=0): # Create EMA self.ema = deepcopy(de_parallel(model)).eval() # FP32 EMA self.updates = updates # number of EMA updates - self.decay = lambda x: decay * ( - 1 - math.exp(-x / tau) - ) # decay exponential ramp (to help early epochs) + self.decay = lambda x: decay * (1 - math.exp(-x / tau)) # decay exponential ramp (to help early epochs) for p in self.ema.parameters(): p.requires_grad_(False) diff --git a/models/experimental/yolov5/tt/yolov5_detection_model.py b/models/experimental/yolov5/tt/yolov5_detection_model.py index 6e04c33637f..2ae8623869c 100644 --- a/models/experimental/yolov5/tt/yolov5_detection_model.py +++ b/models/experimental/yolov5/tt/yolov5_detection_model.py @@ -36,18 +36,14 @@ ) -def parse_model( - state_dict, base_address, yaml_dict, ch, device -): # model_dict, input_channels(3) +def parse_model(state_dict, base_address, yaml_dict, ch, device): # model_dict, input_channels(3) # with open(yaml_file_name, encoding="ascii", errors="ignore") as f: # d = yaml.safe_load(f) # model dict d = yaml_dict # Parse a YOLOv5 model.yaml dictionary - logger.info( - f"{'':>3}{'from':>18}{'n':>3}{'params':>10} {'module':<40}{'arguments':<30}" - ) + logger.info(f"{'':>3}{'from':>18}{'n':>3}{'params':>10} {'module':<40}{'arguments':<30}") anchors, nc, gd, gw, act = ( d["anchors"], d["nc"], @@ -57,21 +53,15 @@ def parse_model( ) if act: - Conv.default_act = eval( - act - ) # redefine default activation, i.e. Conv.default_act = nn.SiLU() + Conv.default_act = eval(act) # redefine default activation, i.e. Conv.default_act = nn.SiLU() logger.info(f"{colorstr('activation:')} {act}") # print - na = ( - (len(anchors[0]) // 2) if isinstance(anchors, list) else anchors - ) # number of anchors + na = (len(anchors[0]) // 2) if isinstance(anchors, list) else anchors # number of anchors no = na * (nc + 5) # number of outputs = anchors * (classes + 5) layers, save, c2 = [], [], ch[-1] # layers, savelist, ch out - for i, (f, n, m, args) in enumerate( - d["backbone"] + d["head"] - ): # from, number, module, args + for i, (f, n, m, args) in enumerate(d["backbone"] + d["head"]): # from, number, module, args for j, a in enumerate(args): with contextlib.suppress(NameError): args[j] = eval(a) if isinstance(a, str) else a # eval strings @@ -126,9 +116,7 @@ def parse_model( args.insert(0, f"{base_address}.{i}") args.insert(0, state_dict) - m_ = ( - nn.Sequential(*(m(*args) for _ in range(n))) if n > 1 else m(*args) - ) # module + m_ = nn.Sequential(*(m(*args) for _ in range(n))) if n > 1 else m(*args) # module t = str(m)[8:-2].replace("__main__.", "") # module type np = sum(x.numel() for x in m_.parameters()) # number params m_.i, m_.f, m_.type, m_.np = ( @@ -138,9 +126,7 @@ def parse_model( np, ) # attach index, 'from' index, type, number params - save.extend( - x % i for x in ([f] if isinstance(f, int) else f) if x != -1 - ) # append to savelist + save.extend(x % i for x in ([f] if isinstance(f, int) else f) if x != -1) # append to savelist layers.append(m_) if i == 0: @@ -154,9 +140,7 @@ def parse_model( class BaseModel(nn.Module): # YOLOv5 base model def forward(self, x, profile=False, visualize=False): - return self._forward_once( - x, profile, visualize - ) # single-scale inference, train + return self._forward_once(x, profile, visualize) # single-scale inference, train def _forward_once(self, x, profile=False, visualize=False): y, dt = [], [] # outputs @@ -164,11 +148,7 @@ def _forward_once(self, x, profile=False, visualize=False): logger.debug(f"Running layer {i}") if m.f != -1: # if not from previous layer - x = ( - y[m.f] - if isinstance(m.f, int) - else [x if j == -1 else y[j] for j in m.f] - ) # from earlier layers + x = y[m.f] if isinstance(m.f, int) else [x if j == -1 else y[j] for j in m.f] # from earlier layers if profile: self._profile_one_layer(m, x, dt) @@ -181,11 +161,7 @@ def _forward_once(self, x, profile=False, visualize=False): def _profile_one_layer(self, m, x, dt): c = m == self.model[-1] # is final layer, copy input as inplace fix - o = ( - thop.profile(m, inputs=(x.copy() if c else x,), verbose=False)[0] / 1e9 * 2 - if thop - else 0 - ) # FLOPs + o = thop.profile(m, inputs=(x.copy() if c else x,), verbose=False)[0] / 1e9 * 2 if thop else 0 # FLOPs t = time_sync() for _ in range(10): m(x.copy() if c else x) @@ -267,18 +243,12 @@ def __init__( s = 256 # 2x min stride m.inplace = self.inplace - forward = ( - lambda x: self.forward(x) - if isinstance(m, TtYolov5Detect) - else self.forward(x)[0] - ) + forward = lambda x: self.forward(x) if isinstance(m, TtYolov5Detect) else self.forward(x)[0] zeros_tensor = torch2tt_tensor(torch.zeros(1, ch, s, s), device) forwaded_zeros = forward(zeros_tensor) - m.stride = torch.tensor( - [s / x.shape[-2] for x in forwaded_zeros] - ) # forward + m.stride = torch.tensor([s / x.shape[-2] for x in forwaded_zeros]) # forward check_anchor_order(m) m.anchors /= m.stride.view(-1, 1, 1) @@ -290,9 +260,7 @@ def forward(self, x, augment=False, profile=False, visualize=False): if augment: return self._forward_augment(x) # augmented inference, None - return self._forward_once( - x, profile, visualize - ) # single-scale inference, train + return self._forward_once(x, profile, visualize) # single-scale inference, train def _forward_augment(self, x): img_size = x.shape[-2:] # height, width @@ -339,29 +307,21 @@ def _clip_augmented(self, y): y[-1] = y[-1][:, i:] # small return y - def _initialize_biases( - self, cf=None - ): # initialize biases into Detect(), cf is class frequency + def _initialize_biases(self, cf=None): # initialize biases into Detect(), cf is class frequency # https://arxiv.org/abs/1708.02002 section 3.3 # cf = torch.bincount(torch.tensor(np.concatenate(dataset.labels, 0)[:, 0]).long(), minlength=nc) + 1. m = self.model[-1] # Detect() module for mi, s in zip(m.m, m.stride): # from b = mi.bias.view(m.na, -1) # conv.bias(255) to (3,85) - b.data[:, 4] += math.log( - 8 / (640 / s) ** 2 - ) # obj (8 objects per 640 image) + b.data[:, 4] += math.log(8 / (640 / s) ** 2) # obj (8 objects per 640 image) b.data[:, 5 : 5 + m.nc] += ( - math.log(0.6 / (m.nc - 0.99999)) - if cf is None - else torch.log(cf / cf.sum()) + math.log(0.6 / (m.nc - 0.99999)) if cf is None else torch.log(cf / cf.sum()) ) # cls mi.bias = torch.nn.Parameter(b.view(-1), requires_grad=True) -def _yolov5_detection_model( - cfg_path, state_dict, base_address, device -) -> TtYolov5DetectionModel: +def _yolov5_detection_model(cfg_path, state_dict, base_address, device) -> TtYolov5DetectionModel: tt_model = TtYolov5DetectionModel( cfg=cfg_path, state_dict=state_dict, @@ -378,9 +338,7 @@ def yolov5s_detection_model(device) -> TtYolov5DetectionModel: data = None half = False - refence_model = DetectMultiBackend( - weights, device=torch.device("cpu"), dnn=dnn, data=data, fp16=half - ) + refence_model = DetectMultiBackend(weights, device=torch.device("cpu"), dnn=dnn, data=data, fp16=half) tt_model = TtYolov5DetectionModel( cfg=cfg_path, diff --git a/models/experimental/yolov7/demo/cpu_demo.py b/models/experimental/yolov7/demo/cpu_demo.py index 4953241bda7..6590a49c90e 100644 --- a/models/experimental/yolov7/demo/cpu_demo.py +++ b/models/experimental/yolov7/demo/cpu_demo.py @@ -11,8 +11,6 @@ from numpy import random - - from models.experimental.yolov7.reference.models.load_torch_model import ( get_yolov7_fused_cpu_model, ) @@ -30,6 +28,8 @@ file_path = f"{Path(__file__).parent}" + + def test_cpu_demo(model_location_generator): torch.manual_seed(1234) logger.info(file_path) @@ -88,9 +88,7 @@ def test_cpu_demo(model_location_generator): agnostic_nms = False save_conf = True # Apply NMS - pred = non_max_suppression( - pred, conf_thres, iou_thres, classes=classes, agnostic=False - ) + pred = non_max_suppression(pred, conf_thres, iou_thres, classes=classes, agnostic=False) t3 = time_synchronized() # Process predictions @@ -129,9 +127,7 @@ def test_cpu_demo(model_location_generator): ) # Print time (inference + NMS) - logger.info( - f"{s}Done. ({(1E3 * (t2 - t1)):.1f}ms) Inference, ({(1E3 * (t3 - t2)):.1f}ms) NMS" - ) + logger.info(f"{s}Done. ({(1E3 * (t2 - t1)):.1f}ms) Inference, ({(1E3 * (t3 - t2)):.1f}ms) NMS") # Save input image cv2.imwrite(save_path_input, im0s) diff --git a/models/experimental/yolov7/reference/detect.py b/models/experimental/yolov7/reference/detect.py index 0aee1304158..b0a61b8d40d 100644 --- a/models/experimental/yolov7/reference/detect.py +++ b/models/experimental/yolov7/reference/detect.py @@ -12,7 +12,6 @@ from loguru import logger - from models.experimental.yolov7.reference.models.experimental import attempt_load from models.experimental.yolov7.reference.utils.datasets import LoadImages from models.experimental.yolov7.reference.utils.general import ( @@ -64,9 +63,7 @@ def test_detect(model_location_generator): # Directories save_dir = Path(increment_path(Path(f) / "exp")) # increment run - (save_dir / "labels" if save_txt else save_dir).mkdir( - parents=True, exist_ok=True - ) # make dir + (save_dir / "labels" if save_txt else save_dir).mkdir(parents=True, exist_ok=True) # make dir # Second-stage classifier # classify = False @@ -82,9 +79,7 @@ def test_detect(model_location_generator): # Run inference if device.type != "cpu": - model( - torch.zeros(1, 3, imgsz, imgsz).to(device).type_as(next(model.parameters())) - ) # run once + model(torch.zeros(1, 3, imgsz, imgsz).to(device).type_as(next(model.parameters()))) # run once old_img_w = old_img_h = imgsz old_img_b = 1 @@ -98,9 +93,7 @@ def test_detect(model_location_generator): # Warmup if device.type != "cpu" and ( - old_img_b != img.shape[0] - or old_img_h != img.shape[2] - or old_img_w != img.shape[3] + old_img_b != img.shape[0] or old_img_h != img.shape[2] or old_img_w != img.shape[3] ): old_img_b = img.shape[0] old_img_h = img.shape[2] @@ -115,9 +108,7 @@ def test_detect(model_location_generator): t2 = time_synchronized() # Apply NMS - pred = non_max_suppression( - pred, conf_thres, iou_thres, classes=classes, agnostic=agnostic_nms - ) + pred = non_max_suppression(pred, conf_thres, iou_thres, classes=classes, agnostic=agnostic_nms) t3 = time_synchronized() # Apply Classifier @@ -133,9 +124,7 @@ def test_detect(model_location_generator): p = Path(p) # to Path save_path = str(save_dir / p.name) # img.jpg - txt_path = str(save_dir / "labels" / p.stem) + ( - "" if dataset.mode == "image" else f"_{frame}" - ) # img.txt + txt_path = str(save_dir / "labels" / p.stem) + ("" if dataset.mode == "image" else f"_{frame}") # img.txt gn = torch.tensor(im0.shape)[[1, 0, 1, 0]] # normalization gain whwh if len(det): # Rescale boxes from img_size to im0 size @@ -149,14 +138,8 @@ def test_detect(model_location_generator): # Write results for *xyxy, conf, cls in reversed(det): if save_txt: # Write to file - xywh = ( - (xyxy2xywh(torch.tensor(xyxy).view(1, 4)) / gn) - .view(-1) - .tolist() - ) # normalized xywh - line = ( - (cls, *xywh, conf) if opt.save_conf else (cls, *xywh) - ) # label format + xywh = (xyxy2xywh(torch.tensor(xyxy).view(1, 4)) / gn).view(-1).tolist() # normalized xywh + line = (cls, *xywh, conf) if opt.save_conf else (cls, *xywh) # label format with open(txt_path + ".txt", "a") as f: f.write(("%g " * len(line)).rstrip() % line + "\n") @@ -171,9 +154,7 @@ def test_detect(model_location_generator): ) # Print time (inference + NMS) - logger.info( - f"{s}Done. ({(1E3 * (t2 - t1)):.1f}ms) Inference, ({(1E3 * (t3 - t2)):.1f}ms) NMS" - ) + logger.info(f"{s}Done. ({(1E3 * (t2 - t1)):.1f}ms) Inference, ({(1E3 * (t3 - t2)):.1f}ms) NMS") # Save results (image with detections) if save_img: @@ -182,10 +163,6 @@ def test_detect(model_location_generator): logger.info(f" The image with the result is saved in: {save_path}") if save_txt or save_img: - s = ( - f"\n{len(list(save_dir.glob('labels/*.txt')))} labels saved to {save_dir / 'labels'}" - if save_txt - else "" - ) + s = f"\n{len(list(save_dir.glob('labels/*.txt')))} labels saved to {save_dir / 'labels'}" if save_txt else "" logger.info(f"Done. ({time.time() - t0:.3f}s)") diff --git a/models/experimental/yolov7/reference/models/common.py b/models/experimental/yolov7/reference/models/common.py index 37dffd24232..7da6a35299a 100644 --- a/models/experimental/yolov7/reference/models/common.py +++ b/models/experimental/yolov7/reference/models/common.py @@ -122,17 +122,11 @@ def forward(self, x): class Conv(nn.Module): # Standard convolution - def __init__( - self, c1, c2, k=1, s=1, p=None, g=1, act=True - ): # ch_in, ch_out, kernel, stride, padding, groups + def __init__(self, c1, c2, k=1, s=1, p=None, g=1, act=True): # ch_in, ch_out, kernel, stride, padding, groups super(Conv, self).__init__() self.conv = nn.Conv2d(c1, c2, k, s, autopad(k, p), groups=g, bias=False) self.bn = nn.BatchNorm2d(c2) - self.act = ( - nn.SiLU() - if act is True - else (act if isinstance(act, nn.Module) else nn.Identity()) - ) + self.act = nn.SiLU() if act is True else (act if isinstance(act, nn.Module) else nn.Identity()) def forward(self, x): return self.act(self.bn(self.conv(x))) @@ -149,11 +143,7 @@ def __init__( super(RobustConv, self).__init__() self.conv_dw = Conv(c1, c1, k=k, s=s, p=p, g=c1, act=act) self.conv1x1 = nn.Conv2d(c1, c2, 1, 1, 0, groups=1, bias=True) - self.gamma = ( - nn.Parameter(layer_scale_init_value * torch.ones(c2)) - if layer_scale_init_value > 0 - else None - ) + self.gamma = nn.Parameter(layer_scale_init_value * torch.ones(c2)) if layer_scale_init_value > 0 else None def forward(self, x): x = x.to(memory_format=torch.channels_last) @@ -180,11 +170,7 @@ def __init__( dilation=1, groups=1, ) - self.gamma = ( - nn.Parameter(layer_scale_init_value * torch.ones(c2)) - if layer_scale_init_value > 0 - else None - ) + self.gamma = nn.Parameter(layer_scale_init_value * torch.ones(c2)) if layer_scale_init_value > 0 else None def forward(self, x): x = self.conv_deconv(self.conv_strided(x)) @@ -200,9 +186,7 @@ def DWConv(c1, c2, k=1, s=1, act=True): class GhostConv(nn.Module): # Ghost Convolution https://github.com/huawei-noah/ghostnet - def __init__( - self, c1, c2, k=1, s=1, g=1, act=True - ): # ch_in, ch_out, kernel, stride, groups + def __init__(self, c1, c2, k=1, s=1, g=1, act=True): # ch_in, ch_out, kernel, stride, groups super(GhostConv, self).__init__() c_ = c2 // 2 # hidden channels self.cv1 = Conv(c1, c_, k, s, None, g, act) @@ -215,9 +199,7 @@ def forward(self, x): class Stem(nn.Module): # Stem - def __init__( - self, c1, c2, k=1, s=1, p=None, g=1, act=True - ): # ch_in, ch_out, kernel, stride, padding, groups + def __init__(self, c1, c2, k=1, s=1, p=None, g=1, act=True): # ch_in, ch_out, kernel, stride, padding, groups super(Stem, self).__init__() c_ = int(c2 / 2) # hidden channels self.cv1 = Conv(c1, c_, 3, 2) @@ -252,9 +234,7 @@ def __init__(self, c1, c2, k=(5, 9, 13)): c_ = c1 // 2 # hidden channels self.cv1 = Conv(c1, c_, 1, 1) self.cv2 = Conv(c_ * (len(k) + 1), c2, 1, 1) - self.m = nn.ModuleList( - [nn.MaxPool2d(kernel_size=x, stride=1, padding=x // 2) for x in k] - ) + self.m = nn.ModuleList([nn.MaxPool2d(kernel_size=x, stride=1, padding=x // 2) for x in k]) def forward(self, x): x = self.cv1(x) @@ -263,9 +243,7 @@ def forward(self, x): class Bottleneck(nn.Module): # Darknet bottleneck - def __init__( - self, c1, c2, shortcut=True, g=1, e=0.5 - ): # ch_in, ch_out, shortcut, groups, expansion + def __init__(self, c1, c2, shortcut=True, g=1, e=0.5): # ch_in, ch_out, shortcut, groups, expansion super(Bottleneck, self).__init__() c_ = int(c2 * e) # hidden channels self.cv1 = Conv(c1, c_, 1, 1) @@ -278,9 +256,7 @@ def forward(self, x): class Res(nn.Module): # ResNet bottleneck - def __init__( - self, c1, c2, shortcut=True, g=1, e=0.5 - ): # ch_in, ch_out, shortcut, groups, expansion + def __init__(self, c1, c2, shortcut=True, g=1, e=0.5): # ch_in, ch_out, shortcut, groups, expansion super(Res, self).__init__() c_ = int(c2 * e) # hidden channels self.cv1 = Conv(c1, c_, 1, 1) @@ -289,18 +265,12 @@ def __init__( self.add = shortcut and c1 == c2 def forward(self, x): - return ( - x + self.cv3(self.cv2(self.cv1(x))) - if self.add - else self.cv3(self.cv2(self.cv1(x))) - ) + return x + self.cv3(self.cv2(self.cv1(x))) if self.add else self.cv3(self.cv2(self.cv1(x))) class ResX(Res): # ResNet bottleneck - def __init__( - self, c1, c2, shortcut=True, g=32, e=0.5 - ): # ch_in, ch_out, shortcut, groups, expansion + def __init__(self, c1, c2, shortcut=True, g=32, e=0.5): # ch_in, ch_out, shortcut, groups, expansion super().__init__(c1, c2, shortcut, g, e) c_ = int(c2 * e) # hidden channels @@ -316,11 +286,7 @@ def __init__(self, c1, c2, k=3, s=1): # ch_in, ch_out, kernel, stride GhostConv(c_, c2, 1, 1, act=False), ) # pw-linear self.shortcut = ( - nn.Sequential( - DWConv(c1, c1, k, s, act=False), Conv(c1, c2, 1, 1, act=False) - ) - if s == 2 - else nn.Identity() + nn.Sequential(DWConv(c1, c1, k, s, act=False), Conv(c1, c2, 1, 1, act=False)) if s == 2 else nn.Identity() ) def forward(self, x): @@ -342,9 +308,7 @@ def __init__(self, c1, c2, n=1, shortcut=False, g=1, e=0.5, k=(5, 9, 13)): self.cv2 = Conv(c1, c_, 1, 1) self.cv3 = Conv(c_, c_, 3, 1) self.cv4 = Conv(c_, c_, 1, 1) - self.m = nn.ModuleList( - [nn.MaxPool2d(kernel_size=x, stride=1, padding=x // 2) for x in k] - ) + self.m = nn.ModuleList([nn.MaxPool2d(kernel_size=x, stride=1, padding=x // 2) for x in k]) self.cv5 = Conv(4 * c_, c_, 1, 1) self.cv6 = Conv(c_, c_, 3, 1) self.cv7 = Conv(2 * c_, c2, 1, 1) @@ -372,9 +336,7 @@ def __init__(self, c1, c2, n=1, shortcut=False, g=1, e=0.5, k=(5, 9, 13)): class GhostStem(Stem): # Stem - def __init__( - self, c1, c2, k=1, s=1, p=None, g=1, act=True - ): # ch_in, ch_out, kernel, stride, padding, groups + def __init__(self, c1, c2, k=1, s=1, p=None, g=1, act=True): # ch_in, ch_out, kernel, stride, padding, groups super().__init__(c1, c2, k, s, p, g, act) c_ = int(c2 / 2) # hidden channels self.cv1 = GhostConv(c1, c_, 3, 2) @@ -385,17 +347,13 @@ def __init__( class BottleneckCSPA(nn.Module): # CSP https://github.com/WongKinYiu/CrossStagePartialNetworks - def __init__( - self, c1, c2, n=1, shortcut=True, g=1, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super(BottleneckCSPA, self).__init__() c_ = int(c2 * e) # hidden channels self.cv1 = Conv(c1, c_, 1, 1) self.cv2 = Conv(c1, c_, 1, 1) self.cv3 = Conv(2 * c_, c2, 1, 1) - self.m = nn.Sequential( - *[Bottleneck(c_, c_, shortcut, g, e=1.0) for _ in range(n)] - ) + self.m = nn.Sequential(*[Bottleneck(c_, c_, shortcut, g, e=1.0) for _ in range(n)]) def forward(self, x): y1 = self.m(self.cv1(x)) @@ -405,17 +363,13 @@ def forward(self, x): class BottleneckCSPB(nn.Module): # CSP https://github.com/WongKinYiu/CrossStagePartialNetworks - def __init__( - self, c1, c2, n=1, shortcut=False, g=1, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=False, g=1, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super(BottleneckCSPB, self).__init__() c_ = int(c2) # hidden channels self.cv1 = Conv(c1, c_, 1, 1) self.cv2 = Conv(c_, c_, 1, 1) self.cv3 = Conv(2 * c_, c2, 1, 1) - self.m = nn.Sequential( - *[Bottleneck(c_, c_, shortcut, g, e=1.0) for _ in range(n)] - ) + self.m = nn.Sequential(*[Bottleneck(c_, c_, shortcut, g, e=1.0) for _ in range(n)]) def forward(self, x): x1 = self.cv1(x) @@ -426,18 +380,14 @@ def forward(self, x): class BottleneckCSPC(nn.Module): # CSP https://github.com/WongKinYiu/CrossStagePartialNetworks - def __init__( - self, c1, c2, n=1, shortcut=True, g=1, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super(BottleneckCSPC, self).__init__() c_ = int(c2 * e) # hidden channels self.cv1 = Conv(c1, c_, 1, 1) self.cv2 = Conv(c1, c_, 1, 1) self.cv3 = Conv(c_, c_, 1, 1) self.cv4 = Conv(2 * c_, c2, 1, 1) - self.m = nn.Sequential( - *[Bottleneck(c_, c_, shortcut, g, e=1.0) for _ in range(n)] - ) + self.m = nn.Sequential(*[Bottleneck(c_, c_, shortcut, g, e=1.0) for _ in range(n)]) def forward(self, x): y1 = self.cv3(self.m(self.cv1(x))) @@ -447,9 +397,7 @@ def forward(self, x): class ResCSPA(BottleneckCSPA): # CSP https://github.com/WongKinYiu/CrossStagePartialNetworks - def __init__( - self, c1, c2, n=1, shortcut=True, g=1, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super().__init__(c1, c2, n, shortcut, g, e) c_ = int(c2 * e) # hidden channels self.m = nn.Sequential(*[Res(c_, c_, shortcut, g, e=0.5) for _ in range(n)]) @@ -457,9 +405,7 @@ def __init__( class ResCSPB(BottleneckCSPB): # CSP https://github.com/WongKinYiu/CrossStagePartialNetworks - def __init__( - self, c1, c2, n=1, shortcut=True, g=1, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super().__init__(c1, c2, n, shortcut, g, e) c_ = int(c2) # hidden channels self.m = nn.Sequential(*[Res(c_, c_, shortcut, g, e=0.5) for _ in range(n)]) @@ -467,9 +413,7 @@ def __init__( class ResCSPC(BottleneckCSPC): # CSP https://github.com/WongKinYiu/CrossStagePartialNetworks - def __init__( - self, c1, c2, n=1, shortcut=True, g=1, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super().__init__(c1, c2, n, shortcut, g, e) c_ = int(c2 * e) # hidden channels self.m = nn.Sequential(*[Res(c_, c_, shortcut, g, e=0.5) for _ in range(n)]) @@ -477,9 +421,7 @@ def __init__( class ResXCSPA(ResCSPA): # CSP https://github.com/WongKinYiu/CrossStagePartialNetworks - def __init__( - self, c1, c2, n=1, shortcut=True, g=32, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=True, g=32, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super().__init__(c1, c2, n, shortcut, g, e) c_ = int(c2 * e) # hidden channels self.m = nn.Sequential(*[Res(c_, c_, shortcut, g, e=1.0) for _ in range(n)]) @@ -487,9 +429,7 @@ def __init__( class ResXCSPB(ResCSPB): # CSP https://github.com/WongKinYiu/CrossStagePartialNetworks - def __init__( - self, c1, c2, n=1, shortcut=True, g=32, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=True, g=32, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super().__init__(c1, c2, n, shortcut, g, e) c_ = int(c2) # hidden channels self.m = nn.Sequential(*[Res(c_, c_, shortcut, g, e=1.0) for _ in range(n)]) @@ -497,9 +437,7 @@ def __init__( class ResXCSPC(ResCSPC): # CSP https://github.com/WongKinYiu/CrossStagePartialNetworks - def __init__( - self, c1, c2, n=1, shortcut=True, g=32, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=True, g=32, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super().__init__(c1, c2, n, shortcut, g, e) c_ = int(c2 * e) # hidden channels self.m = nn.Sequential(*[Res(c_, c_, shortcut, g, e=1.0) for _ in range(n)]) @@ -507,9 +445,7 @@ def __init__( class GhostCSPA(BottleneckCSPA): # CSP https://github.com/WongKinYiu/CrossStagePartialNetworks - def __init__( - self, c1, c2, n=1, shortcut=True, g=1, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super().__init__(c1, c2, n, shortcut, g, e) c_ = int(c2 * e) # hidden channels self.m = nn.Sequential(*[Ghost(c_, c_) for _ in range(n)]) @@ -517,9 +453,7 @@ def __init__( class GhostCSPB(BottleneckCSPB): # CSP https://github.com/WongKinYiu/CrossStagePartialNetworks - def __init__( - self, c1, c2, n=1, shortcut=True, g=1, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super().__init__(c1, c2, n, shortcut, g, e) c_ = int(c2) # hidden channels self.m = nn.Sequential(*[Ghost(c_, c_) for _ in range(n)]) @@ -527,9 +461,7 @@ def __init__( class GhostCSPC(BottleneckCSPC): # CSP https://github.com/WongKinYiu/CrossStagePartialNetworks - def __init__( - self, c1, c2, n=1, shortcut=True, g=1, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super().__init__(c1, c2, n, shortcut, g, e) c_ = int(c2 * e) # hidden channels self.m = nn.Sequential(*[Ghost(c_, c_) for _ in range(n)]) @@ -590,21 +522,13 @@ def __init__(self, c1, c2, k=3, s=1, p=None, g=1, act=True, deploy=False): padding_11 = autopad(k, p) - k // 2 - self.act = ( - nn.SiLU() - if act is True - else (act if isinstance(act, nn.Module) else nn.Identity()) - ) + self.act = nn.SiLU() if act is True else (act if isinstance(act, nn.Module) else nn.Identity()) if deploy: - self.rbr_reparam = nn.Conv2d( - c1, c2, k, s, autopad(k, p), groups=g, bias=True - ) + self.rbr_reparam = nn.Conv2d(c1, c2, k, s, autopad(k, p), groups=g, bias=True) else: - self.rbr_identity = ( - nn.BatchNorm2d(num_features=c1) if c2 == c1 and s == 1 else None - ) + self.rbr_identity = nn.BatchNorm2d(num_features=c1) if c2 == c1 and s == 1 else None self.rbr_dense = nn.Sequential( nn.Conv2d(c1, c2, k, s, autopad(k, p), groups=g, bias=False), @@ -656,9 +580,7 @@ def _fuse_bn_tensor(self, branch): assert isinstance(branch, nn.BatchNorm2d) if not hasattr(self, "id_tensor"): input_dim = self.in_channels // self.groups - kernel_value = np.zeros( - (self.in_channels, input_dim, 3, 3), dtype=np.float32 - ) + kernel_value = np.zeros((self.in_channels, input_dim, 3, 3), dtype=np.float32) for i in range(self.in_channels): kernel_value[i, i % input_dim, 1, 1] = 1 self.id_tensor = torch.from_numpy(kernel_value).to(branch.weight.device) @@ -728,31 +650,21 @@ def fuse_repvgg_block(self): groups=self.groups, bias=False, ) - identity_conv_1x1.weight.data = identity_conv_1x1.weight.data.to( - self.rbr_1x1.weight.data.device - ) - identity_conv_1x1.weight.data = ( - identity_conv_1x1.weight.data.squeeze().squeeze() - ) + identity_conv_1x1.weight.data = identity_conv_1x1.weight.data.to(self.rbr_1x1.weight.data.device) + identity_conv_1x1.weight.data = identity_conv_1x1.weight.data.squeeze().squeeze() # logger.info(f" identity_conv_1x1.weight = {identity_conv_1x1.weight.shape}") identity_conv_1x1.weight.data.fill_(0.0) identity_conv_1x1.weight.data.fill_diagonal_(1.0) - identity_conv_1x1.weight.data = identity_conv_1x1.weight.data.unsqueeze( - 2 - ).unsqueeze(3) + identity_conv_1x1.weight.data = identity_conv_1x1.weight.data.unsqueeze(2).unsqueeze(3) # logger.info(f" identity_conv_1x1.weight = {identity_conv_1x1.weight.shape}") identity_conv_1x1 = self.fuse_conv_bn(identity_conv_1x1, self.rbr_identity) bias_identity_expanded = identity_conv_1x1.bias - weight_identity_expanded = torch.nn.functional.pad( - identity_conv_1x1.weight, [1, 1, 1, 1] - ) + weight_identity_expanded = torch.nn.functional.pad(identity_conv_1x1.weight, [1, 1, 1, 1]) else: # logger.info(f"fuse: rbr_identity != BatchNorm2d, rbr_identity = {self.rbr_identity}") bias_identity_expanded = torch.nn.Parameter(torch.zeros_like(rbr_1x1_bias)) - weight_identity_expanded = torch.nn.Parameter( - torch.zeros_like(weight_1x1_expanded) - ) + weight_identity_expanded = torch.nn.Parameter(torch.zeros_like(weight_1x1_expanded)) # logger.info(f"self.rbr_1x1.weight = {self.rbr_1x1.weight.shape}, ") # logger.info(f"weight_1x1_expanded = {weight_1x1_expanded.shape}, ") @@ -761,9 +673,7 @@ def fuse_repvgg_block(self): self.rbr_dense.weight = torch.nn.Parameter( self.rbr_dense.weight + weight_1x1_expanded + weight_identity_expanded ) - self.rbr_dense.bias = torch.nn.Parameter( - self.rbr_dense.bias + rbr_1x1_bias + bias_identity_expanded - ) + self.rbr_dense.bias = torch.nn.Parameter(self.rbr_dense.bias + rbr_1x1_bias + bias_identity_expanded) self.rbr_reparam = self.rbr_dense self.deploy = True @@ -783,9 +693,7 @@ def fuse_repvgg_block(self): class RepBottleneck(Bottleneck): # Standard bottleneck - def __init__( - self, c1, c2, shortcut=True, g=1, e=0.5 - ): # ch_in, ch_out, shortcut, groups, expansion + def __init__(self, c1, c2, shortcut=True, g=1, e=0.5): # ch_in, ch_out, shortcut, groups, expansion super().__init__(c1, c2, shortcut=True, g=1, e=0.5) c_ = int(c2 * e) # hidden channels self.cv2 = RepConv(c_, c2, 3, 1, g=g) @@ -793,45 +701,31 @@ def __init__( class RepBottleneckCSPA(BottleneckCSPA): # CSP Bottleneck https://github.com/WongKinYiu/CrossStagePartialNetworks - def __init__( - self, c1, c2, n=1, shortcut=True, g=1, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super().__init__(c1, c2, n, shortcut, g, e) c_ = int(c2 * e) # hidden channels - self.m = nn.Sequential( - *[RepBottleneck(c_, c_, shortcut, g, e=1.0) for _ in range(n)] - ) + self.m = nn.Sequential(*[RepBottleneck(c_, c_, shortcut, g, e=1.0) for _ in range(n)]) class RepBottleneckCSPB(BottleneckCSPB): # CSP Bottleneck https://github.com/WongKinYiu/CrossStagePartialNetworks - def __init__( - self, c1, c2, n=1, shortcut=False, g=1, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=False, g=1, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super().__init__(c1, c2, n, shortcut, g, e) c_ = int(c2) # hidden channels - self.m = nn.Sequential( - *[RepBottleneck(c_, c_, shortcut, g, e=1.0) for _ in range(n)] - ) + self.m = nn.Sequential(*[RepBottleneck(c_, c_, shortcut, g, e=1.0) for _ in range(n)]) class RepBottleneckCSPC(BottleneckCSPC): # CSP Bottleneck https://github.com/WongKinYiu/CrossStagePartialNetworks - def __init__( - self, c1, c2, n=1, shortcut=True, g=1, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super().__init__(c1, c2, n, shortcut, g, e) c_ = int(c2 * e) # hidden channels - self.m = nn.Sequential( - *[RepBottleneck(c_, c_, shortcut, g, e=1.0) for _ in range(n)] - ) + self.m = nn.Sequential(*[RepBottleneck(c_, c_, shortcut, g, e=1.0) for _ in range(n)]) class RepRes(Res): # Standard bottleneck - def __init__( - self, c1, c2, shortcut=True, g=1, e=0.5 - ): # ch_in, ch_out, shortcut, groups, expansion + def __init__(self, c1, c2, shortcut=True, g=1, e=0.5): # ch_in, ch_out, shortcut, groups, expansion super().__init__(c1, c2, shortcut, g, e) c_ = int(c2 * e) # hidden channels self.cv2 = RepConv(c_, c_, 3, 1, g=g) @@ -839,9 +733,7 @@ def __init__( class RepResCSPA(ResCSPA): # CSP Bottleneck https://github.com/WongKinYiu/CrossStagePartialNetworks - def __init__( - self, c1, c2, n=1, shortcut=True, g=1, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super().__init__(c1, c2, n, shortcut, g, e) c_ = int(c2 * e) # hidden channels self.m = nn.Sequential(*[RepRes(c_, c_, shortcut, g, e=0.5) for _ in range(n)]) @@ -849,9 +741,7 @@ def __init__( class RepResCSPB(ResCSPB): # CSP Bottleneck https://github.com/WongKinYiu/CrossStagePartialNetworks - def __init__( - self, c1, c2, n=1, shortcut=False, g=1, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=False, g=1, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super().__init__(c1, c2, n, shortcut, g, e) c_ = int(c2) # hidden channels self.m = nn.Sequential(*[RepRes(c_, c_, shortcut, g, e=0.5) for _ in range(n)]) @@ -859,9 +749,7 @@ def __init__( class RepResCSPC(ResCSPC): # CSP Bottleneck https://github.com/WongKinYiu/CrossStagePartialNetworks - def __init__( - self, c1, c2, n=1, shortcut=True, g=1, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super().__init__(c1, c2, n, shortcut, g, e) c_ = int(c2 * e) # hidden channels self.m = nn.Sequential(*[RepRes(c_, c_, shortcut, g, e=0.5) for _ in range(n)]) @@ -869,9 +757,7 @@ def __init__( class RepResX(ResX): # Standard bottleneck - def __init__( - self, c1, c2, shortcut=True, g=32, e=0.5 - ): # ch_in, ch_out, shortcut, groups, expansion + def __init__(self, c1, c2, shortcut=True, g=32, e=0.5): # ch_in, ch_out, shortcut, groups, expansion super().__init__(c1, c2, shortcut, g, e) c_ = int(c2 * e) # hidden channels self.cv2 = RepConv(c_, c_, 3, 1, g=g) @@ -879,9 +765,7 @@ def __init__( class RepResXCSPA(ResXCSPA): # CSP Bottleneck https://github.com/WongKinYiu/CrossStagePartialNetworks - def __init__( - self, c1, c2, n=1, shortcut=True, g=32, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=True, g=32, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super().__init__(c1, c2, n, shortcut, g, e) c_ = int(c2 * e) # hidden channels self.m = nn.Sequential(*[RepResX(c_, c_, shortcut, g, e=0.5) for _ in range(n)]) @@ -889,9 +773,7 @@ def __init__( class RepResXCSPB(ResXCSPB): # CSP Bottleneck https://github.com/WongKinYiu/CrossStagePartialNetworks - def __init__( - self, c1, c2, n=1, shortcut=False, g=32, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=False, g=32, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super().__init__(c1, c2, n, shortcut, g, e) c_ = int(c2) # hidden channels self.m = nn.Sequential(*[RepResX(c_, c_, shortcut, g, e=0.5) for _ in range(n)]) @@ -899,9 +781,7 @@ def __init__( class RepResXCSPC(ResXCSPC): # CSP Bottleneck https://github.com/WongKinYiu/CrossStagePartialNetworks - def __init__( - self, c1, c2, n=1, shortcut=True, g=32, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=True, g=32, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super().__init__(c1, c2, n, shortcut, g, e) c_ = int(c2 * e) # hidden channels self.m = nn.Sequential(*[RepResX(c_, c_, shortcut, g, e=0.5) for _ in range(n)]) @@ -938,9 +818,7 @@ def __init__(self, c1, c2, num_heads, num_layers): if c1 != c2: self.conv = Conv(c1, c2) self.linear = nn.Linear(c2, c2) # learnable position embedding - self.tr = nn.Sequential( - *[TransformerLayer(c2, num_heads) for _ in range(num_layers)] - ) + self.tr = nn.Sequential(*[TransformerLayer(c2, num_heads) for _ in range(num_layers)]) self.c2 = c2 def forward(self, x): @@ -969,9 +847,7 @@ def forward(self, x): class Focus(nn.Module): # Focus wh information into c-space - def __init__( - self, c1, c2, k=1, s=1, p=None, g=1, act=True - ): # ch_in, ch_out, kernel, stride, padding, groups + def __init__(self, c1, c2, k=1, s=1, p=None, g=1, act=True): # ch_in, ch_out, kernel, stride, padding, groups super(Focus, self).__init__() self.conv = Conv(c1 * 4, c2, k, s, p, g, act) # self.contract = Contract(gain=2) @@ -1050,9 +926,7 @@ def __init__(self): super(NMS, self).__init__() def forward(self, x): - return non_max_suppression( - x[0], conf_thres=self.conf, iou_thres=self.iou, classes=self.classes - ) + return non_max_suppression(x[0], conf_thres=self.conf, iou_thres=self.iou, classes=self.classes) class autoShape(nn.Module): @@ -1066,9 +940,7 @@ def __init__(self, model): self.model = model.eval() def autoshape(self): - logger.info( - "autoShape already enabled, skipping... " - ) # model already converted to model.autoshape() + logger.info("autoShape already enabled, skipping... ") # model already converted to model.autoshape() return self @torch.no_grad() @@ -1086,26 +958,16 @@ def forward(self, imgs, size=640, augment=False, profile=False): p = next(self.model.parameters()) # for device and type if isinstance(imgs, torch.Tensor): # torch with amp.autocast(enabled=p.device.type != "cpu"): - return self.model( - imgs.to(p.device).type_as(p), augment, profile - ) # inference + return self.model(imgs.to(p.device).type_as(p), augment, profile) # inference # Pre-process - n, imgs = ( - (len(imgs), imgs) if isinstance(imgs, list) else (1, [imgs]) - ) # number of images, list of images + n, imgs = (len(imgs), imgs) if isinstance(imgs, list) else (1, [imgs]) # number of images, list of images shape0, shape1, files = [], [], [] # image and inference shapes, filenames for i, im in enumerate(imgs): f = f"image{i}" # filename if isinstance(im, str): # filename or uri im, f = ( - np.asarray( - Image.open( - requests.get(im, stream=True).raw - if im.startswith("http") - else im - ) - ), + np.asarray(Image.open(requests.get(im, stream=True).raw if im.startswith("http") else im)), im, ) elif isinstance(im, Image.Image): # PIL Image @@ -1113,18 +975,13 @@ def forward(self, imgs, size=640, augment=False, profile=False): files.append(Path(f).with_suffix(".jpg").name) if im.shape[0] < 5: # image in CHW im = im.transpose((1, 2, 0)) # reverse dataloader .transpose(2, 0, 1) - im = ( - im[:, :, :3] if im.ndim == 3 else np.tile(im[:, :, None], 3) - ) # enforce 3ch input + im = im[:, :, :3] if im.ndim == 3 else np.tile(im[:, :, None], 3) # enforce 3ch input s = im.shape[:2] # HWC shape0.append(s) # image shape g = size / max(s) # gain shape1.append([y * g for y in s]) imgs[i] = im # update - shape1 = [ - make_divisible(x, int(self.stride.max())) - for x in np.stack(shape1, 0).max(0) - ] # inference shape + shape1 = [make_divisible(x, int(self.stride.max())) for x in np.stack(shape1, 0).max(0)] # inference shape x = [letterbox(im, new_shape=shape1, auto=False)[0] for im in imgs] # pad x = np.stack(x, 0) if n > 1 else x[0][None] # stack x = np.ascontiguousarray(x.transpose((0, 3, 1, 2))) # BHWC to BCHW @@ -1137,9 +994,7 @@ def forward(self, imgs, size=640, augment=False, profile=False): t.append(time_synchronized()) # Post-process - y = non_max_suppression( - y, conf_thres=self.conf, iou_thres=self.iou, classes=self.classes - ) # NMS + y = non_max_suppression(y, conf_thres=self.conf, iou_thres=self.iou, classes=self.classes) # NMS for i in range(n): scale_coords(shape1, y[i][:, :4], shape0[i]) @@ -1152,10 +1007,7 @@ class Detections: def __init__(self, imgs, pred, files, times=None, names=None, shape=None): super(Detections, self).__init__() d = pred[0].device # device - gn = [ - torch.tensor([*[im.shape[i] for i in [1, 0, 1, 0]], 1.0, 1.0], device=d) - for im in imgs - ] # normalizations + gn = [torch.tensor([*[im.shape[i] for i in [1, 0, 1, 0]], 1.0, 1.0], device=d) for im in imgs] # normalizations self.imgs = imgs # list of images as numpy arrays self.pred = pred # list of tensors pred[0] = (xyxy, conf, cls) self.names = names # class names @@ -1165,9 +1017,7 @@ def __init__(self, imgs, pred, files, times=None, names=None, shape=None): self.xyxyn = [x / g for x, g in zip(self.xyxy, gn)] # xyxy normalized self.xywhn = [x / g for x, g in zip(self.xywh, gn)] # xywh normalized self.n = len(self.pred) # number of images (batch size) - self.t = tuple( - (times[i + 1] - times[i]) * 1000 / self.n for i in range(3) - ) # timestamps (ms) + self.t = tuple((times[i + 1] - times[i]) * 1000 / self.n for i in range(3)) # timestamps (ms) self.s = shape # inference BCHW shape def display(self, pprint=False, show=False, save=False, render=False, save_dir=""): @@ -1182,11 +1032,7 @@ def display(self, pprint=False, show=False, save=False, render=False, save_dir=" for *box, conf, cls in pred: # xyxy, confidence, class label = f"{self.names[int(cls)]} {conf:.2f}" plot_one_box(box, img, label=label, color=colors[int(cls) % 10]) - img = ( - Image.fromarray(img.astype(np.uint8)) - if isinstance(img, np.ndarray) - else img - ) # from np + img = Image.fromarray(img.astype(np.uint8)) if isinstance(img, np.ndarray) else img # from np if pprint: logger.info(str.rstrip(", ")) if show: @@ -1204,17 +1050,14 @@ def display(self, pprint=False, show=False, save=False, render=False, save_dir=" def print(self): self.display(pprint=True) # logger.info results logger.info( - f"Speed: %.1fms pre-process, %.1fms inference, %.1fms NMS per image at shape {tuple(self.s)}" - % self.t + f"Speed: %.1fms pre-process, %.1fms inference, %.1fms NMS per image at shape {tuple(self.s)}" % self.t ) def show(self): self.display(show=True) # show results def save(self, save_dir="runs/hub/exp"): - save_dir = increment_path( - save_dir, exist_ok=save_dir != "runs/hub/exp" - ) # increment save_dir + save_dir = increment_path(save_dir, exist_ok=save_dir != "runs/hub/exp") # increment save_dir Path(save_dir).mkdir(parents=True, exist_ok=True) self.display(save=True, save_dir=save_dir) # save results @@ -1244,19 +1087,13 @@ def pandas(self): "name", ) # xywh columns for k, c in zip(["xyxy", "xyxyn", "xywh", "xywhn"], [ca, ca, cb, cb]): - a = [ - [x[:5] + [int(x[5]), self.names[int(x[5])]] for x in x.tolist()] - for x in getattr(self, k) - ] # update + a = [[x[:5] + [int(x[5]), self.names[int(x[5])]] for x in x.tolist()] for x in getattr(self, k)] # update setattr(new, k, [pd.DataFrame(x, columns=c) for x in a]) return new def tolist(self): # return a list of Detections objects, i.e. 'for result in results.tolist():' - x = [ - Detections([self.imgs[i]], [self.pred[i]], self.names, self.s) - for i in range(self.n) - ] + x = [Detections([self.imgs[i]], [self.pred[i]], self.names, self.s) for i in range(self.n)] for d in x: for k in ["imgs", "pred", "xyxy", "xyxyn", "xywh", "xywhn"]: setattr(d, k, getattr(d, k)[0]) # pop out of list @@ -1268,18 +1105,14 @@ def __len__(self): class Classify(nn.Module): # Classification head, i.e. x(b,c1,20,20) to x(b,c2) - def __init__( - self, c1, c2, k=1, s=1, p=None, g=1 - ): # ch_in, ch_out, kernel, stride, padding, groups + def __init__(self, c1, c2, k=1, s=1, p=None, g=1): # ch_in, ch_out, kernel, stride, padding, groups super(Classify, self).__init__() self.aap = nn.AdaptiveAvgPool2d(1) # to x(b,c1,1,1) self.conv = nn.Conv2d(c1, c2, k, s, autopad(k, p), groups=g) # to x(b,c2,1,1) self.flat = nn.Flatten() def forward(self, x): - z = torch.cat( - [self.aap(y) for y in (x if isinstance(x, list) else [x])], 1 - ) # cat if list + z = torch.cat([self.aap(y) for y in (x if isinstance(x, list) else [x])], 1) # cat if list return self.flat(self.conv(z)) # flatten to x(b,c2) @@ -1403,29 +1236,21 @@ def __init__( self.branch_counter = 0 self.weight_rbr_origin = nn.Parameter( - torch.Tensor( - out_channels, int(in_channels / self.groups), kernel_size, kernel_size - ) + torch.Tensor(out_channels, int(in_channels / self.groups), kernel_size, kernel_size) ) nn.init.kaiming_uniform_(self.weight_rbr_origin, a=math.sqrt(1.0)) self.branch_counter += 1 if groups < out_channels: - self.weight_rbr_avg_conv = nn.Parameter( - torch.Tensor(out_channels, int(in_channels / self.groups), 1, 1) - ) - self.weight_rbr_pfir_conv = nn.Parameter( - torch.Tensor(out_channels, int(in_channels / self.groups), 1, 1) - ) + self.weight_rbr_avg_conv = nn.Parameter(torch.Tensor(out_channels, int(in_channels / self.groups), 1, 1)) + self.weight_rbr_pfir_conv = nn.Parameter(torch.Tensor(out_channels, int(in_channels / self.groups), 1, 1)) nn.init.kaiming_uniform_(self.weight_rbr_avg_conv, a=1.0) nn.init.kaiming_uniform_(self.weight_rbr_pfir_conv, a=1.0) self.weight_rbr_avg_conv.data self.weight_rbr_pfir_conv.data self.register_buffer( "weight_rbr_avg_avg", - torch.ones(kernel_size, kernel_size).mul( - 1.0 / kernel_size / kernel_size - ), + torch.ones(kernel_size, kernel_size).mul(1.0 / kernel_size / kernel_size), ) self.branch_counter += 1 @@ -1445,16 +1270,12 @@ def __init__( id_value = np.zeros((in_channels, int(in_channels / self.groups), 1, 1)) for i in range(in_channels): id_value[i, i % int(in_channels / self.groups), 0, 0] = 1 - id_tensor = torch.from_numpy(id_value).type_as( - self.weight_rbr_1x1_kxk_idconv1 - ) + id_tensor = torch.from_numpy(id_value).type_as(self.weight_rbr_1x1_kxk_idconv1) self.register_buffer("id_tensor", id_tensor) else: self.weight_rbr_1x1_kxk_conv1 = nn.Parameter( - torch.Tensor( - internal_channels_1x1_3x3, int(in_channels / self.groups), 1, 1 - ) + torch.Tensor(internal_channels_1x1_3x3, int(in_channels / self.groups), 1, 1) ) nn.init.kaiming_uniform_(self.weight_rbr_1x1_kxk_conv1, a=math.sqrt(1.0)) self.weight_rbr_1x1_kxk_conv2 = nn.Parameter( @@ -1469,12 +1290,8 @@ def __init__( self.branch_counter += 1 expand_ratio = 8 - self.weight_rbr_gconv_dw = nn.Parameter( - torch.Tensor(in_channels * expand_ratio, 1, kernel_size, kernel_size) - ) - self.weight_rbr_gconv_pw = nn.Parameter( - torch.Tensor(out_channels, in_channels * expand_ratio, 1, 1) - ) + self.weight_rbr_gconv_dw = nn.Parameter(torch.Tensor(in_channels * expand_ratio, 1, kernel_size, kernel_size)) + self.weight_rbr_gconv_pw = nn.Parameter(torch.Tensor(out_channels, in_channels * expand_ratio, 1, 1)) nn.init.kaiming_uniform_(self.weight_rbr_gconv_dw, a=math.sqrt(1.0)) nn.init.kaiming_uniform_(self.weight_rbr_gconv_pw, a=math.sqrt(1.0)) self.branch_counter += 1 @@ -1494,50 +1311,36 @@ def __init__( nn.init.constant_(self.vector[4, :], 0.5) # dws_conv def fre_init(self): - prior_tensor = torch.Tensor( - self.out_channels, self.kernel_size, self.kernel_size - ) + prior_tensor = torch.Tensor(self.out_channels, self.kernel_size, self.kernel_size) half_fg = self.out_channels / 2 for i in range(self.out_channels): for h in range(3): for w in range(3): if i < half_fg: - prior_tensor[i, h, w] = math.cos( - math.pi * (h + 0.5) * (i + 1) / 3 - ) + prior_tensor[i, h, w] = math.cos(math.pi * (h + 0.5) * (i + 1) / 3) else: - prior_tensor[i, h, w] = math.cos( - math.pi * (w + 0.5) * (i + 1 - half_fg) / 3 - ) + prior_tensor[i, h, w] = math.cos(math.pi * (w + 0.5) * (i + 1 - half_fg) / 3) self.register_buffer("weight_rbr_prior", prior_tensor) def weight_gen(self): - weight_rbr_origin = torch.einsum( - "oihw,o->oihw", self.weight_rbr_origin, self.vector[0, :] - ) + weight_rbr_origin = torch.einsum("oihw,o->oihw", self.weight_rbr_origin, self.vector[0, :]) weight_rbr_avg = torch.einsum( "oihw,o->oihw", - torch.einsum( - "oihw,hw->oihw", self.weight_rbr_avg_conv, self.weight_rbr_avg_avg - ), + torch.einsum("oihw,hw->oihw", self.weight_rbr_avg_conv, self.weight_rbr_avg_avg), self.vector[1, :], ) weight_rbr_pfir = torch.einsum( "oihw,o->oihw", - torch.einsum( - "oihw,ohw->oihw", self.weight_rbr_pfir_conv, self.weight_rbr_prior - ), + torch.einsum("oihw,ohw->oihw", self.weight_rbr_pfir_conv, self.weight_rbr_prior), self.vector[2, :], ) weight_rbr_1x1_kxk_conv1 = None if hasattr(self, "weight_rbr_1x1_kxk_idconv1"): - weight_rbr_1x1_kxk_conv1 = ( - self.weight_rbr_1x1_kxk_idconv1 + self.id_tensor - ).squeeze() + weight_rbr_1x1_kxk_conv1 = (self.weight_rbr_1x1_kxk_idconv1 + self.id_tensor).squeeze() elif hasattr(self, "weight_rbr_1x1_kxk_conv1"): weight_rbr_1x1_kxk_conv1 = self.weight_rbr_1x1_kxk_conv1.squeeze() else: @@ -1549,35 +1352,19 @@ def weight_gen(self): t, ig = weight_rbr_1x1_kxk_conv1.size() o, tg, h, w = weight_rbr_1x1_kxk_conv2.size() weight_rbr_1x1_kxk_conv1 = weight_rbr_1x1_kxk_conv1.view(g, int(t / g), ig) - weight_rbr_1x1_kxk_conv2 = weight_rbr_1x1_kxk_conv2.view( - g, int(o / g), tg, h, w - ) + weight_rbr_1x1_kxk_conv2 = weight_rbr_1x1_kxk_conv2.view(g, int(o / g), tg, h, w) weight_rbr_1x1_kxk = torch.einsum( "gti,gothw->goihw", weight_rbr_1x1_kxk_conv1, weight_rbr_1x1_kxk_conv2 ).view(o, ig, h, w) else: - weight_rbr_1x1_kxk = torch.einsum( - "ti,othw->oihw", weight_rbr_1x1_kxk_conv1, weight_rbr_1x1_kxk_conv2 - ) + weight_rbr_1x1_kxk = torch.einsum("ti,othw->oihw", weight_rbr_1x1_kxk_conv1, weight_rbr_1x1_kxk_conv2) - weight_rbr_1x1_kxk = torch.einsum( - "oihw,o->oihw", weight_rbr_1x1_kxk, self.vector[3, :] - ) + weight_rbr_1x1_kxk = torch.einsum("oihw,o->oihw", weight_rbr_1x1_kxk, self.vector[3, :]) - weight_rbr_gconv = self.dwsc2full( - self.weight_rbr_gconv_dw, self.weight_rbr_gconv_pw, self.in_channels - ) - weight_rbr_gconv = torch.einsum( - "oihw,o->oihw", weight_rbr_gconv, self.vector[4, :] - ) + weight_rbr_gconv = self.dwsc2full(self.weight_rbr_gconv_dw, self.weight_rbr_gconv_pw, self.in_channels) + weight_rbr_gconv = torch.einsum("oihw,o->oihw", weight_rbr_gconv, self.vector[4, :]) - weight = ( - weight_rbr_origin - + weight_rbr_avg - + weight_rbr_1x1_kxk - + weight_rbr_pfir - + weight_rbr_gconv - ) + weight = weight_rbr_origin + weight_rbr_avg + weight_rbr_1x1_kxk + weight_rbr_pfir + weight_rbr_gconv return weight @@ -1643,9 +1430,7 @@ def __init__( self.nonlinearity = nonlinear if use_se: - self.se = SEBlock( - self.out_channels, internal_neurons=self.out_channels // 16 - ) + self.se = SEBlock(self.out_channels, internal_neurons=self.out_channels // 16) else: self.se = nn.Identity() @@ -1718,18 +1503,12 @@ def get_custom_L2(self): K3 = self.rbr_dense.weight_gen() K1 = self.rbr_1x1.conv.weight t3 = ( - ( - self.rbr_dense.bn.weight - / ((self.rbr_dense.bn.running_var + self.rbr_dense.bn.eps).sqrt()) - ) + (self.rbr_dense.bn.weight / ((self.rbr_dense.bn.running_var + self.rbr_dense.bn.eps).sqrt())) .reshape(-1, 1, 1, 1) .detach() ) t1 = ( - ( - self.rbr_1x1.bn.weight - / ((self.rbr_1x1.bn.running_var + self.rbr_1x1.bn.eps).sqrt()) - ) + (self.rbr_1x1.bn.weight / ((self.rbr_1x1.bn.running_var + self.rbr_1x1.bn.eps).sqrt())) .reshape(-1, 1, 1, 1) .detach() ) @@ -1737,9 +1516,7 @@ def get_custom_L2(self): l2_loss_circle = (K3**2).sum() - ( K3[:, :, 1:2, 1:2] ** 2 ).sum() # The L2 loss of the "circle" of weights in 3x3 kernel. Use regular L2 on them. - eq_kernel = ( - K3[:, :, 1:2, 1:2] * t3 + K1 * t1 - ) # The equivalent resultant central point of 3x3 kernel. + eq_kernel = K3[:, :, 1:2, 1:2] * t3 + K1 * t1 # The equivalent resultant central point of 3x3 kernel. l2_loss_eq_kernel = ( eq_kernel**2 / (t3**2 + t1**2) ).sum() # Normalize for an L2 coefficient comparable to regular L2. @@ -1778,9 +1555,7 @@ def _fuse_bn_tensor(self, branch): else: if not hasattr(self, "id_tensor"): input_dim = self.in_channels // self.groups - kernel_value = np.zeros( - (self.in_channels, input_dim, 3, 3), dtype=np.float32 - ) + kernel_value = np.zeros((self.in_channels, input_dim, 3, 3), dtype=np.float32) for i in range(self.in_channels): kernel_value[i, i % input_dim, 1, 1] = 1 self.id_tensor = torch.from_numpy(kernel_value).to(branch.weight.device) @@ -1853,12 +1628,8 @@ def __init__( coords_w = torch.arange(self.window_size[1]) coords = torch.stack(torch.meshgrid([coords_h, coords_w])) # 2, Wh, Ww coords_flatten = torch.flatten(coords, 1) # 2, Wh*Ww - relative_coords = ( - coords_flatten[:, :, None] - coords_flatten[:, None, :] - ) # 2, Wh*Ww, Wh*Ww - relative_coords = relative_coords.permute( - 1, 2, 0 - ).contiguous() # Wh*Ww, Wh*Ww, 2 + relative_coords = coords_flatten[:, :, None] - coords_flatten[:, None, :] # 2, Wh*Ww, Wh*Ww + relative_coords = relative_coords.permute(1, 2, 0).contiguous() # Wh*Ww, Wh*Ww, 2 relative_coords[:, :, 0] += self.window_size[0] - 1 # shift to start from 0 relative_coords[:, :, 1] += self.window_size[1] - 1 relative_coords[:, :, 0] *= 2 * self.window_size[1] - 1 @@ -1875,11 +1646,7 @@ def __init__( def forward(self, x, mask=None): B_, N, C = x.shape - qkv = ( - self.qkv(x) - .reshape(B_, N, 3, self.num_heads, C // self.num_heads) - .permute(2, 0, 3, 1, 4) - ) + qkv = self.qkv(x).reshape(B_, N, 3, self.num_heads, C // self.num_heads).permute(2, 0, 3, 1, 4) q, k, v = ( qkv[0], qkv[1], @@ -1889,23 +1656,17 @@ def forward(self, x, mask=None): q = q * self.scale attn = q @ k.transpose(-2, -1) - relative_position_bias = self.relative_position_bias_table[ - self.relative_position_index.view(-1) - ].view( + relative_position_bias = self.relative_position_bias_table[self.relative_position_index.view(-1)].view( self.window_size[0] * self.window_size[1], self.window_size[0] * self.window_size[1], -1, ) # Wh*Ww,Wh*Ww,nH - relative_position_bias = relative_position_bias.permute( - 2, 0, 1 - ).contiguous() # nH, Wh*Ww, Wh*Ww + relative_position_bias = relative_position_bias.permute(2, 0, 1).contiguous() # nH, Wh*Ww, Wh*Ww attn = attn + relative_position_bias.unsqueeze(0) if mask is not None: nW = mask.shape[0] - attn = attn.view(B_ // nW, nW, self.num_heads, N, N) + mask.unsqueeze( - 1 - ).unsqueeze(0) + attn = attn.view(B_ // nW, nW, self.num_heads, N, N) + mask.unsqueeze(1).unsqueeze(0) attn = attn.view(-1, self.num_heads, N, N) attn = self.softmax(attn) else: @@ -1954,17 +1715,13 @@ def window_partition(x, window_size): B, H, W, C = x.shape assert H % window_size == 0, "feature map h and w can not divide by window size" x = x.view(B, H // window_size, window_size, W // window_size, window_size, C) - windows = ( - x.permute(0, 1, 3, 2, 4, 5).contiguous().view(-1, window_size, window_size, C) - ) + windows = x.permute(0, 1, 3, 2, 4, 5).contiguous().view(-1, window_size, window_size, C) return windows def window_reverse(windows, window_size, H, W): B = int(windows.shape[0] / (H * W / window_size / window_size)) - x = windows.view( - B, H // window_size, W // window_size, window_size, window_size, -1 - ) + x = windows.view(B, H // window_size, W // window_size, window_size, window_size, -1) x = x.permute(0, 1, 3, 2, 4, 5).contiguous().view(B, H, W, -1) return x @@ -1995,9 +1752,7 @@ def __init__( # # if window size is larger than input resolution, we don't partition windows # self.shift_size = 0 # self.window_size = min(self.input_resolution) - assert ( - 0 <= self.shift_size < self.window_size - ), "shift_size must in 0-window_size" + assert 0 <= self.shift_size < self.window_size, "shift_size must in 0-window_size" self.norm1 = norm_layer(dim) self.attn = WindowAttention( @@ -2039,14 +1794,10 @@ def create_mask(self, H, W): img_mask[:, h, w, :] = cnt cnt += 1 - mask_windows = window_partition( - img_mask, self.window_size - ) # nW, window_size, window_size, 1 + mask_windows = window_partition(img_mask, self.window_size) # nW, window_size, window_size, 1 mask_windows = mask_windows.view(-1, self.window_size * self.window_size) attn_mask = mask_windows.unsqueeze(1) - mask_windows.unsqueeze(2) - attn_mask = attn_mask.masked_fill(attn_mask != 0, float(-100.0)).masked_fill( - attn_mask == 0, float(0.0) - ) + attn_mask = attn_mask.masked_fill(attn_mask != 0, float(-100.0)).masked_fill(attn_mask == 0, float(0.0)) return attn_mask @@ -2055,11 +1806,7 @@ def forward(self, x): _, _, H_, W_ = x.shape Padding = False - if ( - min(H_, W_) < self.window_size - or H_ % self.window_size != 0 - or W_ % self.window_size != 0 - ): + if min(H_, W_) < self.window_size or H_ % self.window_size != 0 or W_ % self.window_size != 0: Padding = True # logger.info(f'img_size {min(H_, W_)} is less than (or not divided by) window_size {self.window_size}, Padding.') pad_r = (self.window_size - W_ % self.window_size) % self.window_size @@ -2083,24 +1830,16 @@ def forward(self, x): # cyclic shift if self.shift_size > 0: - shifted_x = torch.roll( - x, shifts=(-self.shift_size, -self.shift_size), dims=(1, 2) - ) + shifted_x = torch.roll(x, shifts=(-self.shift_size, -self.shift_size), dims=(1, 2)) else: shifted_x = x # partition windows - x_windows = window_partition( - shifted_x, self.window_size - ) # nW*B, window_size, window_size, C - x_windows = x_windows.view( - -1, self.window_size * self.window_size, C - ) # nW*B, window_size*window_size, C + x_windows = window_partition(shifted_x, self.window_size) # nW*B, window_size, window_size, C + x_windows = x_windows.view(-1, self.window_size * self.window_size, C) # nW*B, window_size*window_size, C # W-MSA/SW-MSA - attn_windows = self.attn( - x_windows, mask=attn_mask - ) # nW*B, window_size*window_size, C + attn_windows = self.attn(x_windows, mask=attn_mask) # nW*B, window_size*window_size, C # merge windows attn_windows = attn_windows.view(-1, self.window_size, self.window_size, C) @@ -2108,9 +1847,7 @@ def forward(self, x): # reverse cyclic shift if self.shift_size > 0: - x = torch.roll( - shifted_x, shifts=(self.shift_size, self.shift_size), dims=(1, 2) - ) + x = torch.roll(shifted_x, shifts=(self.shift_size, self.shift_size), dims=(1, 2)) else: x = shifted_x x = x.view(B, H * W, C) @@ -2156,9 +1893,7 @@ def forward(self, x): class STCSPA(nn.Module): # CSP Bottleneck https://github.com/WongKinYiu/CrossStagePartialNetworks - def __init__( - self, c1, c2, n=1, shortcut=True, g=1, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super(STCSPA, self).__init__() c_ = int(c2 * e) # hidden channels self.cv1 = Conv(c1, c_, 1, 1) @@ -2176,9 +1911,7 @@ def forward(self, x): class STCSPB(nn.Module): # CSP Bottleneck https://github.com/WongKinYiu/CrossStagePartialNetworks - def __init__( - self, c1, c2, n=1, shortcut=False, g=1, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=False, g=1, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super(STCSPB, self).__init__() c_ = int(c2) # hidden channels self.cv1 = Conv(c1, c_, 1, 1) @@ -2197,9 +1930,7 @@ def forward(self, x): class STCSPC(nn.Module): # CSP Bottleneck https://github.com/WongKinYiu/CrossStagePartialNetworks - def __init__( - self, c1, c2, n=1, shortcut=True, g=1, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super(STCSPC, self).__init__() c_ = int(c2 * e) # hidden channels self.cv1 = Conv(c1, c_, 1, 1) @@ -2239,9 +1970,7 @@ def __init__( self.pretrained_window_size = pretrained_window_size self.num_heads = num_heads - self.logit_scale = nn.Parameter( - torch.log(10 * torch.ones((num_heads, 1, 1))), requires_grad=True - ) + self.logit_scale = nn.Parameter(torch.log(10 * torch.ones((num_heads, 1, 1))), requires_grad=True) # mlp to generate continuous relative position bias self.cpb_mlp = nn.Sequential( @@ -2251,12 +1980,8 @@ def __init__( ) # get relative_coords_table - relative_coords_h = torch.arange( - -(self.window_size[0] - 1), self.window_size[0], dtype=torch.float32 - ) - relative_coords_w = torch.arange( - -(self.window_size[1] - 1), self.window_size[1], dtype=torch.float32 - ) + relative_coords_h = torch.arange(-(self.window_size[0] - 1), self.window_size[0], dtype=torch.float32) + relative_coords_w = torch.arange(-(self.window_size[1] - 1), self.window_size[1], dtype=torch.float32) relative_coords_table = ( torch.stack(torch.meshgrid([relative_coords_h, relative_coords_w])) .permute(1, 2, 0) @@ -2271,9 +1996,7 @@ def __init__( relative_coords_table[:, :, :, 1] /= self.window_size[1] - 1 relative_coords_table *= 8 # normalize to -8, 8 relative_coords_table = ( - torch.sign(relative_coords_table) - * torch.log2(torch.abs(relative_coords_table) + 1.0) - / np.log2(8) + torch.sign(relative_coords_table) * torch.log2(torch.abs(relative_coords_table) + 1.0) / np.log2(8) ) self.register_buffer("relative_coords_table", relative_coords_table) @@ -2283,12 +2006,8 @@ def __init__( coords_w = torch.arange(self.window_size[1]) coords = torch.stack(torch.meshgrid([coords_h, coords_w])) # 2, Wh, Ww coords_flatten = torch.flatten(coords, 1) # 2, Wh*Ww - relative_coords = ( - coords_flatten[:, :, None] - coords_flatten[:, None, :] - ) # 2, Wh*Ww, Wh*Ww - relative_coords = relative_coords.permute( - 1, 2, 0 - ).contiguous() # Wh*Ww, Wh*Ww, 2 + relative_coords = coords_flatten[:, :, None] - coords_flatten[:, None, :] # 2, Wh*Ww, Wh*Ww + relative_coords = relative_coords.permute(1, 2, 0).contiguous() # Wh*Ww, Wh*Ww, 2 relative_coords[:, :, 0] += self.window_size[0] - 1 # shift to start from 0 relative_coords[:, :, 1] += self.window_size[1] - 1 relative_coords[:, :, 0] *= 2 * self.window_size[1] - 1 @@ -2328,32 +2047,22 @@ def forward(self, x, mask=None): # cosine attention attn = F.normalize(q, dim=-1) @ F.normalize(k, dim=-1).transpose(-2, -1) - logit_scale = torch.clamp( - self.logit_scale, max=torch.log(torch.tensor(1.0 / 0.01)) - ).exp() + logit_scale = torch.clamp(self.logit_scale, max=torch.log(torch.tensor(1.0 / 0.01))).exp() attn = attn * logit_scale - relative_position_bias_table = self.cpb_mlp(self.relative_coords_table).view( - -1, self.num_heads - ) - relative_position_bias = relative_position_bias_table[ - self.relative_position_index.view(-1) - ].view( + relative_position_bias_table = self.cpb_mlp(self.relative_coords_table).view(-1, self.num_heads) + relative_position_bias = relative_position_bias_table[self.relative_position_index.view(-1)].view( self.window_size[0] * self.window_size[1], self.window_size[0] * self.window_size[1], -1, ) # Wh*Ww,Wh*Ww,nH - relative_position_bias = relative_position_bias.permute( - 2, 0, 1 - ).contiguous() # nH, Wh*Ww, Wh*Ww + relative_position_bias = relative_position_bias.permute(2, 0, 1).contiguous() # nH, Wh*Ww, Wh*Ww relative_position_bias = 16 * torch.sigmoid(relative_position_bias) attn = attn + relative_position_bias.unsqueeze(0) if mask is not None: nW = mask.shape[0] - attn = attn.view(B_ // nW, nW, self.num_heads, N, N) + mask.unsqueeze( - 1 - ).unsqueeze(0) + attn = attn.view(B_ // nW, nW, self.num_heads, N, N) + mask.unsqueeze(1).unsqueeze(0) attn = attn.view(-1, self.num_heads, N, N) attn = self.softmax(attn) else: @@ -2419,17 +2128,13 @@ def forward(self, x): def window_partition_v2(x, window_size): B, H, W, C = x.shape x = x.view(B, H // window_size, window_size, W // window_size, window_size, C) - windows = ( - x.permute(0, 1, 3, 2, 4, 5).contiguous().view(-1, window_size, window_size, C) - ) + windows = x.permute(0, 1, 3, 2, 4, 5).contiguous().view(-1, window_size, window_size, C) return windows def window_reverse_v2(windows, window_size, H, W): B = int(windows.shape[0] / (H * W / window_size / window_size)) - x = windows.view( - B, H // window_size, W // window_size, window_size, window_size, -1 - ) + x = windows.view(B, H // window_size, W // window_size, window_size, window_size, -1) x = x.permute(0, 1, 3, 2, 4, 5).contiguous().view(B, H, W, -1) return x @@ -2461,9 +2166,7 @@ def __init__( # # if window size is larger than input resolution, we don't partition windows # self.shift_size = 0 # self.window_size = min(self.input_resolution) - assert ( - 0 <= self.shift_size < self.window_size - ), "shift_size must in 0-window_size" + assert 0 <= self.shift_size < self.window_size, "shift_size must in 0-window_size" self.norm1 = norm_layer(dim) self.attn = WindowAttention_v2( @@ -2505,14 +2208,10 @@ def create_mask(self, H, W): img_mask[:, h, w, :] = cnt cnt += 1 - mask_windows = window_partition( - img_mask, self.window_size - ) # nW, window_size, window_size, 1 + mask_windows = window_partition(img_mask, self.window_size) # nW, window_size, window_size, 1 mask_windows = mask_windows.view(-1, self.window_size * self.window_size) attn_mask = mask_windows.unsqueeze(1) - mask_windows.unsqueeze(2) - attn_mask = attn_mask.masked_fill(attn_mask != 0, float(-100.0)).masked_fill( - attn_mask == 0, float(0.0) - ) + attn_mask = attn_mask.masked_fill(attn_mask != 0, float(-100.0)).masked_fill(attn_mask == 0, float(0.0)) return attn_mask @@ -2521,11 +2220,7 @@ def forward(self, x): _, _, H_, W_ = x.shape Padding = False - if ( - min(H_, W_) < self.window_size - or H_ % self.window_size != 0 - or W_ % self.window_size != 0 - ): + if min(H_, W_) < self.window_size or H_ % self.window_size != 0 or W_ % self.window_size != 0: Padding = True # logger.info(f'img_size {min(H_, W_)} is less than (or not divided by) window_size {self.window_size}, Padding.') pad_r = (self.window_size - W_ % self.window_size) % self.window_size @@ -2548,24 +2243,16 @@ def forward(self, x): # cyclic shift if self.shift_size > 0: - shifted_x = torch.roll( - x, shifts=(-self.shift_size, -self.shift_size), dims=(1, 2) - ) + shifted_x = torch.roll(x, shifts=(-self.shift_size, -self.shift_size), dims=(1, 2)) else: shifted_x = x # partition windows - x_windows = window_partition_v2( - shifted_x, self.window_size - ) # nW*B, window_size, window_size, C - x_windows = x_windows.view( - -1, self.window_size * self.window_size, C - ) # nW*B, window_size*window_size, C + x_windows = window_partition_v2(shifted_x, self.window_size) # nW*B, window_size, window_size, C + x_windows = x_windows.view(-1, self.window_size * self.window_size, C) # nW*B, window_size*window_size, C # W-MSA/SW-MSA - attn_windows = self.attn( - x_windows, mask=attn_mask - ) # nW*B, window_size*window_size, C + attn_windows = self.attn(x_windows, mask=attn_mask) # nW*B, window_size*window_size, C # merge windows attn_windows = attn_windows.view(-1, self.window_size, self.window_size, C) @@ -2573,9 +2260,7 @@ def forward(self, x): # reverse cyclic shift if self.shift_size > 0: - x = torch.roll( - shifted_x, shifts=(self.shift_size, self.shift_size), dims=(1, 2) - ) + x = torch.roll(shifted_x, shifts=(self.shift_size, self.shift_size), dims=(1, 2)) else: x = shifted_x x = x.view(B, H * W, C) @@ -2640,9 +2325,7 @@ def forward(self, x): class ST2CSPA(nn.Module): # CSP Bottleneck https://github.com/WongKinYiu/CrossStagePartialNetworks - def __init__( - self, c1, c2, n=1, shortcut=True, g=1, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super(ST2CSPA, self).__init__() c_ = int(c2 * e) # hidden channels self.cv1 = Conv(c1, c_, 1, 1) @@ -2660,9 +2343,7 @@ def forward(self, x): class ST2CSPB(nn.Module): # CSP Bottleneck https://github.com/WongKinYiu/CrossStagePartialNetworks - def __init__( - self, c1, c2, n=1, shortcut=False, g=1, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=False, g=1, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super(ST2CSPB, self).__init__() c_ = int(c2) # hidden channels self.cv1 = Conv(c1, c_, 1, 1) @@ -2681,9 +2362,7 @@ def forward(self, x): class ST2CSPC(nn.Module): # CSP Bottleneck https://github.com/WongKinYiu/CrossStagePartialNetworks - def __init__( - self, c1, c2, n=1, shortcut=True, g=1, e=0.5 - ): # ch_in, ch_out, number, shortcut, groups, expansion + def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): # ch_in, ch_out, number, shortcut, groups, expansion super(ST2CSPC, self).__init__() c_ = int(c2 * e) # hidden channels self.cv1 = Conv(c1, c_, 1, 1) diff --git a/models/experimental/yolov7/reference/models/experimental.py b/models/experimental/yolov7/reference/models/experimental.py index 040d64bd550..cce115f5fda 100644 --- a/models/experimental/yolov7/reference/models/experimental.py +++ b/models/experimental/yolov7/reference/models/experimental.py @@ -35,9 +35,7 @@ def __init__(self, n, weight=False): # n: number of inputs self.weight = weight # apply weights boolean self.iter = range(n - 1) # iter object if weight: - self.w = nn.Parameter( - -torch.arange(1.0, n) / 2, requires_grad=True - ) # layer weights + self.w = nn.Parameter(-torch.arange(1.0, n) / 2, requires_grad=True) # layer weights def forward(self, x): y = x[0] # no weight @@ -65,16 +63,9 @@ def __init__(self, c1, c2, k=(1, 3), s=1, equal_ch=True): a -= np.roll(a, 1, axis=1) a *= np.array(k) ** 2 a[0] = 1 - c_ = np.linalg.lstsq(a, b, rcond=None)[ - 0 - ].round() # solve for equal weight indices, ax = b - - self.m = nn.ModuleList( - [ - nn.Conv2d(c1, int(c_[g]), k[g], s, k[g] // 2, bias=False) - for g in range(groups) - ] - ) + c_ = np.linalg.lstsq(a, b, rcond=None)[0].round() # solve for equal weight indices, ax = b + + self.m = nn.ModuleList([nn.Conv2d(c1, int(c_[g]), k[g], s, k[g] // 2, bias=False) for g in range(groups)]) self.bn = nn.BatchNorm2d(c2) self.act = nn.LeakyReLU(0.1, inplace=True) @@ -115,16 +106,12 @@ def forward( batches = torch.randint(0, batch, (num_det,)).sort()[0].to(device) idxs = torch.arange(100, 100 + num_det).to(device) zeros = torch.zeros((num_det,), dtype=torch.int64).to(device) - selected_indices = torch.cat( - [batches[None], zeros[None], idxs[None]], 0 - ).T.contiguous() + selected_indices = torch.cat([batches[None], zeros[None], idxs[None]], 0).T.contiguous() selected_indices = selected_indices.to(torch.int64) return selected_indices @staticmethod - def symbolic( - g, boxes, scores, max_output_boxes_per_class, iou_threshold, score_threshold - ): + def symbolic(g, boxes, scores, max_output_boxes_per_class, iou_threshold, score_threshold): return g.op( "NonMaxSuppression", boxes, @@ -155,9 +142,7 @@ def forward( num_det = torch.randint(0, max_output_boxes, (batch_size, 1), dtype=torch.int32) det_boxes = torch.randn(batch_size, max_output_boxes, 4) det_scores = torch.randn(batch_size, max_output_boxes) - det_classes = torch.randint( - 0, num_classes, (batch_size, max_output_boxes), dtype=torch.int32 - ) + det_classes = torch.randint(0, num_classes, (batch_size, max_output_boxes), dtype=torch.int32) return num_det, det_boxes, det_scores, det_classes @staticmethod @@ -229,9 +214,7 @@ def forward(self, x): dis = category_id.float() * self.max_wh nmsbox = boxes + dis max_score_tp = max_score.transpose(1, 2).contiguous() - selected_indices = ORT_NMS.apply( - nmsbox, max_score_tp, self.max_obj, self.iou_threshold, self.score_threshold - ) + selected_indices = ORT_NMS.apply(nmsbox, max_score_tp, self.max_obj, self.iou_threshold, self.score_threshold) X, Y = selected_indices[:, 0], selected_indices[:, 2] selected_boxes = boxes[X, Y, :] selected_categories = category_id[X, Y, :].float() @@ -306,9 +289,7 @@ def __init__( self.model = model.to(device) self.model.model[-1].end2end = True self.patch_model = ONNX_TRT if max_wh is None else ONNX_ORT - self.end2end = self.patch_model( - max_obj, iou_thres, score_thres, max_wh, device, n_classes - ) + self.end2end = self.patch_model(max_obj, iou_thres, score_thres, max_wh, device, n_classes) self.end2end.eval() def forward(self, x): @@ -323,9 +304,7 @@ def attempt_load(weights, map_location=None): for w in weights if isinstance(weights, list) else [weights]: # attempt_download(w) ckpt = torch.load(w, map_location=map_location) # load - model.append( - ckpt["ema" if ckpt.get("ema") else "model"].float().fuse().eval() - ) # FP32 model + model.append(ckpt["ema" if ckpt.get("ema") else "model"].float().fuse().eval()) # FP32 model # Compatibility updates for m in model.modules(): if type(m) in [nn.Hardswish, nn.LeakyReLU, nn.ReLU, nn.ReLU6, nn.SiLU]: diff --git a/models/experimental/yolov7/reference/models/yolo.py b/models/experimental/yolov7/reference/models/yolo.py index 30e2acaff55..f8a71b0eba9 100644 --- a/models/experimental/yolov7/reference/models/yolo.py +++ b/models/experimental/yolov7/reference/models/yolo.py @@ -48,12 +48,8 @@ def __init__(self, nc=80, anchors=(), ch=()): # detection layer self.grid = [torch.zeros(1)] * self.nl # init grid a = torch.tensor(anchors).float().view(self.nl, -1, 2) self.register_buffer("anchors", a) # shape(nl,na,2) - self.register_buffer( - "anchor_grid", a.clone().view(self.nl, 1, -1, 1, 1, 2) - ) # shape(nl,1,na,1,1,2) - self.m = nn.ModuleList( - nn.Conv2d(x, self.no * self.na, 1) for x in ch - ) # output conv + self.register_buffer("anchor_grid", a.clone().view(self.nl, 1, -1, 1, 1, 2)) # shape(nl,1,na,1,1,2) + self.m = nn.ModuleList(nn.Conv2d(x, self.no * self.na, 1) for x in ch) # output conv def forward(self, x): # x = x.copy() # for profiling @@ -62,31 +58,18 @@ def forward(self, x): for i in range(self.nl): x[i] = self.m[i](x[i]) # conv bs, _, ny, nx = x[i].shape # x(bs,255,20,20) to x(bs,3,20,20,85) - x[i] = ( - x[i] - .view(bs, self.na, self.no, ny, nx) - .permute(0, 1, 3, 4, 2) - .contiguous() - ) + x[i] = x[i].view(bs, self.na, self.no, ny, nx).permute(0, 1, 3, 4, 2).contiguous() if not self.training: # inference if self.grid[i].shape[2:4] != x[i].shape[2:4]: self.grid[i] = self._make_grid(nx, ny).to(x[i].device) y = x[i].sigmoid() if not torch.onnx.is_in_onnx_export(): - y[..., 0:2] = ( - y[..., 0:2] * 2.0 - 0.5 + self.grid[i] - ) * self.stride[ - i - ] # xy + y[..., 0:2] = (y[..., 0:2] * 2.0 - 0.5 + self.grid[i]) * self.stride[i] # xy y[..., 2:4] = (y[..., 2:4] * 2) ** 2 * self.anchor_grid[i] # wh else: - xy, wh, conf = y.split( - (2, 2, self.nc + 1), 4 - ) # y.tensor_split((2, 4, 5), 4) # torch 1.8.0 - xy = xy * (2.0 * self.stride[i]) + ( - self.stride[i] * (self.grid[i] - 0.5) - ) # new xy + xy, wh, conf = y.split((2, 2, self.nc + 1), 4) # y.tensor_split((2, 4, 5), 4) # torch 1.8.0 + xy = xy * (2.0 * self.stride[i]) + (self.stride[i] * (self.grid[i] - 0.5)) # new xy wh = wh**2 * (4 * self.anchor_grid[i].data) # new wh y = torch.cat((xy, wh, conf), 4) z.append(y.view(bs, -1, self.no)) @@ -141,12 +124,8 @@ def __init__(self, nc=80, anchors=(), ch=()): # detection layer self.grid = [torch.zeros(1)] * self.nl # init grid a = torch.tensor(anchors).float().view(self.nl, -1, 2) self.register_buffer("anchors", a) # shape(nl,na,2) - self.register_buffer( - "anchor_grid", a.clone().view(self.nl, 1, -1, 1, 1, 2) - ) # shape(nl,1,na,1,1,2) - self.m = nn.ModuleList( - nn.Conv2d(x, self.no * self.na, 1) for x in ch - ) # output conv + self.register_buffer("anchor_grid", a.clone().view(self.nl, 1, -1, 1, 1, 2)) # shape(nl,1,na,1,1,2) + self.m = nn.ModuleList(nn.Conv2d(x, self.no * self.na, 1) for x in ch) # output conv self.ia = nn.ModuleList(ImplicitA(x) for x in ch) self.im = nn.ModuleList(ImplicitM(self.no * self.na) for _ in ch) @@ -159,21 +138,14 @@ def forward(self, x): x[i] = self.m[i](self.ia[i](x[i])) # conv x[i] = self.im[i](x[i]) bs, _, ny, nx = x[i].shape # x(bs,255,20,20) to x(bs,3,20,20,85) - x[i] = ( - x[i] - .view(bs, self.na, self.no, ny, nx) - .permute(0, 1, 3, 4, 2) - .contiguous() - ) + x[i] = x[i].view(bs, self.na, self.no, ny, nx).permute(0, 1, 3, 4, 2).contiguous() if not self.training: # inference if self.grid[i].shape[2:4] != x[i].shape[2:4]: self.grid[i] = self._make_grid(nx, ny).to(x[i].device) y = x[i].sigmoid() - y[..., 0:2] = (y[..., 0:2] * 2.0 - 0.5 + self.grid[i]) * self.stride[ - i - ] # xy + y[..., 0:2] = (y[..., 0:2] * 2.0 - 0.5 + self.grid[i]) * self.stride[i] # xy y[..., 2:4] = (y[..., 2:4] * 2) ** 2 * self.anchor_grid[i] # wh z.append(y.view(bs, -1, self.no)) @@ -186,12 +158,7 @@ def fuseforward(self, x): for i in range(self.nl): x[i] = self.m[i](x[i]) # conv bs, _, ny, nx = x[i].shape # x(bs,255,20,20) to x(bs,3,20,20,85) - x[i] = ( - x[i] - .view(bs, self.na, self.no, ny, nx) - .permute(0, 1, 3, 4, 2) - .contiguous() - ) + x[i] = x[i].view(bs, self.na, self.no, ny, nx).permute(0, 1, 3, 4, 2).contiguous() if not self.training: # inference if self.grid[i].shape[2:4] != x[i].shape[2:4]: @@ -199,19 +166,11 @@ def fuseforward(self, x): y = x[i].sigmoid() if not torch.onnx.is_in_onnx_export(): - y[..., 0:2] = ( - y[..., 0:2] * 2.0 - 0.5 + self.grid[i] - ) * self.stride[ - i - ] # xy + y[..., 0:2] = (y[..., 0:2] * 2.0 - 0.5 + self.grid[i]) * self.stride[i] # xy y[..., 2:4] = (y[..., 2:4] * 2) ** 2 * self.anchor_grid[i] # wh else: - xy, wh, conf = y.split( - (2, 2, self.nc + 1), 4 - ) # y.tensor_split((2, 4, 5), 4) # torch 1.8.0 - xy = xy * (2.0 * self.stride[i]) + ( - self.stride[i] * (self.grid[i] - 0.5) - ) # new xy + xy, wh, conf = y.split((2, 2, self.nc + 1), 4) # y.tensor_split((2, 4, 5), 4) # torch 1.8.0 + xy = xy * (2.0 * self.stride[i]) + (self.stride[i] * (self.grid[i] - 0.5)) # new xy wh = wh**2 * (4 * self.anchor_grid[i].data) # new wh y = torch.cat((xy, wh, conf), 4) z.append(y.view(bs, -1, self.no)) @@ -270,9 +229,7 @@ class IKeypoint(nn.Module): stride = None # strides computed during build export = False # onnx export - def __init__( - self, nc=80, anchors=(), nkpt=17, ch=(), inplace=True, dw_conv_kpt=False - ): # detection layer + def __init__(self, nc=80, anchors=(), nkpt=17, ch=(), inplace=True, dw_conv_kpt=False): # detection layer super(IKeypoint, self).__init__() self.nc = nc # number of classes self.nkpt = nkpt @@ -286,12 +243,8 @@ def __init__( self.flip_test = False a = torch.tensor(anchors).float().view(self.nl, -1, 2) self.register_buffer("anchors", a) # shape(nl,na,2) - self.register_buffer( - "anchor_grid", a.clone().view(self.nl, 1, -1, 1, 1, 2) - ) # shape(nl,1,na,1,1,2) - self.m = nn.ModuleList( - nn.Conv2d(x, self.no_det * self.na, 1) for x in ch - ) # output conv + self.register_buffer("anchor_grid", a.clone().view(self.nl, 1, -1, 1, 1, 2)) # shape(nl,1,na,1,1,2) + self.m = nn.ModuleList(nn.Conv2d(x, self.no_det * self.na, 1) for x in ch) # output conv self.ia = nn.ModuleList(ImplicitA(x) for x in ch) self.im = nn.ModuleList(ImplicitM(self.no_det * self.na) for _ in ch) @@ -316,9 +269,7 @@ def __init__( for x in ch ) else: # keypoint head is a single convolution - self.m_kpt = nn.ModuleList( - nn.Conv2d(x, self.no_kpt * self.na, 1) for x in ch - ) + self.m_kpt = nn.ModuleList(nn.Conv2d(x, self.no_kpt * self.na, 1) for x in ch) self.inplace = inplace # use in-place ops (e.g. slice assignment) @@ -336,12 +287,7 @@ def forward(self, x): ) bs, _, ny, nx = x[i].shape # x(bs,255,20,20) to x(bs,3,20,20,85) - x[i] = ( - x[i] - .view(bs, self.na, self.no, ny, nx) - .permute(0, 1, 3, 4, 2) - .contiguous() - ) + x[i] = x[i].view(bs, self.na, self.no, ny, nx).permute(0, 1, 3, 4, 2).contiguous() x_det = x[i][..., :6] x_kpt = x[i][..., 6:] @@ -358,21 +304,15 @@ def forward(self, x): if self.inplace: xy = (y[..., 0:2] * 2.0 - 0.5 + self.grid[i]) * self.stride[i] # xy - wh = (y[..., 2:4] * 2) ** 2 * self.anchor_grid[i].view( - 1, self.na, 1, 1, 2 - ) # wh + wh = (y[..., 2:4] * 2) ** 2 * self.anchor_grid[i].view(1, self.na, 1, 1, 2) # wh if self.nkpt != 0: x_kpt[..., 0::3] = ( - x_kpt[..., ::3] * 2.0 - - 0.5 - + kpt_grid_x.repeat(1, 1, 1, 1, 17) + x_kpt[..., ::3] * 2.0 - 0.5 + kpt_grid_x.repeat(1, 1, 1, 1, 17) ) * self.stride[ i ] # xy x_kpt[..., 1::3] = ( - x_kpt[..., 1::3] * 2.0 - - 0.5 - + kpt_grid_y.repeat(1, 1, 1, 1, 17) + x_kpt[..., 1::3] * 2.0 - 0.5 + kpt_grid_y.repeat(1, 1, 1, 1, 17) ) * self.stride[ i ] # xy @@ -395,9 +335,7 @@ def forward(self, x): wh = (y[..., 2:4] * 2) ** 2 * self.anchor_grid[i] # wh if self.nkpt != 0: y[..., 6:] = ( - y[..., 6:] * 2.0 - - 0.5 - + self.grid[i].repeat((1, 1, 1, 1, self.nkpt)) + y[..., 6:] * 2.0 - 0.5 + self.grid[i].repeat((1, 1, 1, 1, self.nkpt)) ) * self.stride[ i ] # xy @@ -429,15 +367,9 @@ def __init__(self, nc=80, anchors=(), ch=()): # detection layer self.grid = [torch.zeros(1)] * self.nl # init grid a = torch.tensor(anchors).float().view(self.nl, -1, 2) self.register_buffer("anchors", a) # shape(nl,na,2) - self.register_buffer( - "anchor_grid", a.clone().view(self.nl, 1, -1, 1, 1, 2) - ) # shape(nl,1,na,1,1,2) - self.m = nn.ModuleList( - nn.Conv2d(x, self.no * self.na, 1) for x in ch[: self.nl] - ) # output conv - self.m2 = nn.ModuleList( - nn.Conv2d(x, self.no * self.na, 1) for x in ch[self.nl :] - ) # output conv + self.register_buffer("anchor_grid", a.clone().view(self.nl, 1, -1, 1, 1, 2)) # shape(nl,1,na,1,1,2) + self.m = nn.ModuleList(nn.Conv2d(x, self.no * self.na, 1) for x in ch[: self.nl]) # output conv + self.m2 = nn.ModuleList(nn.Conv2d(x, self.no * self.na, 1) for x in ch[self.nl :]) # output conv self.ia = nn.ModuleList(ImplicitA(x) for x in ch[: self.nl]) self.im = nn.ModuleList(ImplicitM(self.no * self.na) for _ in ch[: self.nl]) @@ -450,20 +382,10 @@ def forward(self, x): x[i] = self.m[i](self.ia[i](x[i])) # conv x[i] = self.im[i](x[i]) bs, _, ny, nx = x[i].shape # x(bs,255,20,20) to x(bs,3,20,20,85) - x[i] = ( - x[i] - .view(bs, self.na, self.no, ny, nx) - .permute(0, 1, 3, 4, 2) - .contiguous() - ) + x[i] = x[i].view(bs, self.na, self.no, ny, nx).permute(0, 1, 3, 4, 2).contiguous() x[i + self.nl] = self.m2[i](x[i + self.nl]) - x[i + self.nl] = ( - x[i + self.nl] - .view(bs, self.na, self.no, ny, nx) - .permute(0, 1, 3, 4, 2) - .contiguous() - ) + x[i + self.nl] = x[i + self.nl].view(bs, self.na, self.no, ny, nx).permute(0, 1, 3, 4, 2).contiguous() if not self.training: # inference if self.grid[i].shape[2:4] != x[i].shape[2:4]: @@ -471,19 +393,11 @@ def forward(self, x): y = x[i].sigmoid() if not torch.onnx.is_in_onnx_export(): - y[..., 0:2] = ( - y[..., 0:2] * 2.0 - 0.5 + self.grid[i] - ) * self.stride[ - i - ] # xy + y[..., 0:2] = (y[..., 0:2] * 2.0 - 0.5 + self.grid[i]) * self.stride[i] # xy y[..., 2:4] = (y[..., 2:4] * 2) ** 2 * self.anchor_grid[i] # wh else: - xy, wh, conf = y.split( - (2, 2, self.nc + 1), 4 - ) # y.tensor_split((2, 4, 5), 4) # torch 1.8.0 - xy = xy * (2.0 * self.stride[i]) + ( - self.stride[i] * (self.grid[i] - 0.5) - ) # new xy + xy, wh, conf = y.split((2, 2, self.nc + 1), 4) # y.tensor_split((2, 4, 5), 4) # torch 1.8.0 + xy = xy * (2.0 * self.stride[i]) + (self.stride[i] * (self.grid[i] - 0.5)) # new xy wh = wh**2 * (4 * self.anchor_grid[i].data) # new wh y = torch.cat((xy, wh, conf), 4) z.append(y.view(bs, -1, self.no)) @@ -497,12 +411,7 @@ def fuseforward(self, x): for i in range(self.nl): x[i] = self.m[i](x[i]) # conv bs, _, ny, nx = x[i].shape # x(bs,255,20,20) to x(bs,3,20,20,85) - x[i] = ( - x[i] - .view(bs, self.na, self.no, ny, nx) - .permute(0, 1, 3, 4, 2) - .contiguous() - ) + x[i] = x[i].view(bs, self.na, self.no, ny, nx).permute(0, 1, 3, 4, 2).contiguous() if not self.training: # inference if self.grid[i].shape[2:4] != x[i].shape[2:4]: @@ -510,11 +419,7 @@ def fuseforward(self, x): y = x[i].sigmoid() if not torch.onnx.is_in_onnx_export(): - y[..., 0:2] = ( - y[..., 0:2] * 2.0 - 0.5 + self.grid[i] - ) * self.stride[ - i - ] # xy + y[..., 0:2] = (y[..., 0:2] * 2.0 - 0.5 + self.grid[i]) * self.stride[i] # xy y[..., 2:4] = (y[..., 2:4] * 2) ** 2 * self.anchor_grid[i] # wh else: xy = (y[..., 0:2] * 2.0 - 0.5 + self.grid[i]) * self.stride[i] # xy @@ -584,9 +489,7 @@ def __init__(self, nc=80, anchors=(), ch=(), bin_count=21): # detection layer self.w_bin_sigmoid = SigmoidBin(bin_count=self.bin_count, min=0.0, max=4.0) self.h_bin_sigmoid = SigmoidBin(bin_count=self.bin_count, min=0.0, max=4.0) # classes, x,y,obj - self.no = ( - nc + 3 + self.w_bin_sigmoid.get_length() + self.h_bin_sigmoid.get_length() - ) # w-bce, h-bce + self.no = nc + 3 + self.w_bin_sigmoid.get_length() + self.h_bin_sigmoid.get_length() # w-bce, h-bce # + self.x_bin_sigmoid.get_length() + self.y_bin_sigmoid.get_length() self.nl = len(anchors) # number of detection layers @@ -594,12 +497,8 @@ def __init__(self, nc=80, anchors=(), ch=(), bin_count=21): # detection layer self.grid = [torch.zeros(1)] * self.nl # init grid a = torch.tensor(anchors).float().view(self.nl, -1, 2) self.register_buffer("anchors", a) # shape(nl,na,2) - self.register_buffer( - "anchor_grid", a.clone().view(self.nl, 1, -1, 1, 1, 2) - ) # shape(nl,1,na,1,1,2) - self.m = nn.ModuleList( - nn.Conv2d(x, self.no * self.na, 1) for x in ch - ) # output conv + self.register_buffer("anchor_grid", a.clone().view(self.nl, 1, -1, 1, 1, 2)) # shape(nl,1,na,1,1,2) + self.m = nn.ModuleList(nn.Conv2d(x, self.no * self.na, 1) for x in ch) # output conv self.ia = nn.ModuleList(ImplicitA(x) for x in ch) self.im = nn.ModuleList(ImplicitM(self.no * self.na) for _ in ch) @@ -617,34 +516,21 @@ def forward(self, x): x[i] = self.m[i](self.ia[i](x[i])) # conv x[i] = self.im[i](x[i]) bs, _, ny, nx = x[i].shape # x(bs,255,20,20) to x(bs,3,20,20,85) - x[i] = ( - x[i] - .view(bs, self.na, self.no, ny, nx) - .permute(0, 1, 3, 4, 2) - .contiguous() - ) + x[i] = x[i].view(bs, self.na, self.no, ny, nx).permute(0, 1, 3, 4, 2).contiguous() if not self.training: # inference if self.grid[i].shape[2:4] != x[i].shape[2:4]: self.grid[i] = self._make_grid(nx, ny).to(x[i].device) y = x[i].sigmoid() - y[..., 0:2] = (y[..., 0:2] * 2.0 - 0.5 + self.grid[i]) * self.stride[ - i - ] # xy + y[..., 0:2] = (y[..., 0:2] * 2.0 - 0.5 + self.grid[i]) * self.stride[i] # xy # y[..., 2:4] = (y[..., 2:4] * 2) ** 2 * self.anchor_grid[i] # wh # px = (self.x_bin_sigmoid.forward(y[..., 0:12]) + self.grid[i][..., 0]) * self.stride[i] # py = (self.y_bin_sigmoid.forward(y[..., 12:24]) + self.grid[i][..., 1]) * self.stride[i] - pw = ( - self.w_bin_sigmoid.forward(y[..., 2:24]) - * self.anchor_grid[i][..., 0] - ) - ph = ( - self.h_bin_sigmoid.forward(y[..., 24:46]) - * self.anchor_grid[i][..., 1] - ) + pw = self.w_bin_sigmoid.forward(y[..., 2:24]) * self.anchor_grid[i][..., 0] + ph = self.h_bin_sigmoid.forward(y[..., 24:46]) * self.anchor_grid[i][..., 1] # y[..., 0] = px # y[..., 1] = py @@ -664,9 +550,7 @@ def _make_grid(nx=20, ny=20): class Model(nn.Module): - def __init__( - self, cfg="yolor-csp-c.yaml", ch=3, nc=None, anchors=None - ): # model, input channels, number of classes + def __init__(self, cfg="yolor-csp-c.yaml", ch=3, nc=None, anchors=None): # model, input channels, number of classes super(Model, self).__init__() self.traced = False if isinstance(cfg, dict): @@ -686,9 +570,7 @@ def __init__( if anchors: logger.info(f"Overriding model.yaml anchors with anchors={anchors}") self.yaml["anchors"] = round(anchors) # override yaml value - self.model, self.save = parse_model( - deepcopy(self.yaml), ch=[ch] - ) # model, savelist + self.model, self.save = parse_model(deepcopy(self.yaml), ch=[ch]) # model, savelist self.names = [str(i) for i in range(self.yaml["nc"])] # default names # logger.info([x.shape for x in self.forward(torch.zeros(1, ch, 64, 64))]) @@ -696,9 +578,7 @@ def __init__( m = self.model[-1] # Detect() if isinstance(m, Detect): s = 256 # 2x min stride - m.stride = torch.tensor( - [s / x.shape[-2] for x in self.forward(torch.zeros(1, ch, s, s))] - ) # forward + m.stride = torch.tensor([s / x.shape[-2] for x in self.forward(torch.zeros(1, ch, s, s))]) # forward check_anchor_order(m) m.anchors /= m.stride.view(-1, 1, 1) self.stride = m.stride @@ -706,9 +586,7 @@ def __init__( # logger.info('Strides: %s' % m.stride.tolist()) if isinstance(m, IDetect): s = 256 # 2x min stride - m.stride = torch.tensor( - [s / x.shape[-2] for x in self.forward(torch.zeros(1, ch, s, s))] - ) # forward + m.stride = torch.tensor([s / x.shape[-2] for x in self.forward(torch.zeros(1, ch, s, s))]) # forward check_anchor_order(m) m.anchors /= m.stride.view(-1, 1, 1) self.stride = m.stride @@ -716,9 +594,7 @@ def __init__( # logger.info('Strides: %s' % m.stride.tolist()) if isinstance(m, IAuxDetect): s = 256 # 2x min stride - m.stride = torch.tensor( - [s / x.shape[-2] for x in self.forward(torch.zeros(1, ch, s, s))[:4]] - ) # forward + m.stride = torch.tensor([s / x.shape[-2] for x in self.forward(torch.zeros(1, ch, s, s))[:4]]) # forward # logger.info(m.stride) check_anchor_order(m) m.anchors /= m.stride.view(-1, 1, 1) @@ -727,9 +603,7 @@ def __init__( # logger.info('Strides: %s' % m.stride.tolist()) if isinstance(m, IBin): s = 256 # 2x min stride - m.stride = torch.tensor( - [s / x.shape[-2] for x in self.forward(torch.zeros(1, ch, s, s))] - ) # forward + m.stride = torch.tensor([s / x.shape[-2] for x in self.forward(torch.zeros(1, ch, s, s))]) # forward check_anchor_order(m) m.anchors /= m.stride.view(-1, 1, 1) self.stride = m.stride @@ -737,9 +611,7 @@ def __init__( # logger.info('Strides: %s' % m.stride.tolist()) if isinstance(m, IKeypoint): s = 256 # 2x min stride - m.stride = torch.tensor( - [s / x.shape[-2] for x in self.forward(torch.zeros(1, ch, s, s))] - ) # forward + m.stride = torch.tensor([s / x.shape[-2] for x in self.forward(torch.zeros(1, ch, s, s))]) # forward check_anchor_order(m) m.anchors /= m.stride.view(-1, 1, 1) self.stride = m.stride @@ -775,11 +647,7 @@ def forward_once(self, x, profile=False): y, dt = [], [] # outputs for m in self.model: if m.f != -1: # if not from previous layer - x = ( - y[m.f] - if isinstance(m.f, int) - else [x if j == -1 else y[j] for j in m.f] - ) # from earlier layers + x = y[m.f] if isinstance(m.f, int) else [x if j == -1 else y[j] for j in m.f] # from earlier layers if not hasattr(self, "traced"): self.traced = False @@ -795,13 +663,7 @@ def forward_once(self, x, profile=False): if profile: c = isinstance(m, (Detect, IDetect, IAuxDetect, IBin)) - o = ( - thop.profile(m, inputs=(x.copy() if c else x,), verbose=False)[0] - / 1e9 - * 2 - if thop - else 0 - ) # FLOPS + o = thop.profile(m, inputs=(x.copy() if c else x,), verbose=False)[0] / 1e9 * 2 if thop else 0 # FLOPS for _ in range(10): m(x.copy() if c else x) t = time_synchronized() @@ -818,55 +680,31 @@ def forward_once(self, x, profile=False): logger.info("%.1fms total" % sum(dt)) return x - def _initialize_biases( - self, cf=None - ): # initialize biases into Detect(), cf is class frequency + def _initialize_biases(self, cf=None): # initialize biases into Detect(), cf is class frequency # https://arxiv.org/abs/1708.02002 section 3.3 # cf = torch.bincount(torch.tensor(np.concatenate(dataset.labels, 0)[:, 0]).long(), minlength=nc) + 1. m = self.model[-1] # Detect() module for mi, s in zip(m.m, m.stride): # from b = mi.bias.view(m.na, -1) # conv.bias(255) to (3,85) - b.data[:, 4] += math.log( - 8 / (640 / s) ** 2 - ) # obj (8 objects per 640 image) - b.data[:, 5:] += ( - math.log(0.6 / (m.nc - 0.99)) - if cf is None - else torch.log(cf / cf.sum()) - ) # cls + b.data[:, 4] += math.log(8 / (640 / s) ** 2) # obj (8 objects per 640 image) + b.data[:, 5:] += math.log(0.6 / (m.nc - 0.99)) if cf is None else torch.log(cf / cf.sum()) # cls mi.bias = torch.nn.Parameter(b.view(-1), requires_grad=True) - def _initialize_aux_biases( - self, cf=None - ): # initialize biases into Detect(), cf is class frequency + def _initialize_aux_biases(self, cf=None): # initialize biases into Detect(), cf is class frequency # https://arxiv.org/abs/1708.02002 section 3.3 # cf = torch.bincount(torch.tensor(np.concatenate(dataset.labels, 0)[:, 0]).long(), minlength=nc) + 1. m = self.model[-1] # Detect() module for mi, mi2, s in zip(m.m, m.m2, m.stride): # from b = mi.bias.view(m.na, -1) # conv.bias(255) to (3,85) - b.data[:, 4] += math.log( - 8 / (640 / s) ** 2 - ) # obj (8 objects per 640 image) - b.data[:, 5:] += ( - math.log(0.6 / (m.nc - 0.99)) - if cf is None - else torch.log(cf / cf.sum()) - ) # cls + b.data[:, 4] += math.log(8 / (640 / s) ** 2) # obj (8 objects per 640 image) + b.data[:, 5:] += math.log(0.6 / (m.nc - 0.99)) if cf is None else torch.log(cf / cf.sum()) # cls mi.bias = torch.nn.Parameter(b.view(-1), requires_grad=True) b2 = mi2.bias.view(m.na, -1) # conv.bias(255) to (3,85) - b2.data[:, 4] += math.log( - 8 / (640 / s) ** 2 - ) # obj (8 objects per 640 image) - b2.data[:, 5:] += ( - math.log(0.6 / (m.nc - 0.99)) - if cf is None - else torch.log(cf / cf.sum()) - ) # cls + b2.data[:, 4] += math.log(8 / (640 / s) ** 2) # obj (8 objects per 640 image) + b2.data[:, 5:] += math.log(0.6 / (m.nc - 0.99)) if cf is None else torch.log(cf / cf.sum()) # cls mi2.bias = torch.nn.Parameter(b2.view(-1), requires_grad=True) - def _initialize_biases_bin( - self, cf=None - ): # initialize biases into Detect(), cf is class frequency + def _initialize_biases_bin(self, cf=None): # initialize biases into Detect(), cf is class frequency # https://arxiv.org/abs/1708.02002 section 3.3 # cf = torch.bincount(torch.tensor(np.concatenate(dataset.labels, 0)[:, 0]).long(), minlength=nc) + 1. m = self.model[-1] # Bin() module @@ -876,33 +714,21 @@ def _initialize_biases_bin( old = b[:, (0, 1, 2, bc + 3)].data obj_idx = 2 * bc + 4 b[:, :obj_idx].data += math.log(0.6 / (bc + 1 - 0.99)) - b[:, obj_idx].data += math.log( - 8 / (640 / s) ** 2 - ) # obj (8 objects per 640 image) + b[:, obj_idx].data += math.log(8 / (640 / s) ** 2) # obj (8 objects per 640 image) b[:, (obj_idx + 1) :].data += ( - math.log(0.6 / (m.nc - 0.99)) - if cf is None - else torch.log(cf / cf.sum()) + math.log(0.6 / (m.nc - 0.99)) if cf is None else torch.log(cf / cf.sum()) ) # cls b[:, (0, 1, 2, bc + 3)].data = old mi.bias = torch.nn.Parameter(b.view(-1), requires_grad=True) - def _initialize_biases_kpt( - self, cf=None - ): # initialize biases into Detect(), cf is class frequency + def _initialize_biases_kpt(self, cf=None): # initialize biases into Detect(), cf is class frequency # https://arxiv.org/abs/1708.02002 section 3.3 # cf = torch.bincount(torch.tensor(np.concatenate(dataset.labels, 0)[:, 0]).long(), minlength=nc) + 1. m = self.model[-1] # Detect() module for mi, s in zip(m.m, m.stride): # from b = mi.bias.view(m.na, -1) # conv.bias(255) to (3,85) - b.data[:, 4] += math.log( - 8 / (640 / s) ** 2 - ) # obj (8 objects per 640 image) - b.data[:, 5:] += ( - math.log(0.6 / (m.nc - 0.99)) - if cf is None - else torch.log(cf / cf.sum()) - ) # cls + b.data[:, 4] += math.log(8 / (640 / s) ** 2) # obj (8 objects per 640 image) + b.data[:, 5:] += math.log(0.6 / (m.nc - 0.99)) if cf is None else torch.log(cf / cf.sum()) # cls mi.bias = torch.nn.Parameter(b.view(-1), requires_grad=True) def _print_biases(self): @@ -910,8 +736,7 @@ def _print_biases(self): for mi in m.m: # from b = mi.bias.detach().view(m.na, -1).T # conv.bias(255) to (3,85) logger.info( - ("%6g Conv2d.bias:" + "%10.3g" * 6) - % (mi.weight.shape[1], *b[:5].mean(1).tolist(), b[5:].mean()) + ("%6g Conv2d.bias:" + "%10.3g" * 6) % (mi.weight.shape[1], *b[:5].mean(1).tolist(), b[5:].mean()) ) # def _print_weights(self): @@ -956,9 +781,7 @@ def nms(self, mode=True): # add or remove NMS module def autoshape(self): # add autoShape module logger.info("Adding autoShape... ") m = autoShape(self) # wrap model - copy_attr( - m, self, include=("yaml", "nc", "hyp", "names", "stride"), exclude=() - ) # copy attributes + copy_attr(m, self, include=("yaml", "nc", "hyp", "names", "stride"), exclude=()) # copy attributes return m def info(self, verbose=False, img_size=640): # logger.info model information @@ -966,25 +789,18 @@ def info(self, verbose=False, img_size=640): # logger.info model information def parse_model(d, ch): # model_dict, input_channels(3) - logger.info( - "\n%3s%18s%3s%10s %-40s%-30s" - % ("", "from", "n", "params", "module", "arguments") - ) + logger.info("\n%3s%18s%3s%10s %-40s%-30s" % ("", "from", "n", "params", "module", "arguments")) anchors, nc, gd, gw = ( d["anchors"], d["nc"], d["depth_multiple"], d["width_multiple"], ) - na = ( - (len(anchors[0]) // 2) if isinstance(anchors, list) else anchors - ) # number of anchors + na = (len(anchors[0]) // 2) if isinstance(anchors, list) else anchors # number of anchors no = na * (nc + 5) # number of outputs = anchors * (classes + 5) layers, save, c2 = [], [], ch[-1] # layers, savelist, ch out - for i, (f, n, m, args) in enumerate( - d["backbone"] + d["head"] - ): # from, number, module, args + for i, (f, n, m, args) in enumerate(d["backbone"] + d["head"]): # from, number, module, args m = eval(m) if isinstance(m, str) else m # eval strings for j, a in enumerate(args): try: @@ -1111,9 +927,7 @@ def parse_model(d, ch): # model_dict, input_channels(3) else: c2 = ch[f] - m_ = ( - nn.Sequential(*[m(*args) for _ in range(n)]) if n > 1 else m(*args) - ) # module + m_ = nn.Sequential(*[m(*args) for _ in range(n)]) if n > 1 else m(*args) # module t = str(m)[8:-2].replace("__main__.", "") # module type np = sum([x.numel() for x in m_.parameters()]) # number params m_.i, m_.f, m_.type, m_.np = ( @@ -1122,12 +936,8 @@ def parse_model(d, ch): # model_dict, input_channels(3) t, np, ) # attach index, 'from' index, type, number params - logger.info( - "%3s%18s%3s%10.0f %-40s%-30s" % (i, f, n, np, t, args) - ) # logger.info - save.extend( - x % i for x in ([f] if isinstance(f, int) else f) if x != -1 - ) # append to savelist + logger.info("%3s%18s%3s%10.0f %-40s%-30s" % (i, f, n, np, t, args)) # logger.info + save.extend(x % i for x in ([f] if isinstance(f, int) else f) if x != -1) # append to savelist layers.append(m_) if i == 0: ch = [] @@ -1137,12 +947,8 @@ def parse_model(d, ch): # model_dict, input_channels(3) if __name__ == "__main__": parser = argparse.ArgumentParser() - parser.add_argument( - "--cfg", type=str, default="yolor-csp-c.yaml", help="model.yaml" - ) - parser.add_argument( - "--device", default="", help="cuda device, i.e. 0 or 0,1,2,3 or cpu" - ) + parser.add_argument("--cfg", type=str, default="yolor-csp-c.yaml", help="model.yaml") + parser.add_argument("--device", default="", help="cuda device, i.e. 0 or 0,1,2,3 or cpu") parser.add_argument("--profile", action="store_true", help="profile model speed") opt = parser.parse_args() opt.cfg = check_file(opt.cfg) # check file diff --git a/models/experimental/yolov7/reference/utils/add_nms.py b/models/experimental/yolov7/reference/utils/add_nms.py index f074cd04f21..54d13b7dae1 100644 --- a/models/experimental/yolov7/reference/utils/add_nms.py +++ b/models/experimental/yolov7/reference/utils/add_nms.py @@ -49,9 +49,7 @@ def infer(self): model = shape_inference.infer_shapes(model) self.graph = gs.import_onnx(model) except Exception as e: - LOGGER.info( - f"Shape inference could not be performed at this time:\n{e}" - ) + LOGGER.info(f"Shape inference could not be performed at this time:\n{e}") try: self.graph.fold_constants(fold_shapes=True) except TypeError as e: @@ -116,9 +114,7 @@ def register_nms( elif self.precision == "fp16": dtype_output = np.float16 else: - raise NotImplementedError( - f"Currently not supports precision: {self.precision}" - ) + raise NotImplementedError(f"Currently not supports precision: {self.precision}") # NMS Outputs output_num_detections = gs.Variable( @@ -146,9 +142,7 @@ def register_nms( # Create the NMS Plugin node with the selected inputs. The outputs of the node will also # become the final outputs of the graph. - self.graph.layer( - op=op, name="batched_nms", inputs=op_inputs, outputs=op_outputs, attrs=attrs - ) + self.graph.layer(op=op, name="batched_nms", inputs=op_inputs, outputs=op_outputs, attrs=attrs) LOGGER.info(f"Created NMS plugin '{op}' with attributes: {attrs}") self.graph.outputs = op_outputs diff --git a/models/experimental/yolov7/reference/utils/autoanchor.py b/models/experimental/yolov7/reference/utils/autoanchor.py index cfa63c447af..1aeaa275b6c 100644 --- a/models/experimental/yolov7/reference/utils/autoanchor.py +++ b/models/experimental/yolov7/reference/utils/autoanchor.py @@ -28,14 +28,10 @@ def check_anchors(dataset, model, thr=4.0, imgsz=640): # Check anchor fit to data, recompute if necessary prefix = colorstr("autoanchor: ") logger.info(f"\n{prefix}Analyzing anchors... ", end="") - m = ( - model.module.model[-1] if hasattr(model, "module") else model.model[-1] - ) # Detect() + m = model.module.model[-1] if hasattr(model, "module") else model.model[-1] # Detect() shapes = imgsz * dataset.shapes / dataset.shapes.max(1, keepdims=True) scale = np.random.uniform(0.9, 1.1, size=(shapes.shape[0], 1)) # augment scale - wh = torch.tensor( - np.concatenate([l[:, 3:5] * s for s, l in zip(shapes * scale, dataset.labels)]) - ).float() # wh + wh = torch.tensor(np.concatenate([l[:, 3:5] * s for s, l in zip(shapes * scale, dataset.labels)])).float() # wh def metric(k): # compute metric r = wh[:, None] / k[None] @@ -47,16 +43,12 @@ def metric(k): # compute metric anchors = m.anchor_grid.clone().cpu().view(-1, 2) # current anchors bpr, aat = metric(anchors) - logger.info( - f"anchors/target = {aat:.2f}, Best Possible Recall (BPR) = {bpr:.4f}", end="" - ) + logger.info(f"anchors/target = {aat:.2f}, Best Possible Recall (BPR) = {bpr:.4f}", end="") if bpr < 0.98: # threshold to recompute logger.info(". Attempting to improve anchors, please wait...") na = m.anchor_grid.numel() // 2 # number of anchors try: - anchors = kmean_anchors( - dataset, n=na, img_size=imgsz, thr=thr, gen=1000, verbose=False - ) + anchors = kmean_anchors(dataset, n=na, img_size=imgsz, thr=thr, gen=1000, verbose=False) except Exception as e: logger.info(f"{prefix}ERROR: {e}") new_bpr = metric(anchors)[0] @@ -64,24 +56,14 @@ def metric(k): # compute metric anchors = torch.tensor(anchors, device=m.anchors.device).type_as(m.anchors) m.anchor_grid[:] = anchors.clone().view_as(m.anchor_grid) # for inference check_anchor_order(m) - m.anchors[:] = anchors.clone().view_as(m.anchors) / m.stride.to( - m.anchors.device - ).view( - -1, 1, 1 - ) # loss - logger.info( - f"{prefix}New anchors saved to model. Update model *.yaml to use these anchors in the future." - ) + m.anchors[:] = anchors.clone().view_as(m.anchors) / m.stride.to(m.anchors.device).view(-1, 1, 1) # loss + logger.info(f"{prefix}New anchors saved to model. Update model *.yaml to use these anchors in the future.") else: - logger.info( - f"{prefix}Original anchors better than new anchors. Proceeding with original anchors." - ) + logger.info(f"{prefix}Original anchors better than new anchors. Proceeding with original anchors.") logger.info("") # newline -def kmean_anchors( - path="./data/coco.yaml", n=9, img_size=640, thr=4.0, gen=1000, verbose=True -): +def kmean_anchors(path="./data/coco.yaml", n=9, img_size=640, thr=4.0, gen=1000, verbose=True): """Creates kmeans-evolved anchors from training dataset Arguments: @@ -114,12 +96,8 @@ def anchor_fitness(k): # mutation fitness def print_results(k): k = k[np.argsort(k.prod(1))] # sort small to large x, best = metric(k, wh0) - bpr, aat = (best > thr).float().mean(), ( - x > thr - ).float().mean() * n # best possible recall, anch > thr - logger.info( - f"{prefix}thr={thr:.2f}: {bpr:.4f} best possible recall, {aat:.2f} anchors past thr" - ) + bpr, aat = (best > thr).float().mean(), (x > thr).float().mean() * n # best possible recall, anch > thr + logger.info(f"{prefix}thr={thr:.2f}: {bpr:.4f} best possible recall, {aat:.2f} anchors past thr") logger.info( f"{prefix}n={n}, img_size={img_size}, metric_all={x.mean():.3f}/{best.mean():.3f}-mean/best, " f"past_thr={x[x > thr].mean():.3f}-mean: ", @@ -148,9 +126,7 @@ def print_results(k): # Filter i = (wh0 < 3.0).any(1).sum() if i: - logger.info( - f"{prefix}WARNING: Extremely small objects found. {i} of {len(wh0)} labels are < 3 pixels in size." - ) + logger.info(f"{prefix}WARNING: Extremely small objects found. {i} of {len(wh0)} labels are < 3 pixels in size.") wh = wh0[(wh0 >= 2.0).any(1)] # filter > 2 pixels # wh = wh * (np.random.rand(wh.shape[0], 1) * 0.9 + 0.1) # multiply by random scale 0-1 @@ -186,22 +162,16 @@ def print_results(k): 0.9, 0.1, ) # fitness, generations, mutation prob, sigma - pbar = tqdm( - range(gen), desc=f"{prefix}Evolving anchors with Genetic Algorithm:" - ) # progress bar + pbar = tqdm(range(gen), desc=f"{prefix}Evolving anchors with Genetic Algorithm:") # progress bar for _ in pbar: v = np.ones(sh) while (v == 1).all(): # mutate until a change occurs (prevent duplicates) - v = ((npr.random(sh) < mp) * npr.random() * npr.randn(*sh) * s + 1).clip( - 0.3, 3.0 - ) + v = ((npr.random(sh) < mp) * npr.random() * npr.randn(*sh) * s + 1).clip(0.3, 3.0) kg = (k.copy() * v).clip(min=2.0) fg = anchor_fitness(kg) if fg > f: f, k = fg, kg.copy() - pbar.desc = ( - f"{prefix}Evolving anchors with Genetic Algorithm: fitness = {f:.4f}" - ) + pbar.desc = f"{prefix}Evolving anchors with Genetic Algorithm: fitness = {f:.4f}" if verbose: print_results(k) diff --git a/models/experimental/yolov7/reference/utils/datasets.py b/models/experimental/yolov7/reference/utils/datasets.py index febc98ba74c..535df97113d 100644 --- a/models/experimental/yolov7/reference/utils/datasets.py +++ b/models/experimental/yolov7/reference/utils/datasets.py @@ -133,12 +133,8 @@ def create_dataloader( ) batch_size = min(batch_size, len(dataset)) - nw = min( - [os.cpu_count() // world_size, batch_size if batch_size > 1 else 0, workers] - ) # number of workers - sampler = ( - torch.utils.data.distributed.DistributedSampler(dataset) if rank != -1 else None - ) + nw = min([os.cpu_count() // world_size, batch_size if batch_size > 1 else 0, workers]) # number of workers + sampler = torch.utils.data.distributed.DistributedSampler(dataset) if rank != -1 else None loader = torch.utils.data.DataLoader if image_weights else InfiniteDataLoader # Use torch.utils.data.DataLoader() if dataset.properties will update during training else InfiniteDataLoader() dataloader = loader( @@ -147,9 +143,7 @@ def create_dataloader( num_workers=nw, sampler=sampler, pin_memory=True, - collate_fn=LoadImagesAndLabels.collate_fn4 - if quad - else LoadImagesAndLabels.collate_fn, + collate_fn=LoadImagesAndLabels.collate_fn4 if quad else LoadImagesAndLabels.collate_fn, ) return dataloader, dataset @@ -339,9 +333,7 @@ def __init__(self, sources="streams.txt", img_size=640, stride=32): if os.path.isfile(sources): with open(sources, "r") as f: - sources = [ - x.strip() for x in f.read().strip().splitlines() if len(x.strip()) - ] + sources = [x.strip() for x in f.read().strip().splitlines() if len(x.strip())] else: sources = [sources] @@ -352,9 +344,7 @@ def __init__(self, sources="streams.txt", img_size=640, stride=32): # Start the thread to read frames from the video stream logger.info(f"{i + 1}/{n}: {s}... ", end="") url = eval(s) if s.isnumeric() else s - if "youtube.com/" in str(url) or "youtu.be/" in str( - url - ): # if source is YouTube video + if "youtube.com/" in str(url) or "youtu.be/" in str(url): # if source is YouTube video check_requirements(("pafy", "youtube_dl")) import pafy @@ -373,15 +363,10 @@ def __init__(self, sources="streams.txt", img_size=640, stride=32): # check for common shapes s = np.stack( - [ - letterbox(x, self.img_size, stride=self.stride)[0].shape - for x in self.imgs - ], + [letterbox(x, self.img_size, stride=self.stride)[0].shape for x in self.imgs], 0, ) # shapes - self.rect = ( - np.unique(s, axis=0).shape[0] == 1 - ) # rect inference if all shapes equal + self.rect = np.unique(s, axis=0).shape[0] == 1 # rect inference if all shapes equal if not self.rect: logger.info( "WARNING: Different stream shapes detected. For optimal performance supply similarly-shaped streams." @@ -412,10 +397,7 @@ def __next__(self): raise StopIteration # Letterbox - img = [ - letterbox(x, self.img_size, auto=self.rect, stride=self.stride)[0] - for x in img0 - ] + img = [letterbox(x, self.img_size, auto=self.rect, stride=self.stride)[0] for x in img0] # Stack img = np.stack(img, 0) @@ -436,9 +418,7 @@ def img2label_paths(img_paths): os.sep + "images" + os.sep, os.sep + "labels" + os.sep, ) # /images/, /labels/ substrings - return [ - "txt".join(x.replace(sa, sb, 1).rsplit(x.split(".")[-1], 1)) for x in img_paths - ] + return ["txt".join(x.replace(sa, sb, 1).rsplit(x.split(".")[-1], 1)) for x in img_paths] class LoadImagesAndLabels(Dataset): # for training/testing @@ -462,9 +442,7 @@ def __init__( self.hyp = hyp self.image_weights = image_weights self.rect = False if image_weights else rect - self.mosaic = ( - self.augment and not self.rect - ) # load 4 images at a time into a mosaic (only during training) + self.mosaic = self.augment and not self.rect # load 4 images at a time into a mosaic (only during training) self.mosaic_border = [-img_size // 2, -img_size // 2] self.stride = stride self.path = path @@ -481,34 +459,19 @@ def __init__( with open(p, "r") as t: t = t.read().strip().splitlines() parent = str(p.parent) + os.sep - f += [ - x.replace("./", parent) if x.startswith("./") else x - for x in t - ] # local to global path + f += [x.replace("./", parent) if x.startswith("./") else x for x in t] # local to global path # f += [p.parent / x.lstrip(os.sep) for x in t] # local to global path (pathlib) else: raise Exception(f"{prefix}{p} does not exist") - self.img_files = sorted( - [ - x.replace("/", os.sep) - for x in f - if x.split(".")[-1].lower() in img_formats - ] - ) + self.img_files = sorted([x.replace("/", os.sep) for x in f if x.split(".")[-1].lower() in img_formats]) # self.img_files = sorted([x for x in f if x.suffix[1:].lower() in img_formats]) # pathlib assert self.img_files, f"{prefix}No images found" except Exception as e: - raise Exception( - f"{prefix}Error loading data from {path}: {e}\nSee {help_url}" - ) + raise Exception(f"{prefix}Error loading data from {path}: {e}\nSee {help_url}") # Check cache self.label_files = img2label_paths(self.img_files) # labels - cache_path = ( - p if p.is_file() else Path(self.label_files[0]).parent - ).with_suffix( - ".cache" - ) # cached labels + cache_path = (p if p.is_file() else Path(self.label_files[0]).parent).with_suffix(".cache") # cached labels if cache_path.is_file(): cache, exists = torch.load(cache_path), True # load # if cache['hash'] != get_hash(self.label_files + self.img_files) or 'version' not in cache: # changed @@ -517,15 +480,11 @@ def __init__( cache, exists = self.cache_labels(cache_path, prefix), False # cache # Display cache - nf, nm, ne, nc, n = cache.pop( - "results" - ) # found, missing, empty, corrupted, total + nf, nm, ne, nc, n = cache.pop("results") # found, missing, empty, corrupted, total if exists: d = f"Scanning '{cache_path}' images and labels... {nf} found, {nm} missing, {ne} empty, {nc} corrupted" tqdm(None, desc=prefix + d, total=n, initial=n) # display cache results - assert ( - nf > 0 or not augment - ), f"{prefix}No labels in {cache_path}. Can not train without labels. See {help_url}" + assert nf > 0 or not augment, f"{prefix}No labels in {cache_path}. Can not train without labels. See {help_url}" # Read cache cache.pop("hash") # remove hash @@ -568,27 +527,18 @@ def __init__( elif mini > 1: shapes[i] = [1, 1 / mini] - self.batch_shapes = ( - np.ceil(np.array(shapes) * img_size / stride + pad).astype(int) * stride - ) + self.batch_shapes = np.ceil(np.array(shapes) * img_size / stride + pad).astype(int) * stride # Cache images into memory for faster training (WARNING: large datasets may exceed system RAM) self.imgs = [None] * n if cache_images: if cache_images == "disk": - self.im_cache_dir = Path( - Path(self.img_files[0]).parent.as_posix() + "_npy" - ) - self.img_npy = [ - self.im_cache_dir / Path(f).with_suffix(".npy").name - for f in self.img_files - ] + self.im_cache_dir = Path(Path(self.img_files[0]).parent.as_posix() + "_npy") + self.img_npy = [self.im_cache_dir / Path(f).with_suffix(".npy").name for f in self.img_files] self.im_cache_dir.mkdir(parents=True, exist_ok=True) gb = 0 # Gigabytes of cached images self.img_hw0, self.img_hw = [None] * n, [None] * n - results = ThreadPool(8).imap( - lambda x: load_image(*x), zip(repeat(self), range(n)) - ) + results = ThreadPool(8).imap(lambda x: load_image(*x), zip(repeat(self), range(n))) pbar = tqdm(enumerate(results), total=n) for i, x in pbar: if cache_images == "disk": @@ -618,9 +568,7 @@ def cache_labels(self, path=Path("./labels.cache"), prefix=""): shape = exif_size(im) # image size segments = [] # instance segments assert (shape[0] > 9) & (shape[1] > 9), f"image size {shape} <10 pixels" - assert ( - im.format.lower() in img_formats - ), f"invalid image format {im.format}" + assert im.format.lower() in img_formats, f"invalid image format {im.format}" # verify labels if os.path.isfile(lb_file): @@ -629,23 +577,14 @@ def cache_labels(self, path=Path("./labels.cache"), prefix=""): l = [x.split() for x in f.read().strip().splitlines()] if any([len(x) > 8 for x in l]): # is segment classes = np.array([x[0] for x in l], dtype=np.float32) - segments = [ - np.array(x[1:], dtype=np.float32).reshape(-1, 2) - for x in l - ] # (cls, xy1...) - l = np.concatenate( - (classes.reshape(-1, 1), segments2boxes(segments)), 1 - ) # (cls, xywh) + segments = [np.array(x[1:], dtype=np.float32).reshape(-1, 2) for x in l] # (cls, xy1...) + l = np.concatenate((classes.reshape(-1, 1), segments2boxes(segments)), 1) # (cls, xywh) l = np.array(l, dtype=np.float32) if len(l): assert l.shape[1] == 5, "labels require 5 columns each" assert (l >= 0).all(), "negative labels" - assert ( - l[:, 1:] <= 1 - ).all(), "non-normalized or out of bounds coordinate labels" - assert ( - np.unique(l, axis=0).shape[0] == l.shape[0] - ), "duplicate labels" + assert (l[:, 1:] <= 1).all(), "non-normalized or out of bounds coordinate labels" + assert np.unique(l, axis=0).shape[0] == l.shape[0], "duplicate labels" else: ne += 1 # label empty l = np.zeros((0, 5), dtype=np.float32) @@ -655,9 +594,7 @@ def cache_labels(self, path=Path("./labels.cache"), prefix=""): x[im_file] = [l, shape, segments] except Exception as e: nc += 1 - logger.info( - f"{prefix}WARNING: Ignoring corrupted image and/or label {im_file}: {e}" - ) + logger.info(f"{prefix}WARNING: Ignoring corrupted image and/or label {im_file}: {e}") pbar.desc = ( f"{prefix}Scanning '{path.parent / path.stem}' images and labels... " @@ -700,13 +637,9 @@ def __getitem__(self, index): # MixUp https://arxiv.org/pdf/1710.09412.pdf if random.random() < hyp["mixup"]: if random.random() < 0.8: - img2, labels2 = load_mosaic( - self, random.randint(0, len(self.labels) - 1) - ) + img2, labels2 = load_mosaic(self, random.randint(0, len(self.labels) - 1)) else: - img2, labels2 = load_mosaic9( - self, random.randint(0, len(self.labels) - 1) - ) + img2, labels2 = load_mosaic9(self, random.randint(0, len(self.labels) - 1)) r = np.random.beta(8.0, 8.0) # mixup ratio, alpha=beta=8.0 img = (img * r + img2 * (1 - r)).astype(np.uint8) labels = np.concatenate((labels, labels2), 0) @@ -716,17 +649,13 @@ def __getitem__(self, index): img, (h0, w0), (h, w) = load_image(self, index) # Letterbox - shape = ( - self.batch_shapes[self.batch[index]] if self.rect else self.img_size - ) # final letterboxed shape + shape = self.batch_shapes[self.batch[index]] if self.rect else self.img_size # final letterboxed shape img, ratio, pad = letterbox(img, shape, auto=False, scaleup=self.augment) shapes = (h0, w0), ((h / h0, w / w0), pad) # for COCO mAP rescaling labels = self.labels[index].copy() if labels.size: # normalized xywh to pixel xyxy format - labels[:, 1:] = xywhn2xyxy( - labels[:, 1:], ratio[0] * w, ratio[1] * h, padw=pad[0], padh=pad[1] - ) + labels[:, 1:] = xywhn2xyxy(labels[:, 1:], ratio[0] * w, ratio[1] * h, padw=pad[0], padh=pad[1]) if self.augment: # Augment imagespace @@ -762,9 +691,7 @@ def __getitem__(self, index): # logger.info(len(sample_labels)) if len(sample_labels) == 0: break - labels = pastein( - img, labels, sample_labels, sample_images, sample_masks - ) + labels = pastein(img, labels, sample_labels, sample_images, sample_masks) nL = len(labels) # number of labels if nL: @@ -882,9 +809,7 @@ def augment_hsv(img, hgain=0.5, sgain=0.5, vgain=0.5): lut_sat = np.clip(x * r[1], 0, 255).astype(dtype) lut_val = np.clip(x * r[2], 0, 255).astype(dtype) - img_hsv = cv2.merge( - (cv2.LUT(hue, lut_hue), cv2.LUT(sat, lut_sat), cv2.LUT(val, lut_val)) - ).astype(dtype) + img_hsv = cv2.merge((cv2.LUT(hue, lut_hue), cv2.LUT(sat, lut_sat), cv2.LUT(val, lut_val))).astype(dtype) cv2.cvtColor(img_hsv, cv2.COLOR_HSV2BGR, dst=img) # no return needed @@ -896,9 +821,7 @@ def hist_equalize(img, clahe=True, bgr=False): yuv[:, :, 0] = c.apply(yuv[:, :, 0]) else: yuv[:, :, 0] = cv2.equalizeHist(yuv[:, :, 0]) # equalize Y channel histogram - return cv2.cvtColor( - yuv, cv2.COLOR_YUV2BGR if bgr else cv2.COLOR_YUV2RGB - ) # convert YUV image to RGB + return cv2.cvtColor(yuv, cv2.COLOR_YUV2BGR if bgr else cv2.COLOR_YUV2RGB) # convert YUV image to RGB def load_mosaic(self, index): @@ -906,9 +829,7 @@ def load_mosaic(self, index): labels4, segments4 = [], [] s = self.img_size - yc, xc = [ - int(random.uniform(-x, 2 * s + x)) for x in self.mosaic_border - ] # mosaic center x, y + yc, xc = [int(random.uniform(-x, 2 * s + x)) for x in self.mosaic_border] # mosaic center x, y indices = [index] + random.choices(self.indices, k=3) # 3 additional image indices for i, index in enumerate(indices): # Load image @@ -916,9 +837,7 @@ def load_mosaic(self, index): # place img in img4 if i == 0: # top left - img4 = np.full( - (s * 2, s * 2, img.shape[2]), 114, dtype=np.uint8 - ) # base image with 4 tiles + img4 = np.full((s * 2, s * 2, img.shape[2]), 114, dtype=np.uint8) # base image with 4 tiles x1a, y1a, x2a, y2a = ( max(xc - w, 0), max(yc - h, 0), @@ -948,9 +867,7 @@ def load_mosaic(self, index): # Labels labels, segments = self.labels[index].copy(), self.segments[index].copy() if labels.size: - labels[:, 1:] = xywhn2xyxy( - labels[:, 1:], w, h, padw, padh - ) # normalized xywh to pixel xyxy format + labels[:, 1:] = xywhn2xyxy(labels[:, 1:], w, h, padw, padh) # normalized xywh to pixel xyxy format segments = [xyn2xy(x, w, h, padw, padh) for x in segments] labels4.append(labels) segments4.extend(segments) @@ -964,9 +881,7 @@ def load_mosaic(self, index): # Augment # img4, labels4, segments4 = remove_background(img4, labels4, segments4) # sample_segments(img4, labels4, segments4, probability=self.hyp['copy_paste']) - img4, labels4, segments4 = copy_paste( - img4, labels4, segments4, probability=self.hyp["copy_paste"] - ) + img4, labels4, segments4 = copy_paste(img4, labels4, segments4, probability=self.hyp["copy_paste"]) img4, labels4 = random_perspective( img4, labels4, @@ -994,9 +909,7 @@ def load_mosaic9(self, index): # place img in img9 if i == 0: # center - img9 = np.full( - (s * 3, s * 3, img.shape[2]), 114, dtype=np.uint8 - ) # base image with 4 tiles + img9 = np.full((s * 3, s * 3, img.shape[2]), 114, dtype=np.uint8) # base image with 4 tiles h0, w0 = h, w c = s, s, s + w, s + h # xmin, ymin, xmax, ymax (base) coordinates elif i == 1: # top @@ -1022,9 +935,7 @@ def load_mosaic9(self, index): # Labels labels, segments = self.labels[index].copy(), self.segments[index].copy() if labels.size: - labels[:, 1:] = xywhn2xyxy( - labels[:, 1:], w, h, padx, pady - ) # normalized xywh to pixel xyxy format + labels[:, 1:] = xywhn2xyxy(labels[:, 1:], w, h, padx, pady) # normalized xywh to pixel xyxy format segments = [xyn2xy(x, w, h, padx, pady) for x in segments] labels9.append(labels) segments9.extend(segments) @@ -1034,9 +945,7 @@ def load_mosaic9(self, index): hp, wp = h, w # height, width previous # Offset - yc, xc = [ - int(random.uniform(0, s)) for _ in self.mosaic_border - ] # mosaic center x, y + yc, xc = [int(random.uniform(0, s)) for _ in self.mosaic_border] # mosaic center x, y img9 = img9[yc : yc + 2 * s, xc : xc + 2 * s] # Concat/clip labels @@ -1052,9 +961,7 @@ def load_mosaic9(self, index): # Augment # img9, labels9, segments9 = remove_background(img9, labels9, segments9) - img9, labels9, segments9 = copy_paste( - img9, labels9, segments9, probability=self.hyp["copy_paste"] - ) + img9, labels9, segments9 = copy_paste(img9, labels9, segments9, probability=self.hyp["copy_paste"]) img9, labels9 = random_perspective( img9, labels9, @@ -1075,9 +982,7 @@ def load_samples(self, index): labels4, segments4 = [], [] s = self.img_size - yc, xc = [ - int(random.uniform(-x, 2 * s + x)) for x in self.mosaic_border - ] # mosaic center x, y + yc, xc = [int(random.uniform(-x, 2 * s + x)) for x in self.mosaic_border] # mosaic center x, y indices = [index] + random.choices(self.indices, k=3) # 3 additional image indices for i, index in enumerate(indices): # Load image @@ -1085,9 +990,7 @@ def load_samples(self, index): # place img in img4 if i == 0: # top left - img4 = np.full( - (s * 2, s * 2, img.shape[2]), 114, dtype=np.uint8 - ) # base image with 4 tiles + img4 = np.full((s * 2, s * 2, img.shape[2]), 114, dtype=np.uint8) # base image with 4 tiles x1a, y1a, x2a, y2a = ( max(xc - w, 0), max(yc - h, 0), @@ -1117,9 +1020,7 @@ def load_samples(self, index): # Labels labels, segments = self.labels[index].copy(), self.segments[index].copy() if labels.size: - labels[:, 1:] = xywhn2xyxy( - labels[:, 1:], w, h, padw, padh - ) # normalized xywh to pixel xyxy format + labels[:, 1:] = xywhn2xyxy(labels[:, 1:], w, h, padw, padh) # normalized xywh to pixel xyxy format segments = [xyn2xy(x, w, h, padw, padh) for x in segments] labels4.append(labels) segments4.extend(segments) @@ -1132,9 +1033,7 @@ def load_samples(self, index): # Augment # img4, labels4, segments4 = remove_background(img4, labels4, segments4) - sample_labels, sample_images, sample_masks = sample_segments( - img4, labels4, segments4, probability=0.5 - ) + sample_labels, sample_images, sample_masks = sample_segments(img4, labels4, segments4, probability=0.5) return sample_labels, sample_images, sample_masks @@ -1176,9 +1075,7 @@ def remove_background(img, labels, segments): im_new = np.zeros(img.shape, np.uint8) img_new = np.ones(img.shape, np.uint8) * 114 for j in range(n): - cv2.drawContours( - im_new, [segments[j].astype(np.int32)], -1, (255, 255, 255), cv2.FILLED - ) + cv2.drawContours(im_new, [segments[j].astype(np.int32)], -1, (255, 255, 255), cv2.FILLED) result = cv2.bitwise_and(src1=img, src2=im_new) @@ -1213,9 +1110,7 @@ def sample_segments(img, labels, segments, probability=0.5): mask = np.zeros(img.shape, np.uint8) - cv2.drawContours( - mask, [segments[j].astype(np.int32)], -1, (255, 255, 255), cv2.FILLED - ) + cv2.drawContours(mask, [segments[j].astype(np.int32)], -1, (255, 255, 255), cv2.FILLED) sample_masks.append(mask[box[1] : box[3], box[0] : box[2], :]) result = cv2.bitwise_and(src1=img, src2=mask) @@ -1236,9 +1131,7 @@ def replicate(img, labels): for i in s.argsort()[: round(s.size * 0.5)]: # smallest indices x1b, y1b, x2b, y2b = boxes[i] bh, bw = y2b - y1b, x2b - x1b - yc, xc = int(random.uniform(0, h - bh)), int( - random.uniform(0, w - bw) - ) # offset x, y + yc, xc = int(random.uniform(0, h - bh)), int(random.uniform(0, w - bw)) # offset x, y x1a, y1a, x2a, y2a = [xc, yc, xc + bw, yc + bh] img[y1a:y2a, x1a:x2a] = img[y1b:y2b, x1b:x2b] # img4[ymin:ymax, xmin:xmax] labels = np.append(labels, [[labels[i, 0], x1a, y1a, x2a, y2a]], axis=0) @@ -1283,9 +1176,7 @@ def letterbox( img = cv2.resize(img, new_unpad, interpolation=cv2.INTER_LINEAR) top, bottom = int(round(dh - 0.1)), int(round(dh + 0.1)) left, right = int(round(dw - 0.1)), int(round(dw + 0.1)) - img = cv2.copyMakeBorder( - img, top, bottom, left, right, cv2.BORDER_CONSTANT, value=color - ) # add border + img = cv2.copyMakeBorder(img, top, bottom, left, right, cv2.BORDER_CONSTANT, value=color) # add border return img, ratio, (dw, dh) @@ -1331,24 +1222,16 @@ def random_perspective( # Translation T = np.eye(3) - T[0, 2] = ( - random.uniform(0.5 - translate, 0.5 + translate) * width - ) # x translation (pixels) - T[1, 2] = ( - random.uniform(0.5 - translate, 0.5 + translate) * height - ) # y translation (pixels) + T[0, 2] = random.uniform(0.5 - translate, 0.5 + translate) * width # x translation (pixels) + T[1, 2] = random.uniform(0.5 - translate, 0.5 + translate) * height # y translation (pixels) # Combined rotation matrix M = T @ S @ R @ P @ C # order of operations (right to left) is IMPORTANT if (border[0] != 0) or (border[1] != 0) or (M != np.eye(3)).any(): # image changed if perspective: - img = cv2.warpPerspective( - img, M, dsize=(width, height), borderValue=(114, 114, 114) - ) + img = cv2.warpPerspective(img, M, dsize=(width, height), borderValue=(114, 114, 114)) else: # affine - img = cv2.warpAffine( - img, M[:2], dsize=(width, height), borderValue=(114, 114, 114) - ) + img = cv2.warpAffine(img, M[:2], dsize=(width, height), borderValue=(114, 114, 114)) # Visualize # import matplotlib.pyplot as plt @@ -1367,29 +1250,21 @@ def random_perspective( xy = np.ones((len(segment), 3)) xy[:, :2] = segment xy = xy @ M.T # transform - xy = ( - xy[:, :2] / xy[:, 2:3] if perspective else xy[:, :2] - ) # perspective rescale or affine + xy = xy[:, :2] / xy[:, 2:3] if perspective else xy[:, :2] # perspective rescale or affine # clip new[i] = segment2box(xy, width, height) else: # warp boxes xy = np.ones((n * 4, 3)) - xy[:, :2] = targets[:, [1, 2, 3, 4, 1, 4, 3, 2]].reshape( - n * 4, 2 - ) # x1y1, x2y2, x1y2, x2y1 + xy[:, :2] = targets[:, [1, 2, 3, 4, 1, 4, 3, 2]].reshape(n * 4, 2) # x1y1, x2y2, x1y2, x2y1 xy = xy @ M.T # transform - xy = (xy[:, :2] / xy[:, 2:3] if perspective else xy[:, :2]).reshape( - n, 8 - ) # perspective rescale or affine + xy = (xy[:, :2] / xy[:, 2:3] if perspective else xy[:, :2]).reshape(n, 8) # perspective rescale or affine # create new boxes x = xy[:, [0, 2, 4, 6]] y = xy[:, [1, 3, 5, 7]] - new = ( - np.concatenate((x.min(1), y.min(1), x.max(1), y.max(1))).reshape(4, n).T - ) + new = np.concatenate((x.min(1), y.min(1), x.max(1), y.max(1))).reshape(4, n).T # clip new[:, [0, 2]] = new[:, [0, 2]].clip(0, width) @@ -1407,19 +1282,12 @@ def random_perspective( return img, targets -def box_candidates( - box1, box2, wh_thr=2, ar_thr=20, area_thr=0.1, eps=1e-16 -): # box1(4,n), box2(4,n) +def box_candidates(box1, box2, wh_thr=2, ar_thr=20, area_thr=0.1, eps=1e-16): # box1(4,n), box2(4,n) # Compute candidate boxes: box1 before augment, box2 after augment, wh_thr (pixels), aspect_ratio_thr, area_ratio w1, h1 = box1[2] - box1[0], box1[3] - box1[1] w2, h2 = box2[2] - box2[0], box2[3] - box2[1] ar = np.maximum(w2 / (h2 + eps), h2 / (w2 + eps)) # aspect ratio - return ( - (w2 > wh_thr) - & (h2 > wh_thr) - & (w2 * h2 / (w1 * h1 + eps) > area_thr) - & (ar < ar_thr) - ) # candidates + return (w2 > wh_thr) & (h2 > wh_thr) & (w2 * h2 / (w1 * h1 + eps) > area_thr) & (ar < ar_thr) # candidates def bbox_ioa(box1, box2): @@ -1447,9 +1315,7 @@ def cutout(image, labels): h, w = image.shape[:2] # create random masks - scales = ( - [0.5] * 1 + [0.25] * 2 + [0.125] * 4 + [0.0625] * 8 + [0.03125] * 16 - ) # image size fraction + scales = [0.5] * 1 + [0.25] * 2 + [0.125] * 4 + [0.0625] * 8 + [0.03125] * 16 # image size fraction for s in scales: mask_h = random.randint(1, int(h * s)) mask_w = random.randint(1, int(w * s)) @@ -1477,9 +1343,7 @@ def pastein(image, labels, sample_labels, sample_images, sample_masks): h, w = image.shape[:2] # create random masks - scales = ( - [0.75] * 2 + [0.5] * 4 + [0.25] * 4 + [0.125] * 4 + [0.0625] * 6 - ) # image size fraction + scales = [0.75] * 2 + [0.5] * 4 + [0.25] * 4 + [0.125] * 4 + [0.0625] * 6 # image size fraction for s in scales: if random.random() < 0.2: continue @@ -1499,10 +1363,7 @@ def pastein(image, labels, sample_labels, sample_images, sample_masks): ioa = np.zeros(1) if ( - (ioa < 0.30).all() - and len(sample_labels) - and (xmax > xmin + 20) - and (ymax > ymin + 20) + (ioa < 0.30).all() and len(sample_labels) and (xmax > xmin + 20) and (ymax > ymin + 20) ): # allow 30% obscuration of existing labels sel_ind = random.randint(0, len(sample_labels) - 1) # logger.info(len(sample_labels)) @@ -1526,13 +1387,9 @@ def pastein(image, labels, sample_labels, sample_images, sample_masks): # logger.info(sample_labels[sel_ind]) # logger.info(sample_images[sel_ind].shape) # logger.info(temp_crop.shape) - box = np.array( - [xmin, ymin, xmin + r_w, ymin + r_h], dtype=np.float32 - ) + box = np.array([xmin, ymin, xmin + r_w, ymin + r_h], dtype=np.float32) if len(labels): - labels = np.concatenate( - (labels, [[sample_labels[sel_ind], *box]]), 0 - ) + labels = np.concatenate((labels, [[sample_labels[sel_ind], *box]]), 0) else: labels = np.array([[sample_labels[sel_ind], *box]]) @@ -1550,30 +1407,22 @@ def __init__(self): self.transform = A.Compose( [ A.CLAHE(p=0.01), - A.RandomBrightnessContrast( - brightness_limit=0.2, contrast_limit=0.2, p=0.01 - ), + A.RandomBrightnessContrast(brightness_limit=0.2, contrast_limit=0.2, p=0.01), A.RandomGamma(gamma_limit=[80, 120], p=0.01), A.Blur(p=0.01), A.MedianBlur(p=0.01), A.ToGray(p=0.01), A.ImageCompression(quality_lower=75, p=0.01), ], - bbox_params=A.BboxParams( - format="pascal_voc", label_fields=["class_labels"] - ), + bbox_params=A.BboxParams(format="pascal_voc", label_fields=["class_labels"]), ) # logging.info(colorstr('albumentations: ') + ', '.join(f'{x}' for x in self.transform.transforms if x.p)) def __call__(self, im, labels, p=1.0): if self.transform and random.random() < p: - new = self.transform( - image=im, bboxes=labels[:, 1:], class_labels=labels[:, 0] - ) # transformed - im, labels = new["image"], np.array( - [[c, *b] for c, b in zip(new["class_labels"], new["bboxes"])] - ) + new = self.transform(image=im, bboxes=labels[:, 1:], class_labels=labels[:, 0]) # transformed + im, labels = new["image"], np.array([[c, *b] for c, b in zip(new["class_labels"], new["bboxes"])]) return im, labels @@ -1598,9 +1447,7 @@ def extract_boxes( # Convert detection dataset into classification dataset, with one directory per class path = Path(path) # images dir - shutil.rmtree(path / "classifier") if ( - path / "classifier" - ).is_dir() else None # remove existing + shutil.rmtree(path / "classifier") if (path / "classifier").is_dir() else None # remove existing files = list(path.rglob("*.*")) n = len(files) # number of files for im_file in tqdm(files, total=n): @@ -1620,11 +1467,7 @@ def extract_boxes( for j, x in enumerate(lb): c = int(x[0]) # class - f = ( - (path / "classifier") - / f"{c}" - / f"{path.stem}_{im_file.stem}_{j}.jpg" - ) # new filename + f = (path / "classifier") / f"{c}" / f"{path.stem}_{im_file.stem}_{j}.jpg" # new filename if not f.parent.is_dir(): f.parent.mkdir(parents=True) @@ -1635,9 +1478,7 @@ def extract_boxes( b[[0, 2]] = np.clip(b[[0, 2]], 0, w) # clip boxes outside of image b[[1, 3]] = np.clip(b[[1, 3]], 0, h) - assert cv2.imwrite( - str(f), im[b[1] : b[3], b[0] : b[2]] - ), f"box failure in {f}" + assert cv2.imwrite(str(f), im[b[1] : b[3], b[0] : b[2]]), f"box failure in {f}" def autosplit(path="../coco", weights=(0.9, 0.1, 0.0), annotated_only=False): @@ -1649,13 +1490,9 @@ def autosplit(path="../coco", weights=(0.9, 0.1, 0.0), annotated_only=False): annotated_only: Only use images with an annotated txt file """ path = Path(path) # images dir - files = sum( - [list(path.rglob(f"*.{img_ext}")) for img_ext in img_formats], [] - ) # image files only + files = sum([list(path.rglob(f"*.{img_ext}")) for img_ext in img_formats], []) # image files only n = len(files) # number of files - indices = random.choices( - [0, 1, 2], weights=weights, k=n - ) # assign each image to a split + indices = random.choices([0, 1, 2], weights=weights, k=n) # assign each image to a split txt = [ "autosplit_train.txt", @@ -1664,14 +1501,9 @@ def autosplit(path="../coco", weights=(0.9, 0.1, 0.0), annotated_only=False): ] # 3 txt files [(path / x).unlink() for x in txt if (path / x).exists()] # remove existing - logger.info( - f"Autosplitting images from {path}" - + ", using *.txt labeled images only" * annotated_only - ) + logger.info(f"Autosplitting images from {path}" + ", using *.txt labeled images only" * annotated_only) for i, img in tqdm(zip(indices, files), total=n): - if ( - not annotated_only or Path(img2label_paths([str(img)])[0]).exists() - ): # check label + if not annotated_only or Path(img2label_paths([str(img)])[0]).exists(): # check label with open(path / txt[i], "a") as f: f.write(str(img) + "\n") # add image to txt file diff --git a/models/experimental/yolov7/reference/utils/general.py b/models/experimental/yolov7/reference/utils/general.py index 0233d50a77c..ba509776473 100644 --- a/models/experimental/yolov7/reference/utils/general.py +++ b/models/experimental/yolov7/reference/utils/general.py @@ -30,20 +30,14 @@ # Settings torch.set_printoptions(linewidth=320, precision=5, profile="long") -np.set_printoptions( - linewidth=320, formatter={"float_kind": "{:11.5g}".format} -) # format short g, %precision=5 +np.set_printoptions(linewidth=320, formatter={"float_kind": "{:11.5g}".format}) # format short g, %precision=5 pd.options.display.max_columns = 10 -cv2.setNumThreads( - 0 -) # prevent OpenCV from multithreading (incompatible with PyTorch DataLoader) +cv2.setNumThreads(0) # prevent OpenCV from multithreading (incompatible with PyTorch DataLoader) os.environ["NUMEXPR_MAX_THREADS"] = str(min(os.cpu_count(), 8)) # NumExpr max threads def set_logging(rank=-1): - logging.basicConfig( - format="%(message)s", level=logging.INFO if rank in [-1, 0] else logging.WARN - ) + logging.basicConfig(format="%(message)s", level=logging.INFO if rank in [-1, 0] else logging.WARN) def init_seeds(seed=0): @@ -66,11 +60,7 @@ def isdocker(): def emojis(str=""): # Return platform-dependent emoji-safe version of string - return ( - str.encode().decode("ascii", "ignore") - if platform.system() == "Windows" - else str - ) + return str.encode().decode("ascii", "ignore") if platform.system() == "Windows" else str def check_online(): @@ -93,19 +83,9 @@ def check_git_status(): assert check_online(), "skipping check (offline)" cmd = "git fetch && git config --get remote.origin.url" - url = ( - subprocess.check_output(cmd, shell=True).decode().strip().rstrip(".git") - ) # github repo url - branch = ( - subprocess.check_output("git rev-parse --abbrev-ref HEAD", shell=True) - .decode() - .strip() - ) # checked out - n = int( - subprocess.check_output( - f"git rev-list {branch}..origin/master --count", shell=True - ) - ) # commits behind + url = subprocess.check_output(cmd, shell=True).decode().strip().rstrip(".git") # github repo url + branch = subprocess.check_output("git rev-parse --abbrev-ref HEAD", shell=True).decode().strip() # checked out + n = int(subprocess.check_output(f"git rev-list {branch}..origin/master --count", shell=True)) # commits behind if n > 0: s = ( f"⚠️ WARNING: code is out of date by {n} commit{'s' * (n > 1)}. " @@ -128,11 +108,7 @@ def check_requirements(requirements="requirements.txt", exclude=()): if not file.exists(): logger.info(f"{prefix} {file.resolve()} not found, check failed.") return - requirements = [ - f"{x.name}{x.specifier}" - for x in pkg.parse_requirements(file.open()) - if x.name not in exclude - ] + requirements = [f"{x.name}{x.specifier}" for x in pkg.parse_requirements(file.open()) if x.name not in exclude] else: # list or tuple of packages requirements = [x for x in requirements if x not in exclude] @@ -140,16 +116,10 @@ def check_requirements(requirements="requirements.txt", exclude=()): for r in requirements: try: pkg.require(r) - except ( - Exception - ) as e: # DistributionNotFound or VersionConflict if requirements not met + except Exception as e: # DistributionNotFound or VersionConflict if requirements not met n += 1 - logger.info( - f"{prefix} {e.req} not found and is required by YOLOR, attempting auto-update..." - ) - logger.info( - subprocess.check_output(f"pip install '{e.req}'", shell=True).decode() - ) + logger.info(f"{prefix} {e.req} not found and is required by YOLOR, attempting auto-update...") + logger.info(subprocess.check_output(f"pip install '{e.req}'", shell=True).decode()) if n: # if packages updated source = file.resolve() if "file" in locals() else requirements @@ -165,8 +135,7 @@ def check_img_size(img_size, s=32): new_size = make_divisible(img_size, int(s)) # ceil gs-multiple if new_size != img_size: logger.info( - "WARNING: --img-size %g must be multiple of max stride %g, updating to %g" - % (img_size, s, new_size) + "WARNING: --img-size %g must be multiple of max stride %g, updating to %g" % (img_size, s, new_size) ) return new_size @@ -181,9 +150,7 @@ def check_imshow(): cv2.waitKey(1) return True except Exception as e: - logger.info( - f"WARNING: Environment does not support cv2.imshow() or PIL Image.show() image displays\n{e}" - ) + logger.info(f"WARNING: Environment does not support cv2.imshow() or PIL Image.show() image displays\n{e}") return False @@ -194,9 +161,7 @@ def check_file(file): else: files = glob.glob("./**/" + file, recursive=True) # find file assert len(files), f"File Not Found: {file}" # assert file was found - assert ( - len(files) == 1 - ), f"Multiple files match '{file}', specify exact path: {files}" # assert unique + assert len(files) == 1, f"Multiple files match '{file}', specify exact path: {files}" # assert unique return files[0] # return file @@ -204,14 +169,9 @@ def check_dataset(dict): # Download dataset if not found locally val, s = dict.get("val"), dict.get("download") if val and len(val): - val = [ - Path(x).resolve() for x in (val if isinstance(val, list) else [val]) - ] # val path + val = [Path(x).resolve() for x in (val if isinstance(val, list) else [val])] # val path if not all(x.exists() for x in val): - logger.info( - "\nWARNING: Dataset not found, nonexistent paths: %s" - % [str(x) for x in val if not x.exists()] - ) + logger.info("\nWARNING: Dataset not found, nonexistent paths: %s" % [str(x) for x in val if not x.exists()]) if s and len(s): # download script logger.info("Downloading %s ..." % s) if s.startswith("http") and s.endswith(".zip"): # URL @@ -220,9 +180,7 @@ def check_dataset(dict): r = os.system("unzip -q %s -d ../ && rm %s" % (f, f)) # unzip else: # bash script r = os.system(s) - logger.info( - "Dataset autodownload %s\n" % ("success" if r == 0 else "failure") - ) # analyze return value + logger.info("Dataset autodownload %s\n" % ("success" if r == 0 else "failure")) # analyze return value else: raise Exception("Dataset not found.") @@ -244,9 +202,7 @@ def one_cycle(y1=0.0, y2=1.0, steps=100): def colorstr(*input): # Colors a string https://en.wikipedia.org/wiki/ANSI_escape_code, i.e. colorstr('blue', 'hello world') - *args, string = ( - input if len(input) > 1 else ("blue", "bold", input[0]) - ) # color arguments, string + *args, string = input if len(input) > 1 else ("blue", "bold", input[0]) # color arguments, string colors = { "black": "\033[30m", # basic colors "red": "\033[31m", @@ -292,9 +248,7 @@ def labels_to_class_weights(labels, nc=80): def labels_to_image_weights(labels, nc=80, class_weights=np.ones(80)): # Produces image weights based on class_weights and image contents - class_counts = np.array( - [np.bincount(x[:, 0].astype(np.int32), minlength=nc) for x in labels] - ) + class_counts = np.array([np.bincount(x[:, 0].astype(np.int32), minlength=nc) for x in labels]) image_weights = (class_weights.reshape(1, nc) * class_counts).sum(1) # index = random.choices(range(n), weights=image_weights, k=1) # weight image sample return image_weights @@ -440,9 +394,7 @@ def segment2box(segment, width=640, height=640): x[inside], y[inside], ) - return ( - np.array([x.min(), y.min(), x.max(), y.max()]) if any(x) else np.zeros((1, 4)) - ) # xyxy + return np.array([x.min(), y.min(), x.max(), y.max()]) if any(x) else np.zeros((1, 4)) # xyxy def segments2boxes(segments): @@ -460,23 +412,15 @@ def resample_segments(segments, n=1000): s = np.concatenate((s, s[0:1, :]), axis=0) x = np.linspace(0, len(s) - 1, n) xp = np.arange(len(s)) - segments[i] = ( - np.concatenate([np.interp(x, xp, s[:, i]) for i in range(2)]) - .reshape(2, -1) - .T - ) # segment xy + segments[i] = np.concatenate([np.interp(x, xp, s[:, i]) for i in range(2)]).reshape(2, -1).T # segment xy return segments def scale_coords(img1_shape, coords, img0_shape, ratio_pad=None): # Rescale coords (xyxy) from img1_shape to img0_shape if ratio_pad is None: # calculate from img0_shape - gain = min( - img1_shape[0] / img0_shape[0], img1_shape[1] / img0_shape[1] - ) # gain = old / new - pad = (img1_shape[1] - img0_shape[1] * gain) / 2, ( - img1_shape[0] - img0_shape[0] * gain - ) / 2 # wh padding + gain = min(img1_shape[0] / img0_shape[0], img1_shape[1] / img0_shape[1]) # gain = old / new + pad = (img1_shape[1] - img0_shape[1] * gain) / 2, (img1_shape[0] - img0_shape[0] * gain) / 2 # wh padding else: gain = ratio_pad[0][0] pad = ratio_pad[1] @@ -523,24 +467,17 @@ def bbox_iou(box1, box2, x1y1x2y2=True, GIoU=False, DIoU=False, CIoU=False, eps= iou = inter / union if GIoU or DIoU or CIoU: - cw = torch.max(b1_x2, b2_x2) - torch.min( - b1_x1, b2_x1 - ) # convex (smallest enclosing box) width + cw = torch.max(b1_x2, b2_x2) - torch.min(b1_x1, b2_x1) # convex (smallest enclosing box) width ch = torch.max(b1_y2, b2_y2) - torch.min(b1_y1, b2_y1) # convex height if CIoU or DIoU: # Distance or Complete IoU https://arxiv.org/abs/1911.08287v1 c2 = cw**2 + ch**2 + eps # convex diagonal squared rho2 = ( - (b2_x1 + b2_x2 - b1_x1 - b1_x2) ** 2 - + (b2_y1 + b2_y2 - b1_y1 - b1_y2) ** 2 + (b2_x1 + b2_x2 - b1_x1 - b1_x2) ** 2 + (b2_y1 + b2_y2 - b1_y1 - b1_y2) ** 2 ) / 4 # center distance squared if DIoU: return iou - rho2 / c2 # DIoU - elif ( - CIoU - ): # https://github.com/Zzh-tju/DIoU-SSD-pytorch/blob/master/utils/box/box_utils.py#L47 - v = (4 / math.pi**2) * torch.pow( - torch.atan(w2 / (h2 + eps)) - torch.atan(w1 / (h1 + eps)), 2 - ) + elif CIoU: # https://github.com/Zzh-tju/DIoU-SSD-pytorch/blob/master/utils/box/box_utils.py#L47 + v = (4 / math.pi**2) * torch.pow(torch.atan(w2 / (h2 + eps)) - torch.atan(w1 / (h1 + eps)), 2) with torch.no_grad(): alpha = v / (v - iou + (1 + eps)) return iou - (rho2 / c2 + v * alpha) # CIoU @@ -551,9 +488,7 @@ def bbox_iou(box1, box2, x1y1x2y2=True, GIoU=False, DIoU=False, CIoU=False, eps= return iou # IoU -def bbox_alpha_iou( - box1, box2, x1y1x2y2=False, GIoU=False, DIoU=False, CIoU=False, alpha=2, eps=1e-9 -): +def bbox_alpha_iou(box1, box2, x1y1x2y2=False, GIoU=False, DIoU=False, CIoU=False, alpha=2, eps=1e-9): # Returns tsqrt_he IoU of box1 to box2. box1 is 4, box2 is nx4 box2 = box2.T @@ -582,9 +517,7 @@ def bbox_alpha_iou( iou = torch.pow(inter / union + eps, alpha) # beta = 2 * alpha if GIoU or DIoU or CIoU: - cw = torch.max(b1_x2, b2_x2) - torch.min( - b1_x1, b2_x1 - ) # convex (smallest enclosing box) width + cw = torch.max(b1_x2, b2_x2) - torch.min(b1_x1, b2_x1) # convex (smallest enclosing box) width ch = torch.max(b1_y2, b2_y2) - torch.min(b1_y1, b2_y1) # convex height if CIoU or DIoU: # Distance or Complete IoU https://arxiv.org/abs/1911.08287v1 c2 = (cw**2 + ch**2) ** alpha + eps # convex diagonal @@ -593,18 +526,12 @@ def bbox_alpha_iou( rho2 = ((rho_x**2 + rho_y**2) / 4) ** alpha # center distance if DIoU: return iou - rho2 / c2 # DIoU - elif ( - CIoU - ): # https://github.com/Zzh-tju/DIoU-SSD-pytorch/blob/master/utils/box/box_utils.py#L47 - v = (4 / math.pi**2) * torch.pow( - torch.atan(w2 / h2) - torch.atan(w1 / h1), 2 - ) + elif CIoU: # https://github.com/Zzh-tju/DIoU-SSD-pytorch/blob/master/utils/box/box_utils.py#L47 + v = (4 / math.pi**2) * torch.pow(torch.atan(w2 / h2) - torch.atan(w1 / h1), 2) with torch.no_grad(): alpha_ciou = v / ((1 + eps) - inter / union + v) # return iou - (rho2 / c2 + v * alpha_ciou) # CIoU - return iou - ( - rho2 / c2 + torch.pow(v * alpha_ciou + eps, alpha) - ) # CIoU + return iou - (rho2 / c2 + torch.pow(v * alpha_ciou + eps, alpha)) # CIoU else: # GIoU https://arxiv.org/pdf/1902.09630.pdf # c_area = cw * ch + eps # convex area # return iou - (c_area - union) / c_area # GIoU @@ -635,17 +562,8 @@ def box_area(box): area2 = box_area(box2.T) # inter(N,M) = (rb(N,M,2) - lt(N,M,2)).clamp(0).prod(2) - inter = ( - ( - torch.min(box1[:, None, 2:], box2[:, 2:]) - - torch.max(box1[:, None, :2], box2[:, :2]) - ) - .clamp(0) - .prod(2) - ) - return inter / ( - area1[:, None] + area2 - inter - ) # iou = inter / (area1 + area2 - inter) + inter = (torch.min(box1[:, None, 2:], box2[:, 2:]) - torch.max(box1[:, None, :2], box2[:, :2])).clamp(0).prod(2) + return inter / (area1[:, None] + area2 - inter) # iou = inter / (area1 + area2 - inter) def wh_iou(wh1, wh2): @@ -653,9 +571,7 @@ def wh_iou(wh1, wh2): wh1 = wh1[:, None] # [N,1,2] wh2 = wh2[None] # [1,M,2] inter = torch.min(wh1, wh2).prod(2) # [N,M] - return inter / ( - wh1.prod(2) + wh2.prod(2) - inter - ) # iou = inter / (area1 + area2 - inter) + return inter / (wh1.prod(2) + wh2.prod(2) - inter) # iou = inter / (area1 + area2 - inter) def box_giou(box1, box2): @@ -678,14 +594,7 @@ def box_area(box): area1 = box_area(box1.T) area2 = box_area(box2.T) - inter = ( - ( - torch.min(box1[:, None, 2:], box2[:, 2:]) - - torch.max(box1[:, None, :2], box2[:, :2]) - ) - .clamp(0) - .prod(2) - ) + inter = (torch.min(box1[:, None, 2:], box2[:, 2:]) - torch.max(box1[:, None, :2], box2[:, :2])).clamp(0).prod(2) union = area1[:, None] + area2 - inter iou = inter / union @@ -720,14 +629,7 @@ def box_area(box): area1 = box_area(box1.T) area2 = box_area(box2.T) - inter = ( - ( - torch.min(box1[:, None, 2:], box2[:, 2:]) - - torch.max(box1[:, None, :2], box2[:, :2]) - ) - .clamp(0) - .prod(2) - ) + inter = (torch.min(box1[:, None, 2:], box2[:, 2:]) - torch.max(box1[:, None, :2], box2[:, :2])).clamp(0).prod(2) union = area1[:, None] + area2 - inter iou = inter / union @@ -752,9 +654,7 @@ def box_area(box): w_gt = box2[:, 2] - box2[:, 0] h_gt = box2[:, 3] - box2[:, 1] - v = (4 / (torch.pi**2)) * torch.pow( - (torch.atan(w_gt / h_gt) - torch.atan(w_pred / h_pred)), 2 - ) + v = (4 / (torch.pi**2)) * torch.pow((torch.atan(w_gt / h_gt) - torch.atan(w_pred / h_pred)), 2) with torch.no_grad(): alpha = v / (1 - iou + v + eps) return iou - (centers_distance_squared / diagonal_distance_squared) - alpha * v @@ -781,14 +681,7 @@ def box_area(box): area1 = box_area(box1.T) area2 = box_area(box2.T) - inter = ( - ( - torch.min(box1[:, None, 2:], box2[:, 2:]) - - torch.max(box1[:, None, :2], box2[:, :2]) - ) - .clamp(0) - .prod(2) - ) + inter = (torch.min(box1[:, None, 2:], box2[:, 2:]) - torch.max(box1[:, None, :2], box2[:, :2])).clamp(0).prod(2) union = area1[:, None] + area2 - inter iou = inter / union @@ -861,9 +754,7 @@ def non_max_suppression( # Compute conf if nc == 1: - x[:, 5:] = x[ - :, 4:5 - ] # for models with one class, cls_loss is 0 and cls_conf is always 0.5, + x[:, 5:] = x[:, 4:5] # for models with one class, cls_loss is 0 and cls_conf is always 0.5, # so there is no need to multiplicate. else: x[:, 5:] *= x[:, 4:5] # conf = obj_conf * cls_conf @@ -904,9 +795,7 @@ def non_max_suppression( # update boxes as boxes(i,4) = weights(i,n) * boxes(n,4) iou = box_iou(boxes[i], boxes) > iou_thres # iou matrix weights = iou * scores[None] # box weights - x[i, :4] = torch.mm(weights, x[:, :4]).float() / weights.sum( - 1, keepdim=True - ) # merged boxes + x[i, :4] = torch.mm(weights, x[:, :4]).float() / weights.sum(1, keepdim=True) # merged boxes if redundant: i = i[iou.sum(1) > 1] # require redundancy @@ -936,9 +825,7 @@ def non_max_suppression_kpt( list of detections, on (n,6) tensor per image [xyxy, conf, cls] """ if nc is None: - nc = ( - prediction.shape[2] - 5 if not kpt_label else prediction.shape[2] - 56 - ) # number of classes + nc = prediction.shape[2] - 5 if not kpt_label else prediction.shape[2] - 56 # number of classes xc = prediction[..., 4] > conf_thres # candidates # Settings @@ -987,9 +874,7 @@ def non_max_suppression_kpt( else: kpts = x[:, 6:] conf, j = x[:, 5:6].max(1, keepdim=True) - x = torch.cat((box, conf, j.float(), kpts), 1)[ - conf.view(-1) > conf_thres - ] + x = torch.cat((box, conf, j.float(), kpts), 1)[conf.view(-1) > conf_thres] # Filter by class if classes is not None: @@ -1016,9 +901,7 @@ def non_max_suppression_kpt( # update boxes as boxes(i,4) = weights(i,n) * boxes(n,4) iou = box_iou(boxes[i], boxes) > iou_thres # iou matrix weights = iou * scores[None] # box weights - x[i, :4] = torch.mm(weights, x[:, :4]).float() / weights.sum( - 1, keepdim=True - ) # merged boxes + x[i, :4] = torch.mm(weights, x[:, :4]).float() / weights.sum(1, keepdim=True) # merged boxes if redundant: i = i[iou.sum(1) > 1] # require redundancy @@ -1030,9 +913,7 @@ def non_max_suppression_kpt( return output -def strip_optimizer( - f="best.pt", s="" -): # from utils.general import *; strip_optimizer() +def strip_optimizer(f="best.pt", s=""): # from utils.general import *; strip_optimizer() # Strip optimizer from 'f' to finalize training, optionally save as 's' x = torch.load(f, map_location=torch.device("cpu")) if x.get("ema"): @@ -1045,28 +926,20 @@ def strip_optimizer( p.requires_grad = False torch.save(x, s or f) mb = os.path.getsize(s or f) / 1e6 # filesize - logger.info( - f"Optimizer stripped from {f},{(' saved as %s,' % s) if s else ''} {mb:.1f}MB" - ) + logger.info(f"Optimizer stripped from {f},{(' saved as %s,' % s) if s else ''} {mb:.1f}MB") def print_mutation(hyp, results, yaml_file="hyp_evolved.yaml", bucket=""): # logger.info mutation results to evolve.txt (for use with train.py --evolve) a = "%10s" * len(hyp) % tuple(hyp.keys()) # hyperparam keys b = "%10.3g" * len(hyp) % tuple(hyp.values()) # hyperparam values - c = ( - "%10.4g" * len(results) % results - ) # results (P, R, mAP@0.5, mAP@0.5:0.95, val_losses x 3) + c = "%10.4g" * len(results) % results # results (P, R, mAP@0.5, mAP@0.5:0.95, val_losses x 3) logger.info("\n%s\n%s\nEvolved fitness: %s\n" % (a, b, c)) if bucket: url = "gs://%s/evolve.txt" % bucket - if gsutil_getsize(url) > ( - os.path.getsize("evolve.txt") if os.path.exists("evolve.txt") else 0 - ): - os.system( - "gsutil cp %s ." % url - ) # download evolve.txt if larger than local + if gsutil_getsize(url) > (os.path.getsize("evolve.txt") if os.path.exists("evolve.txt") else 0): + os.system("gsutil cp %s ." % url) # download evolve.txt if larger than local with open("evolve.txt", "a") as f: # append result f.write(c + b + "\n") @@ -1079,15 +952,8 @@ def print_mutation(hyp, results, yaml_file="hyp_evolved.yaml", bucket=""): hyp[k] = float(x[0, i + 7]) with open(yaml_file, "w") as f: results = tuple(x[0, :7]) - c = ( - "%10.4g" * len(results) % results - ) # results (P, R, mAP@0.5, mAP@0.5:0.95, val_losses x 3) - f.write( - "# Hyperparameter Evolution Results\n# Generations: %g\n# Metrics: " - % len(x) - + c - + "\n\n" - ) + c = "%10.4g" * len(results) % results # results (P, R, mAP@0.5, mAP@0.5:0.95, val_losses x 3) + f.write("# Hyperparameter Evolution Results\n# Generations: %g\n# Metrics: " % len(x) + c + "\n\n") yaml.dump(hyp, f, sort_keys=False) if bucket: @@ -1123,9 +989,7 @@ def apply_classifier(x, model, img, im0): im /= 255.0 # 0 - 255 to 0.0 - 1.0 ims.append(im) - pred_cls2 = model(torch.Tensor(ims).to(d.device)).argmax( - 1 - ) # classifier prediction + pred_cls2 = model(torch.Tensor(ims).to(d.device)).argmax(1) # classifier prediction x[i] = x[i][pred_cls1 == pred_cls2] # retain matching class detections return x diff --git a/models/experimental/yolov7/reference/utils/google_utils.py b/models/experimental/yolov7/reference/utils/google_utils.py index 640ca87947b..df6e5b09ac6 100644 --- a/models/experimental/yolov7/reference/utils/google_utils.py +++ b/models/experimental/yolov7/reference/utils/google_utils.py @@ -27,9 +27,7 @@ def attempt_download(file, repo="WongKinYiu/yolov7"): if not file.exists(): try: - response = requests.get( - f"https://api.github.com/repos/{repo}/releases/latest" - ).json() # github api + response = requests.get(f"https://api.github.com/repos/{repo}/releases/latest").json() # github api assets = [x["name"] for x in response["assets"]] # release assets tag = response["tag_name"] # i.e. 'v1.0' except: # fallback plan @@ -58,9 +56,7 @@ def attempt_download(file, repo="WongKinYiu/yolov7"): assert redundant, "No secondary mirror" url = f"https://storage.googleapis.com/{repo}/ckpt/{name}" logger.info(f"Downloading {url} to {file}...") - os.system( - f"curl -L {url} -o {file}" - ) # torch.hub.download_url_to_file(url, weights) + os.system(f"curl -L {url} -o {file}") # torch.hub.download_url_to_file(url, weights) finally: if not file.exists() or file.stat().st_size < 1e6: # check file.unlink(missing_ok=True) # remove partial downloads @@ -83,9 +79,7 @@ def gdrive_download(id="", file="tmp.zip"): # Attempt file download out = "NUL" if platform.system() == "Windows" else "/dev/null" - os.system( - f'curl -c ./cookie -s -L "drive.google.com/uc?export=download&id={id}" > {out}' - ) + os.system(f'curl -c ./cookie -s -L "drive.google.com/uc?export=download&id={id}" > {out}') if os.path.exists("cookie"): # large file s = f'curl -Lb ./cookie "drive.google.com/uc?export=download&confirm={get_token()}&id={id}" -o {file}' else: # small file diff --git a/models/experimental/yolov7/reference/utils/loss.py b/models/experimental/yolov7/reference/utils/loss.py index 8c93e45657e..11572e0afba 100644 --- a/models/experimental/yolov7/reference/utils/loss.py +++ b/models/experimental/yolov7/reference/utils/loss.py @@ -31,9 +31,7 @@ class BCEBlurWithLogitsLoss(nn.Module): # BCEwithLogitLoss() with reduced missing label effects. def __init__(self, alpha=0.05): super(BCEBlurWithLogitsLoss, self).__init__() - self.loss_fcn = nn.BCEWithLogitsLoss( - reduction="none" - ) # must be nn.BCEWithLogitsLoss() + self.loss_fcn = nn.BCEWithLogitsLoss(reduction="none") # must be nn.BCEWithLogitsLoss() self.alpha = alpha def forward(self, pred, true): @@ -94,9 +92,7 @@ def get_length(self): return self.length def forward(self, pred): - assert ( - pred.shape[-1] == self.length - ), "pred.shape[-1]=%d is not equal to self.length=%d" % ( + assert pred.shape[-1] == self.length, "pred.shape[-1]=%d is not equal to self.length=%d" % ( pred.shape[-1], self.length, ) @@ -116,23 +112,17 @@ def forward(self, pred): return result def training_loss(self, pred, target): - assert ( - pred.shape[-1] == self.length - ), "pred.shape[-1]=%d is not equal to self.length=%d" % ( + assert pred.shape[-1] == self.length, "pred.shape[-1]=%d is not equal to self.length=%d" % ( pred.shape[-1], self.length, ) - assert ( - pred.shape[0] == target.shape[0] - ), "pred.shape=%d is not equal to the target.shape=%d" % ( + assert pred.shape[0] == target.shape[0], "pred.shape=%d is not equal to the target.shape=%d" % ( pred.shape[0], target.shape[0], ) device = pred.device - pred_reg = ( - pred[..., 0].sigmoid() * self.reg_scale - self.reg_scale / 2.0 - ) * self.step + pred_reg = (pred[..., 0].sigmoid() * self.reg_scale - self.reg_scale / 2.0) * self.step pred_bin = pred[..., 1 : (1 + self.bin_count)] diff_bin_target = torch.abs(target[..., None] - self.bins) @@ -246,12 +236,8 @@ def forward(ctx, logits, targets, delta_RS=0.50, eps=1e-10): bg_relations = relevant_bg_logits - fg_logits[ii] if delta_RS > 0: - fg_relations = torch.clamp( - fg_relations / (2 * delta_RS) + 0.5, min=0, max=1 - ) - bg_relations = torch.clamp( - bg_relations / (2 * delta_RS) + 0.5, min=0, max=1 - ) + fg_relations = torch.clamp(fg_relations / (2 * delta_RS) + 0.5, min=0, max=1) + bg_relations = torch.clamp(bg_relations / (2 * delta_RS) + 0.5, min=0, max=1) else: fg_relations = (fg_relations >= 0).float() bg_relations = (bg_relations >= 0).float() @@ -267,9 +253,7 @@ def forward(ctx, logits, targets, delta_RS=0.50, eps=1e-10): ranking_error[ii] = FP_num / rank # Current sorting error of example ii. (Eq. 7) - current_sorting_error = ( - torch.sum(fg_relations * (1 - fg_targets)) / rank_pos - ) + current_sorting_error = torch.sum(fg_relations * (1 - fg_targets)) / rank_pos # Find examples in the target sorted order for example ii iou_relations = fg_targets >= fg_targets[ii] @@ -280,9 +264,7 @@ def forward(ctx, logits, targets, delta_RS=0.50, eps=1e-10): # Compute target sorting error. (Eq. 8) # Since target ranking error is 0, this is also total target error - target_sorting_error = ( - torch.sum(target_sorted_order * (1 - fg_targets)) / rank_pos_target - ) + target_sorting_error = torch.sum(target_sorted_order * (1 - fg_targets)) / rank_pos_target # Compute sorting error on example ii sorting_error[ii] = current_sorting_error - target_sorting_error @@ -371,9 +353,7 @@ def forward(ctx, logits, targets, regression_losses, delta=1.0, eps=1e-5): prec[ii] = rank_pos / rank[ii] # For stability, set eps to a infinitesmall value (e.g. 1e-6), then compute grads if FP_num > eps: - fg_grad[ii] = ( - -(torch.sum(fg_relations * regression_losses) + FP_num) / rank[ii] - ) + fg_grad[ii] = -(torch.sum(fg_relations * regression_losses) + FP_num) / rank[ii] relevant_bg_grad += bg_relations * (-fg_grad[ii] / FP_num) # aLRP with grad formulation fg gradient @@ -447,9 +427,7 @@ def forward(ctx, logits, targets, delta=1.0): max_prec = current_prec relevant_bg_grad += bg_relations / rank[ii] else: - relevant_bg_grad += (bg_relations / rank[ii]) * ( - ((1 - max_prec) / (1 - current_prec)) - ) + relevant_bg_grad += (bg_relations / rank[ii]) * (((1 - max_prec) / (1 - current_prec))) # Store fg gradients fg_grad[ii] = -(1 - max_prec) @@ -481,29 +459,19 @@ def __init__(self, model, autobalance=False): h = model.hyp # hyperparameters # Define criteria - BCEcls = nn.BCEWithLogitsLoss( - pos_weight=torch.tensor([h["cls_pw"]], device=device) - ) - BCEobj = nn.BCEWithLogitsLoss( - pos_weight=torch.tensor([h["obj_pw"]], device=device) - ) + BCEcls = nn.BCEWithLogitsLoss(pos_weight=torch.tensor([h["cls_pw"]], device=device)) + BCEobj = nn.BCEWithLogitsLoss(pos_weight=torch.tensor([h["obj_pw"]], device=device)) # Class label smoothing https://arxiv.org/pdf/1902.04103.pdf eqn 3 - self.cp, self.cn = smooth_BCE( - eps=h.get("label_smoothing", 0.0) - ) # positive, negative BCE targets + self.cp, self.cn = smooth_BCE(eps=h.get("label_smoothing", 0.0)) # positive, negative BCE targets # Focal loss g = h["fl_gamma"] # focal loss gamma if g > 0: BCEcls, BCEobj = FocalLoss(BCEcls, g), FocalLoss(BCEobj, g) - det = ( - model.module.model[-1] if is_parallel(model) else model.model[-1] - ) # Detect() module - self.balance = {3: [4.0, 1.0, 0.4]}.get( - det.nl, [4.0, 1.0, 0.25, 0.06, 0.02] - ) # P3-P7 + det = model.module.model[-1] if is_parallel(model) else model.model[-1] # Detect() module + self.balance = {3: [4.0, 1.0, 0.4]}.get(det.nl, [4.0, 1.0, 0.25, 0.06, 0.02]) # P3-P7 # self.balance = {3: [4.0, 1.0, 0.4]}.get(det.nl, [4.0, 1.0, 0.25, 0.1, .05]) # P3-P7 # self.balance = {3: [4.0, 1.0, 0.4]}.get(det.nl, [4.0, 1.0, 0.5, 0.4, .1]) # P3-P7 self.ssi = list(det.stride).index(16) if autobalance else 0 # stride 16 index @@ -539,17 +507,11 @@ def __call__(self, p, targets): # predictions, targets, model pxy = ps[:, :2].sigmoid() * 2.0 - 0.5 pwh = (ps[:, 2:4].sigmoid() * 2) ** 2 * anchors[i] pbox = torch.cat((pxy, pwh), 1) # predicted box - iou = bbox_iou( - pbox.T, tbox[i], x1y1x2y2=False, CIoU=True - ) # iou(prediction, target) + iou = bbox_iou(pbox.T, tbox[i], x1y1x2y2=False, CIoU=True) # iou(prediction, target) lbox += (1.0 - iou).mean() # iou loss # Objectness - tobj[b, a, gj, gi] = (1.0 - self.gr) + self.gr * iou.detach().clamp( - 0 - ).type( - tobj.dtype - ) # iou ratio + tobj[b, a, gj, gi] = (1.0 - self.gr) + self.gr * iou.detach().clamp(0).type(tobj.dtype) # iou ratio # Classification if self.nc > 1: # cls loss (only if multiple classes) @@ -565,9 +527,7 @@ def __call__(self, p, targets): # predictions, targets, model obji = self.BCEobj(pi[..., 4], tobj) lobj += obji * self.balance[i] # obj loss if self.autobalance: - self.balance[i] = ( - self.balance[i] * 0.9999 + 0.0001 / obji.detach().item() - ) + self.balance[i] = self.balance[i] * 0.9999 + 0.0001 / obji.detach().item() if self.autobalance: self.balance = [x / self.balance[self.ssi] for x in self.balance] @@ -583,15 +543,9 @@ def build_targets(self, p, targets): # Build targets for compute_loss(), input targets(image,class,x,y,w,h) na, nt = self.na, targets.shape[0] # number of anchors, targets tcls, tbox, indices, anch = [], [], [], [] - gain = torch.ones( - 7, device=targets.device - ).long() # normalized to gridspace gain - ai = ( - torch.arange(na, device=targets.device).float().view(na, 1).repeat(1, nt) - ) # same as .repeat_interleave(nt) - targets = torch.cat( - (targets.repeat(na, 1, 1), ai[:, :, None]), 2 - ) # append anchor indices + gain = torch.ones(7, device=targets.device).long() # normalized to gridspace gain + ai = torch.arange(na, device=targets.device).float().view(na, 1).repeat(1, nt) # same as .repeat_interleave(nt) + targets = torch.cat((targets.repeat(na, 1, 1), ai[:, :, None]), 2) # append anchor indices g = 0.5 # bias off = ( @@ -643,9 +597,7 @@ def build_targets(self, p, targets): # Append a = t[:, 6].long() # anchor indices - indices.append( - (b, a, gj.clamp_(0, gain[3] - 1), gi.clamp_(0, gain[2] - 1)) - ) # image, anchor, grid indices + indices.append((b, a, gj.clamp_(0, gain[3] - 1), gi.clamp_(0, gain[2] - 1))) # image, anchor, grid indices tbox.append(torch.cat((gxy - gij, gwh), 1)) # box anch.append(anchors[a]) # anchors tcls.append(c) # class @@ -661,29 +613,19 @@ def __init__(self, model, autobalance=False): h = model.hyp # hyperparameters # Define criteria - BCEcls = nn.BCEWithLogitsLoss( - pos_weight=torch.tensor([h["cls_pw"]], device=device) - ) - BCEobj = nn.BCEWithLogitsLoss( - pos_weight=torch.tensor([h["obj_pw"]], device=device) - ) + BCEcls = nn.BCEWithLogitsLoss(pos_weight=torch.tensor([h["cls_pw"]], device=device)) + BCEobj = nn.BCEWithLogitsLoss(pos_weight=torch.tensor([h["obj_pw"]], device=device)) # Class label smoothing https://arxiv.org/pdf/1902.04103.pdf eqn 3 - self.cp, self.cn = smooth_BCE( - eps=h.get("label_smoothing", 0.0) - ) # positive, negative BCE targets + self.cp, self.cn = smooth_BCE(eps=h.get("label_smoothing", 0.0)) # positive, negative BCE targets # Focal loss g = h["fl_gamma"] # focal loss gamma if g > 0: BCEcls, BCEobj = FocalLoss(BCEcls, g), FocalLoss(BCEobj, g) - det = ( - model.module.model[-1] if is_parallel(model) else model.model[-1] - ) # Detect() module - self.balance = {3: [4.0, 1.0, 0.4]}.get( - det.nl, [4.0, 1.0, 0.25, 0.06, 0.02] - ) # P3-P7 + det = model.module.model[-1] if is_parallel(model) else model.model[-1] # Detect() module + self.balance = {3: [4.0, 1.0, 0.4]}.get(det.nl, [4.0, 1.0, 0.25, 0.06, 0.02]) # P3-P7 self.ssi = list(det.stride).index(16) if autobalance else 0 # stride 16 index self.BCEcls, self.BCEobj, self.gr, self.hyp, self.autobalance = ( BCEcls, @@ -703,9 +645,7 @@ def __call__(self, p, targets, imgs): # predictions, targets, model torch.zeros(1, device=device), ) bs, as_, gjs, gis, targets, anchors = self.build_targets(p, targets, imgs) - pre_gen_gains = [ - torch.tensor(pp.shape, device=device)[[3, 2, 3, 2]] for pp in p - ] + pre_gen_gains = [torch.tensor(pp.shape, device=device)[[3, 2, 3, 2]] for pp in p] # Losses for i, pi in enumerate(p): # layer index, layer predictions @@ -724,17 +664,11 @@ def __call__(self, p, targets, imgs): # predictions, targets, model pbox = torch.cat((pxy, pwh), 1) # predicted box selected_tbox = targets[i][:, 2:6] * pre_gen_gains[i] selected_tbox[:, :2] -= grid - iou = bbox_iou( - pbox.T, selected_tbox, x1y1x2y2=False, CIoU=True - ) # iou(prediction, target) + iou = bbox_iou(pbox.T, selected_tbox, x1y1x2y2=False, CIoU=True) # iou(prediction, target) lbox += (1.0 - iou).mean() # iou loss # Objectness - tobj[b, a, gj, gi] = (1.0 - self.gr) + self.gr * iou.detach().clamp( - 0 - ).type( - tobj.dtype - ) # iou ratio + tobj[b, a, gj, gi] = (1.0 - self.gr) + self.gr * iou.detach().clamp(0).type(tobj.dtype) # iou ratio # Classification selected_tcls = targets[i][:, 1].long() @@ -750,9 +684,7 @@ def __call__(self, p, targets, imgs): # predictions, targets, model obji = self.BCEobj(pi[..., 4], tobj) lobj += obji * self.balance[i] # obj loss if self.autobalance: - self.balance[i] = ( - self.balance[i] * 0.9999 + 0.0001 / obji.detach().item() - ) + self.balance[i] = self.balance[i] * 0.9999 + 0.0001 / obji.detach().item() if self.autobalance: self.balance = [x / self.balance[self.ssi] for x in self.balance] @@ -815,13 +747,9 @@ def build_targets(self, p, targets, imgs): p_cls.append(fg_pred[:, 5:]) grid = torch.stack([gi, gj], dim=1) - pxy = (fg_pred[:, :2].sigmoid() * 2.0 - 0.5 + grid) * self.stride[ - i - ] # / 8. + pxy = (fg_pred[:, :2].sigmoid() * 2.0 - 0.5 + grid) * self.stride[i] # / 8. # pxy = (fg_pred[:, :2].sigmoid() * 3. - 1. + grid) * self.stride[i] - pwh = ( - (fg_pred[:, 2:4].sigmoid() * 2) ** 2 * anch[i][idx] * self.stride[i] - ) # / 8. + pwh = (fg_pred[:, 2:4].sigmoid() * 2) ** 2 * anch[i][idx] * self.stride[i] # / 8. pxywh = torch.cat([pxy, pwh], dim=-1) pxyxy = xywh2xyxy(pxywh) pxyxys.append(pxyxy) @@ -846,10 +774,7 @@ def build_targets(self, p, targets, imgs): dynamic_ks = torch.clamp(top_k.sum(1).int(), min=1) gt_cls_per_image = ( - F.one_hot(this_target[:, 1].to(torch.int64), self.nc) - .float() - .unsqueeze(1) - .repeat(1, pxyxys.shape[0], 1) + F.one_hot(this_target[:, 1].to(torch.int64), self.nc).float().unsqueeze(1).repeat(1, pxyxys.shape[0], 1) ) num_gt = this_target.shape[0] @@ -869,9 +794,7 @@ def build_targets(self, p, targets, imgs): matching_matrix = torch.zeros_like(cost, device=device) for gt_idx in range(num_gt): - _, pos_idx = torch.topk( - cost[gt_idx], k=dynamic_ks[gt_idx].item(), largest=False - ) + _, pos_idx = torch.topk(cost[gt_idx], k=dynamic_ks[gt_idx].item(), largest=False) matching_matrix[gt_idx][pos_idx] = 1.0 del top_k, dynamic_ks @@ -914,9 +837,7 @@ def build_targets(self, p, targets, imgs): matching_as[i] = torch.tensor([], device="cuda:0", dtype=torch.int64) matching_gjs[i] = torch.tensor([], device="cuda:0", dtype=torch.int64) matching_gis[i] = torch.tensor([], device="cuda:0", dtype=torch.int64) - matching_targets[i] = torch.tensor( - [], device="cuda:0", dtype=torch.int64 - ) + matching_targets[i] = torch.tensor([], device="cuda:0", dtype=torch.int64) matching_anchs[i] = torch.tensor([], device="cuda:0", dtype=torch.int64) return ( @@ -932,15 +853,9 @@ def find_3_positive(self, p, targets): # Build targets for compute_loss(), input targets(image,class,x,y,w,h) na, nt = self.na, targets.shape[0] # number of anchors, targets indices, anch = [], [] - gain = torch.ones( - 7, device=targets.device - ).long() # normalized to gridspace gain - ai = ( - torch.arange(na, device=targets.device).float().view(na, 1).repeat(1, nt) - ) # same as .repeat_interleave(nt) - targets = torch.cat( - (targets.repeat(na, 1, 1), ai[:, :, None]), 2 - ) # append anchor indices + gain = torch.ones(7, device=targets.device).long() # normalized to gridspace gain + ai = torch.arange(na, device=targets.device).float().view(na, 1).repeat(1, nt) # same as .repeat_interleave(nt) + targets = torch.cat((targets.repeat(na, 1, 1), ai[:, :, None]), 2) # append anchor indices g = 0.5 # bias off = ( @@ -992,9 +907,7 @@ def find_3_positive(self, p, targets): # Append a = t[:, 6].long() # anchor indices - indices.append( - (b, a, gj.clamp_(0, gain[3] - 1), gi.clamp_(0, gain[2] - 1)) - ) # image, anchor, grid indices + indices.append((b, a, gj.clamp_(0, gain[3] - 1), gi.clamp_(0, gain[2] - 1))) # image, anchor, grid indices anch.append(anchors[a]) # anchors return indices, anch @@ -1008,30 +921,20 @@ def __init__(self, model, autobalance=False): h = model.hyp # hyperparameters # Define criteria - BCEcls = nn.BCEWithLogitsLoss( - pos_weight=torch.tensor([h["cls_pw"]], device=device) - ) - BCEobj = nn.BCEWithLogitsLoss( - pos_weight=torch.tensor([h["obj_pw"]], device=device) - ) + BCEcls = nn.BCEWithLogitsLoss(pos_weight=torch.tensor([h["cls_pw"]], device=device)) + BCEobj = nn.BCEWithLogitsLoss(pos_weight=torch.tensor([h["obj_pw"]], device=device)) # MSEangle = nn.MSELoss().to(device) # Class label smoothing https://arxiv.org/pdf/1902.04103.pdf eqn 3 - self.cp, self.cn = smooth_BCE( - eps=h.get("label_smoothing", 0.0) - ) # positive, negative BCE targets + self.cp, self.cn = smooth_BCE(eps=h.get("label_smoothing", 0.0)) # positive, negative BCE targets # Focal loss g = h["fl_gamma"] # focal loss gamma if g > 0: BCEcls, BCEobj = FocalLoss(BCEcls, g), FocalLoss(BCEobj, g) - det = ( - model.module.model[-1] if is_parallel(model) else model.model[-1] - ) # Detect() module - self.balance = {3: [4.0, 1.0, 0.4]}.get( - det.nl, [4.0, 1.0, 0.25, 0.06, 0.02] - ) # P3-P7 + det = model.module.model[-1] if is_parallel(model) else model.model[-1] # Detect() module + self.balance = {3: [4.0, 1.0, 0.4]}.get(det.nl, [4.0, 1.0, 0.25, 0.06, 0.02]) # P3-P7 self.ssi = list(det.stride).index(16) if autobalance else 0 # stride 16 index self.BCEcls, self.BCEobj, self.gr, self.hyp, self.autobalance = ( BCEcls, @@ -1044,9 +947,7 @@ def __init__(self, model, autobalance=False): setattr(self, k, getattr(det, k)) # xy_bin_sigmoid = SigmoidBin(bin_count=11, min=-0.5, max=1.5, use_loss_regression=False).to(device) - wh_bin_sigmoid = SigmoidBin( - bin_count=self.bin_count, min=0.0, max=4.0, use_loss_regression=False - ).to(device) + wh_bin_sigmoid = SigmoidBin(bin_count=self.bin_count, min=0.0, max=4.0, use_loss_regression=False).to(device) # angle_bin_sigmoid = SigmoidBin(bin_count=31, min=-1.1, max=1.1, use_loss_regression=False).to(device) self.wh_bin_sigmoid = wh_bin_sigmoid @@ -1058,18 +959,14 @@ def __call__(self, p, targets, imgs): # predictions, targets, model torch.zeros(1, device=device), ) bs, as_, gjs, gis, targets, anchors = self.build_targets(p, targets, imgs) - pre_gen_gains = [ - torch.tensor(pp.shape, device=device)[[3, 2, 3, 2]] for pp in p - ] + pre_gen_gains = [torch.tensor(pp.shape, device=device)[[3, 2, 3, 2]] for pp in p] # Losses for i, pi in enumerate(p): # layer index, layer predictions b, a, gj, gi = bs[i], as_[i], gjs[i], gis[i] # image, anchor, gridy, gridx tobj = torch.zeros_like(pi[..., 0], device=device) # target obj - obj_idx = ( - self.wh_bin_sigmoid.get_length() * 2 + 2 - ) # x,y, w-bce, h-bce # xy_bin_sigmoid.get_length()*2 + obj_idx = self.wh_bin_sigmoid.get_length() * 2 + 2 # x,y, w-bce, h-bce # xy_bin_sigmoid.get_length()*2 n = b.shape[0] # number of targets if n: @@ -1118,24 +1015,16 @@ def __call__(self, p, targets, imgs): # predictions, targets, model device ) # predicted box - iou = bbox_iou( - pbox.T, selected_tbox, x1y1x2y2=False, CIoU=True - ) # iou(prediction, target) + iou = bbox_iou(pbox.T, selected_tbox, x1y1x2y2=False, CIoU=True) # iou(prediction, target) lbox += (1.0 - iou).mean() # iou loss # Objectness - tobj[b, a, gj, gi] = (1.0 - self.gr) + self.gr * iou.detach().clamp( - 0 - ).type( - tobj.dtype - ) # iou ratio + tobj[b, a, gj, gi] = (1.0 - self.gr) + self.gr * iou.detach().clamp(0).type(tobj.dtype) # iou ratio # Classification selected_tcls = targets[i][:, 1].long() if self.nc > 1: # cls loss (only if multiple classes) - t = torch.full_like( - ps[:, (1 + obj_idx) :], self.cn, device=device - ) # targets + t = torch.full_like(ps[:, (1 + obj_idx) :], self.cn, device=device) # targets t[range(n), selected_tcls] = self.cp lcls += self.BCEcls(ps[:, (1 + obj_idx) :], t) # BCE @@ -1146,9 +1035,7 @@ def __call__(self, p, targets, imgs): # predictions, targets, model obji = self.BCEobj(pi[..., obj_idx], tobj) lobj += obji * self.balance[i] # obj loss if self.autobalance: - self.balance[i] = ( - self.balance[i] * 0.9999 + 0.0001 / obji.detach().item() - ) + self.balance[i] = self.balance[i] * 0.9999 + 0.0001 / obji.detach().item() if self.autobalance: self.balance = [x / self.balance[self.ssi] for x in self.balance] @@ -1213,21 +1100,15 @@ def build_targets(self, p, targets, imgs): p_cls.append(fg_pred[:, (obj_idx + 1) :]) grid = torch.stack([gi, gj], dim=1) - pxy = (fg_pred[:, :2].sigmoid() * 2.0 - 0.5 + grid) * self.stride[ - i - ] # / 8. + pxy = (fg_pred[:, :2].sigmoid() * 2.0 - 0.5 + grid) * self.stride[i] # / 8. # pwh = (fg_pred[:, 2:4].sigmoid() * 2) ** 2 * anch[i][idx] * self.stride[i] #/ 8. pw = ( - self.wh_bin_sigmoid.forward( - fg_pred[..., 2 : (3 + self.bin_count)].sigmoid() - ) + self.wh_bin_sigmoid.forward(fg_pred[..., 2 : (3 + self.bin_count)].sigmoid()) * anch[i][idx][:, 0] * self.stride[i] ) ph = ( - self.wh_bin_sigmoid.forward( - fg_pred[..., (3 + self.bin_count) : obj_idx].sigmoid() - ) + self.wh_bin_sigmoid.forward(fg_pred[..., (3 + self.bin_count) : obj_idx].sigmoid()) * anch[i][idx][:, 1] * self.stride[i] ) @@ -1256,10 +1137,7 @@ def build_targets(self, p, targets, imgs): dynamic_ks = torch.clamp(top_k.sum(1).int(), min=1) gt_cls_per_image = ( - F.one_hot(this_target[:, 1].to(torch.int64), self.nc) - .float() - .unsqueeze(1) - .repeat(1, pxyxys.shape[0], 1) + F.one_hot(this_target[:, 1].to(torch.int64), self.nc).float().unsqueeze(1).repeat(1, pxyxys.shape[0], 1) ) num_gt = this_target.shape[0] @@ -1279,9 +1157,7 @@ def build_targets(self, p, targets, imgs): matching_matrix = torch.zeros_like(cost) for gt_idx in range(num_gt): - _, pos_idx = torch.topk( - cost[gt_idx], k=dynamic_ks[gt_idx].item(), largest=False - ) + _, pos_idx = torch.topk(cost[gt_idx], k=dynamic_ks[gt_idx].item(), largest=False) matching_matrix[gt_idx][pos_idx] = 1.0 del top_k, dynamic_ks @@ -1324,9 +1200,7 @@ def build_targets(self, p, targets, imgs): matching_as[i] = torch.tensor([], device="cuda:0", dtype=torch.int64) matching_gjs[i] = torch.tensor([], device="cuda:0", dtype=torch.int64) matching_gis[i] = torch.tensor([], device="cuda:0", dtype=torch.int64) - matching_targets[i] = torch.tensor( - [], device="cuda:0", dtype=torch.int64 - ) + matching_targets[i] = torch.tensor([], device="cuda:0", dtype=torch.int64) matching_anchs[i] = torch.tensor([], device="cuda:0", dtype=torch.int64) return ( @@ -1342,15 +1216,9 @@ def find_3_positive(self, p, targets): # Build targets for compute_loss(), input targets(image,class,x,y,w,h) na, nt = self.na, targets.shape[0] # number of anchors, targets indices, anch = [], [] - gain = torch.ones( - 7, device=targets.device - ).long() # normalized to gridspace gain - ai = ( - torch.arange(na, device=targets.device).float().view(na, 1).repeat(1, nt) - ) # same as .repeat_interleave(nt) - targets = torch.cat( - (targets.repeat(na, 1, 1), ai[:, :, None]), 2 - ) # append anchor indices + gain = torch.ones(7, device=targets.device).long() # normalized to gridspace gain + ai = torch.arange(na, device=targets.device).float().view(na, 1).repeat(1, nt) # same as .repeat_interleave(nt) + targets = torch.cat((targets.repeat(na, 1, 1), ai[:, :, None]), 2) # append anchor indices g = 0.5 # bias off = ( @@ -1402,9 +1270,7 @@ def find_3_positive(self, p, targets): # Append a = t[:, 6].long() # anchor indices - indices.append( - (b, a, gj.clamp_(0, gain[3] - 1), gi.clamp_(0, gain[2] - 1)) - ) # image, anchor, grid indices + indices.append((b, a, gj.clamp_(0, gain[3] - 1), gi.clamp_(0, gain[2] - 1))) # image, anchor, grid indices anch.append(anchors[a]) # anchors return indices, anch @@ -1418,29 +1284,19 @@ def __init__(self, model, autobalance=False): h = model.hyp # hyperparameters # Define criteria - BCEcls = nn.BCEWithLogitsLoss( - pos_weight=torch.tensor([h["cls_pw"]], device=device) - ) - BCEobj = nn.BCEWithLogitsLoss( - pos_weight=torch.tensor([h["obj_pw"]], device=device) - ) + BCEcls = nn.BCEWithLogitsLoss(pos_weight=torch.tensor([h["cls_pw"]], device=device)) + BCEobj = nn.BCEWithLogitsLoss(pos_weight=torch.tensor([h["obj_pw"]], device=device)) # Class label smoothing https://arxiv.org/pdf/1902.04103.pdf eqn 3 - self.cp, self.cn = smooth_BCE( - eps=h.get("label_smoothing", 0.0) - ) # positive, negative BCE targets + self.cp, self.cn = smooth_BCE(eps=h.get("label_smoothing", 0.0)) # positive, negative BCE targets # Focal loss g = h["fl_gamma"] # focal loss gamma if g > 0: BCEcls, BCEobj = FocalLoss(BCEcls, g), FocalLoss(BCEobj, g) - det = ( - model.module.model[-1] if is_parallel(model) else model.model[-1] - ) # Detect() module - self.balance = {3: [4.0, 1.0, 0.4]}.get( - det.nl, [4.0, 1.0, 0.25, 0.06, 0.02] - ) # P3-P7 + det = model.module.model[-1] if is_parallel(model) else model.model[-1] # Detect() module + self.balance = {3: [4.0, 1.0, 0.4]}.get(det.nl, [4.0, 1.0, 0.25, 0.06, 0.02]) # P3-P7 self.ssi = list(det.stride).index(16) if autobalance else 0 # stride 16 index self.BCEcls, self.BCEobj, self.gr, self.hyp, self.autobalance = ( BCEcls, @@ -1467,15 +1323,9 @@ def __call__(self, p, targets, imgs): # predictions, targets, model targets_aux, anchors_aux, ) = self.build_targets2(p[: self.nl], targets, imgs) - bs, as_, gjs, gis, targets, anchors = self.build_targets( - p[: self.nl], targets, imgs - ) - pre_gen_gains_aux = [ - torch.tensor(pp.shape, device=device)[[3, 2, 3, 2]] for pp in p[: self.nl] - ] - pre_gen_gains = [ - torch.tensor(pp.shape, device=device)[[3, 2, 3, 2]] for pp in p[: self.nl] - ] + bs, as_, gjs, gis, targets, anchors = self.build_targets(p[: self.nl], targets, imgs) + pre_gen_gains_aux = [torch.tensor(pp.shape, device=device)[[3, 2, 3, 2]] for pp in p[: self.nl]] + pre_gen_gains = [torch.tensor(pp.shape, device=device)[[3, 2, 3, 2]] for pp in p[: self.nl]] # Losses for i in range(self.nl): # layer index, layer predictions @@ -1502,17 +1352,11 @@ def __call__(self, p, targets, imgs): # predictions, targets, model pbox = torch.cat((pxy, pwh), 1) # predicted box selected_tbox = targets[i][:, 2:6] * pre_gen_gains[i] selected_tbox[:, :2] -= grid - iou = bbox_iou( - pbox.T, selected_tbox, x1y1x2y2=False, CIoU=True - ) # iou(prediction, target) + iou = bbox_iou(pbox.T, selected_tbox, x1y1x2y2=False, CIoU=True) # iou(prediction, target) lbox += (1.0 - iou).mean() # iou loss # Objectness - tobj[b, a, gj, gi] = (1.0 - self.gr) + self.gr * iou.detach().clamp( - 0 - ).type( - tobj.dtype - ) # iou ratio + tobj[b, a, gj, gi] = (1.0 - self.gr) + self.gr * iou.detach().clamp(0).type(tobj.dtype) # iou ratio # Classification selected_tcls = targets[i][:, 1].long() @@ -1527,9 +1371,7 @@ def __call__(self, p, targets, imgs): # predictions, targets, model n_aux = b_aux.shape[0] # number of targets if n_aux: - ps_aux = pi_aux[ - b_aux, a_aux, gj_aux, gi_aux - ] # prediction subset corresponding to targets + ps_aux = pi_aux[b_aux, a_aux, gj_aux, gi_aux] # prediction subset corresponding to targets grid_aux = torch.stack([gi_aux, gj_aux], dim=1) pxy_aux = ps_aux[:, :2].sigmoid() * 2.0 - 0.5 # pxy_aux = ps_aux[:, :2].sigmoid() * 3. - 1. @@ -1537,36 +1379,26 @@ def __call__(self, p, targets, imgs): # predictions, targets, model pbox_aux = torch.cat((pxy_aux, pwh_aux), 1) # predicted box selected_tbox_aux = targets_aux[i][:, 2:6] * pre_gen_gains_aux[i] selected_tbox_aux[:, :2] -= grid_aux - iou_aux = bbox_iou( - pbox_aux.T, selected_tbox_aux, x1y1x2y2=False, CIoU=True - ) # iou(prediction, target) + iou_aux = bbox_iou(pbox_aux.T, selected_tbox_aux, x1y1x2y2=False, CIoU=True) # iou(prediction, target) lbox += 0.25 * (1.0 - iou_aux).mean() # iou loss # Objectness - tobj_aux[b_aux, a_aux, gj_aux, gi_aux] = ( - 1.0 - self.gr - ) + self.gr * iou_aux.detach().clamp(0).type( + tobj_aux[b_aux, a_aux, gj_aux, gi_aux] = (1.0 - self.gr) + self.gr * iou_aux.detach().clamp(0).type( tobj_aux.dtype ) # iou ratio # Classification selected_tcls_aux = targets_aux[i][:, 1].long() if self.nc > 1: # cls loss (only if multiple classes) - t_aux = torch.full_like( - ps_aux[:, 5:], self.cn, device=device - ) # targets + t_aux = torch.full_like(ps_aux[:, 5:], self.cn, device=device) # targets t_aux[range(n_aux), selected_tcls_aux] = self.cp lcls += 0.25 * self.BCEcls(ps_aux[:, 5:], t_aux) # BCE obji = self.BCEobj(pi[..., 4], tobj) obji_aux = self.BCEobj(pi_aux[..., 4], tobj_aux) - lobj += ( - obji * self.balance[i] + 0.25 * obji_aux * self.balance[i] - ) # obj loss + lobj += obji * self.balance[i] + 0.25 * obji_aux * self.balance[i] # obj loss if self.autobalance: - self.balance[i] = ( - self.balance[i] * 0.9999 + 0.0001 / obji.detach().item() - ) + self.balance[i] = self.balance[i] * 0.9999 + 0.0001 / obji.detach().item() if self.autobalance: self.balance = [x / self.balance[self.ssi] for x in self.balance] @@ -1625,13 +1457,9 @@ def build_targets(self, p, targets, imgs): p_cls.append(fg_pred[:, 5:]) grid = torch.stack([gi, gj], dim=1) - pxy = (fg_pred[:, :2].sigmoid() * 2.0 - 0.5 + grid) * self.stride[ - i - ] # / 8. + pxy = (fg_pred[:, :2].sigmoid() * 2.0 - 0.5 + grid) * self.stride[i] # / 8. # pxy = (fg_pred[:, :2].sigmoid() * 3. - 1. + grid) * self.stride[i] - pwh = ( - (fg_pred[:, 2:4].sigmoid() * 2) ** 2 * anch[i][idx] * self.stride[i] - ) # / 8. + pwh = (fg_pred[:, 2:4].sigmoid() * 2) ** 2 * anch[i][idx] * self.stride[i] # / 8. pxywh = torch.cat([pxy, pwh], dim=-1) pxyxy = xywh2xyxy(pxywh) pxyxys.append(pxyxy) @@ -1656,10 +1484,7 @@ def build_targets(self, p, targets, imgs): dynamic_ks = torch.clamp(top_k.sum(1).int(), min=1) gt_cls_per_image = ( - F.one_hot(this_target[:, 1].to(torch.int64), self.nc) - .float() - .unsqueeze(1) - .repeat(1, pxyxys.shape[0], 1) + F.one_hot(this_target[:, 1].to(torch.int64), self.nc).float().unsqueeze(1).repeat(1, pxyxys.shape[0], 1) ) num_gt = this_target.shape[0] @@ -1679,9 +1504,7 @@ def build_targets(self, p, targets, imgs): matching_matrix = torch.zeros_like(cost) for gt_idx in range(num_gt): - _, pos_idx = torch.topk( - cost[gt_idx], k=dynamic_ks[gt_idx].item(), largest=False - ) + _, pos_idx = torch.topk(cost[gt_idx], k=dynamic_ks[gt_idx].item(), largest=False) matching_matrix[gt_idx][pos_idx] = 1.0 del top_k, dynamic_ks @@ -1724,9 +1547,7 @@ def build_targets(self, p, targets, imgs): matching_as[i] = torch.tensor([], device="cuda:0", dtype=torch.int64) matching_gjs[i] = torch.tensor([], device="cuda:0", dtype=torch.int64) matching_gis[i] = torch.tensor([], device="cuda:0", dtype=torch.int64) - matching_targets[i] = torch.tensor( - [], device="cuda:0", dtype=torch.int64 - ) + matching_targets[i] = torch.tensor([], device="cuda:0", dtype=torch.int64) matching_anchs[i] = torch.tensor([], device="cuda:0", dtype=torch.int64) return ( @@ -1785,13 +1606,9 @@ def build_targets2(self, p, targets, imgs): p_cls.append(fg_pred[:, 5:]) grid = torch.stack([gi, gj], dim=1) - pxy = (fg_pred[:, :2].sigmoid() * 2.0 - 0.5 + grid) * self.stride[ - i - ] # / 8. + pxy = (fg_pred[:, :2].sigmoid() * 2.0 - 0.5 + grid) * self.stride[i] # / 8. # pxy = (fg_pred[:, :2].sigmoid() * 3. - 1. + grid) * self.stride[i] - pwh = ( - (fg_pred[:, 2:4].sigmoid() * 2) ** 2 * anch[i][idx] * self.stride[i] - ) # / 8. + pwh = (fg_pred[:, 2:4].sigmoid() * 2) ** 2 * anch[i][idx] * self.stride[i] # / 8. pxywh = torch.cat([pxy, pwh], dim=-1) pxyxy = xywh2xyxy(pxywh) pxyxys.append(pxyxy) @@ -1816,10 +1633,7 @@ def build_targets2(self, p, targets, imgs): dynamic_ks = torch.clamp(top_k.sum(1).int(), min=1) gt_cls_per_image = ( - F.one_hot(this_target[:, 1].to(torch.int64), self.nc) - .float() - .unsqueeze(1) - .repeat(1, pxyxys.shape[0], 1) + F.one_hot(this_target[:, 1].to(torch.int64), self.nc).float().unsqueeze(1).repeat(1, pxyxys.shape[0], 1) ) num_gt = this_target.shape[0] @@ -1839,9 +1653,7 @@ def build_targets2(self, p, targets, imgs): matching_matrix = torch.zeros_like(cost) for gt_idx in range(num_gt): - _, pos_idx = torch.topk( - cost[gt_idx], k=dynamic_ks[gt_idx].item(), largest=False - ) + _, pos_idx = torch.topk(cost[gt_idx], k=dynamic_ks[gt_idx].item(), largest=False) matching_matrix[gt_idx][pos_idx] = 1.0 del top_k, dynamic_ks @@ -1884,9 +1696,7 @@ def build_targets2(self, p, targets, imgs): matching_as[i] = torch.tensor([], device="cuda:0", dtype=torch.int64) matching_gjs[i] = torch.tensor([], device="cuda:0", dtype=torch.int64) matching_gis[i] = torch.tensor([], device="cuda:0", dtype=torch.int64) - matching_targets[i] = torch.tensor( - [], device="cuda:0", dtype=torch.int64 - ) + matching_targets[i] = torch.tensor([], device="cuda:0", dtype=torch.int64) matching_anchs[i] = torch.tensor([], device="cuda:0", dtype=torch.int64) return ( @@ -1902,15 +1712,9 @@ def find_5_positive(self, p, targets): # Build targets for compute_loss(), input targets(image,class,x,y,w,h) na, nt = self.na, targets.shape[0] # number of anchors, targets indices, anch = [], [] - gain = torch.ones( - 7, device=targets.device - ).long() # normalized to gridspace gain - ai = ( - torch.arange(na, device=targets.device).float().view(na, 1).repeat(1, nt) - ) # same as .repeat_interleave(nt) - targets = torch.cat( - (targets.repeat(na, 1, 1), ai[:, :, None]), 2 - ) # append anchor indices + gain = torch.ones(7, device=targets.device).long() # normalized to gridspace gain + ai = torch.arange(na, device=targets.device).float().view(na, 1).repeat(1, nt) # same as .repeat_interleave(nt) + targets = torch.cat((targets.repeat(na, 1, 1), ai[:, :, None]), 2) # append anchor indices g = 1.0 # bias off = ( @@ -1962,9 +1766,7 @@ def find_5_positive(self, p, targets): # Append a = t[:, 6].long() # anchor indices - indices.append( - (b, a, gj.clamp_(0, gain[3] - 1), gi.clamp_(0, gain[2] - 1)) - ) # image, anchor, grid indices + indices.append((b, a, gj.clamp_(0, gain[3] - 1), gi.clamp_(0, gain[2] - 1))) # image, anchor, grid indices anch.append(anchors[a]) # anchors return indices, anch @@ -1973,15 +1775,9 @@ def find_3_positive(self, p, targets): # Build targets for compute_loss(), input targets(image,class,x,y,w,h) na, nt = self.na, targets.shape[0] # number of anchors, targets indices, anch = [], [] - gain = torch.ones( - 7, device=targets.device - ).long() # normalized to gridspace gain - ai = ( - torch.arange(na, device=targets.device).float().view(na, 1).repeat(1, nt) - ) # same as .repeat_interleave(nt) - targets = torch.cat( - (targets.repeat(na, 1, 1), ai[:, :, None]), 2 - ) # append anchor indices + gain = torch.ones(7, device=targets.device).long() # normalized to gridspace gain + ai = torch.arange(na, device=targets.device).float().view(na, 1).repeat(1, nt) # same as .repeat_interleave(nt) + targets = torch.cat((targets.repeat(na, 1, 1), ai[:, :, None]), 2) # append anchor indices g = 0.5 # bias off = ( @@ -2033,9 +1829,7 @@ def find_3_positive(self, p, targets): # Append a = t[:, 6].long() # anchor indices - indices.append( - (b, a, gj.clamp_(0, gain[3] - 1), gi.clamp_(0, gain[2] - 1)) - ) # image, anchor, grid indices + indices.append((b, a, gj.clamp_(0, gain[3] - 1), gi.clamp_(0, gain[2] - 1))) # image, anchor, grid indices anch.append(anchors[a]) # anchors return indices, anch diff --git a/models/experimental/yolov7/reference/utils/metrics.py b/models/experimental/yolov7/reference/utils/metrics.py index d9ca3cd35f8..3a0f6140c71 100644 --- a/models/experimental/yolov7/reference/utils/metrics.py +++ b/models/experimental/yolov7/reference/utils/metrics.py @@ -19,9 +19,7 @@ def fitness(x): return (x[:, :4] * w).sum(1) -def ap_per_class( - tp, conf, pred_cls, target_cls, v5_metric=False, plot=False, save_dir=".", names=() -): +def ap_per_class(tp, conf, pred_cls, target_cls, v5_metric=False, plot=False, save_dir=".", names=()): """Compute the average precision, given the recall and precision curves. Source: https://github.com/rafaelpadilla/Object-Detection-Metrics. # Arguments @@ -60,9 +58,7 @@ def ap_per_class( # Recall recall = tpc / (n_l + 1e-16) # recall curve - r[ci] = np.interp( - -px, -conf[i], recall[:, 0], left=0 - ) # negative x, xp because xp decreases + r[ci] = np.interp(-px, -conf[i], recall[:, 0], left=0) # negative x, xp because xp decreases # Precision precision = tpc / (tpc + fpc) # precision curve @@ -70,9 +66,7 @@ def ap_per_class( # AP from recall-precision curve for j in range(tp.shape[1]): - ap[ci, j], mpre, mrec = compute_ap( - recall[:, j], precision[:, j], v5_metric=v5_metric - ) + ap[ci, j], mpre, mrec = compute_ap(recall[:, j], precision[:, j], v5_metric=v5_metric) if plot and j == 0: py.append(np.interp(px, mrec, mpre)) # precision at mAP@0.5 @@ -145,11 +139,7 @@ def process_batch(self, detections, labels): x = torch.where(iou > self.iou_thres) if x[0].shape[0]: - matches = ( - torch.cat((torch.stack(x, 1), iou[x[0], x[1]][:, None]), 1) - .cpu() - .numpy() - ) + matches = torch.cat((torch.stack(x, 1), iou[x[0], x[1]][:, None]), 1).cpu().numpy() if x[0].shape[0] > 1: matches = matches[matches[:, 2].argsort()[::-1]] matches = matches[np.unique(matches[:, 1], return_index=True)[1]] @@ -179,16 +169,12 @@ def plot(self, save_dir="", names=()): try: import seaborn as sn - array = self.matrix / ( - self.matrix.sum(0).reshape(1, self.nc + 1) + 1e-6 - ) # normalize + array = self.matrix / (self.matrix.sum(0).reshape(1, self.nc + 1) + 1e-6) # normalize array[array < 0.005] = np.nan # don't annotate (would appear as 0.00) fig = plt.figure(figsize=(12, 9), tight_layout=True) sn.set(font_scale=1.0 if self.nc < 50 else 0.8) # for label size - labels = (0 < len(names) < 99) and len( - names - ) == self.nc # apply names to ticklabels + labels = (0 < len(names) < 99) and len(names) == self.nc # apply names to ticklabels sn.heatmap( array, annot=self.nc < 30, @@ -220,9 +206,7 @@ def plot_pr_curve(px, py, ap, save_dir="pr_curve.png", names=()): if 0 < len(names) < 21: # display per-class legend if < 21 classes for i, y in enumerate(py.T): - ax.plot( - px, y, linewidth=1, label=f"{names[i]} {ap[i, 0]:.3f}" - ) # plot(recall, precision) + ax.plot(px, y, linewidth=1, label=f"{names[i]} {ap[i, 0]:.3f}") # plot(recall, precision) else: ax.plot(px, py, linewidth=1, color="grey") # plot(recall, precision) @@ -241,9 +225,7 @@ def plot_pr_curve(px, py, ap, save_dir="pr_curve.png", names=()): fig.savefig(Path(save_dir), dpi=250) -def plot_mc_curve( - px, py, save_dir="mc_curve.png", names=(), xlabel="Confidence", ylabel="Metric" -): +def plot_mc_curve(px, py, save_dir="mc_curve.png", names=(), xlabel="Confidence", ylabel="Metric"): # Metric-confidence curve fig, ax = plt.subplots(1, 1, figsize=(9, 6), tight_layout=True) diff --git a/models/experimental/yolov7/reference/utils/plots.py b/models/experimental/yolov7/reference/utils/plots.py index 6c13a36c826..106a012c1b7 100644 --- a/models/experimental/yolov7/reference/utils/plots.py +++ b/models/experimental/yolov7/reference/utils/plots.py @@ -38,9 +38,7 @@ def color_list(): def hex2rgb(h): return tuple(int(h[1 + i : 1 + i + 2], 16) for i in (0, 2, 4)) - return [ - hex2rgb(h) for h in matplotlib.colors.TABLEAU_COLORS.values() - ] # or BASE_ (8), CSS4_ (148), XKCD_ (949) + return [hex2rgb(h) for h in matplotlib.colors.TABLEAU_COLORS.values()] # or BASE_ (8), CSS4_ (148), XKCD_ (949) def hist2d(x, y, n=100): @@ -65,9 +63,7 @@ def butter_lowpass(cutoff, fs, order): def plot_one_box(x, img, color=None, label=None, line_thickness=3): # Plots one bounding box on image img - tl = ( - line_thickness or round(0.002 * (img.shape[0] + img.shape[1]) / 2) + 1 - ) # line/font thickness + tl = line_thickness or round(0.002 * (img.shape[0] + img.shape[1]) / 2) + 1 # line/font thickness color = color or [random.randint(0, 255) for _ in range(3)] c1, c2 = (int(x[0]), int(x[1])), (int(x[2]), int(x[3])) cv2.rectangle(img, c1, c2, color, thickness=tl, lineType=cv2.LINE_AA) @@ -101,9 +97,7 @@ def plot_one_box_PIL(box, img, color=None, label=None, line_thickness=None): [box[0], box[1] - txt_height + 4, box[0] + txt_width, box[1]], fill=tuple(color), ) - draw.text( - (box[0], box[1] - txt_height + 1), label, fill=(255, 255, 255), font=font - ) + draw.text((box[0], box[1] - txt_height + 1), label, fill=(255, 255, 255), font=font) return np.asarray(img) @@ -187,9 +181,7 @@ def plot_images( boxes = xywh2xyxy(image_targets[:, 2:6]).T classes = image_targets[:, 1].astype("int") labels = image_targets.shape[1] == 6 # labels if no conf column - conf = ( - None if labels else image_targets[:, 6] - ) # check for confidence presence (label vs pred) + conf = None if labels else image_targets[:, 6] # check for confidence presence (label vs pred) if boxes.shape[1]: if boxes.max() <= 1.01: # if normalized with tolerance 0.01 @@ -205,9 +197,7 @@ def plot_images( cls = names[cls] if names else cls if labels or conf[j] > 0.25: # 0.25 conf thresh label = "%s" % cls if labels else "%s %.1f" % (cls, conf[j]) - plot_one_box( - box, mosaic, label=label, color=color, line_thickness=tl - ) + plot_one_box(box, mosaic, label=label, color=color, line_thickness=tl) # Draw image filename labels if paths: @@ -235,9 +225,7 @@ def plot_images( if fname: r = min(1280.0 / max(h, w) / ns, 1.0) # ratio to limit image size - mosaic = cv2.resize( - mosaic, (int(ns * w * r), int(ns * h * r)), interpolation=cv2.INTER_AREA - ) + mosaic = cv2.resize(mosaic, (int(ns * w * r), int(ns * h * r)), interpolation=cv2.INTER_AREA) # cv2.imwrite(fname, cv2.cvtColor(mosaic, cv2.COLOR_BGR2RGB)) # cv2 save Image.fromarray(mosaic).save(fname) # PIL save return mosaic @@ -381,9 +369,7 @@ def plot_labels(labels, names=(), save_dir=Path(""), loggers=None): labels[:, 1:] = xywh2xyxy(labels[:, 1:]) * 2000 img = Image.fromarray(np.ones((2000, 2000, 3), dtype=np.uint8) * 255) for cls, *box in labels[:1000]: - ImageDraw.Draw(img).rectangle( - box, width=1, outline=colors[int(cls) % 10] - ) # plot + ImageDraw.Draw(img).rectangle(box, width=1, outline=colors[int(cls) % 10]) # plot ax[1].imshow(img) ax[1].axis("off") @@ -399,12 +385,7 @@ def plot_labels(labels, names=(), save_dir=Path(""), loggers=None): for k, v in loggers.items() or {}: if k == "wandb" and v: v.log( - { - "Labels": [ - v.Image(str(x), caption=x.name) - for x in save_dir.glob("*labels*.jpg") - ] - }, + {"Labels": [v.Image(str(x), caption=x.name) for x in save_dir.glob("*labels*.jpg")]}, commit=False, ) @@ -425,9 +406,7 @@ def plot_evolution( # mu = (y * weights).sum() / weights.sum() # best weighted result mu = y[f.argmax()] # best single result plt.subplot(6, 5, i + 1) - plt.scatter( - y, f, c=hist2d(y, f, 20), cmap="viridis", alpha=0.8, edgecolors="none" - ) + plt.scatter(y, f, c=hist2d(y, f, 20), cmap="viridis", alpha=0.8, edgecolors="none") plt.plot(mu, f.max(), "k+", markersize=15) plt.title("%s = %.3g" % (k, mu), fontdict={"size": 9}) # limit to 40 characters if i % 5 != 0: @@ -484,9 +463,7 @@ def profile_idetection(start=0, stop=0, labels=(), save_dir=""): plt.savefig(Path(save_dir) / "idetection_profile.png", dpi=200) -def plot_results_overlay( - start=0, stop=0 -): # from utils.plots import *; plot_results_overlay() +def plot_results_overlay(start=0, stop=0): # from utils.plots import *; plot_results_overlay() # Plot training 'results*.txt', overlaying train and val losses s = [ "train", @@ -501,9 +478,7 @@ def plot_results_overlay( "mAP@0.5:0.95", ] # legends t = ["Box", "Objectness", "Classification", "P-R", "mAP-F1"] # titles - for f in sorted( - glob.glob("results*.txt") + glob.glob("../../Downloads/results*.txt") - ): + for f in sorted(glob.glob("results*.txt") + glob.glob("../../Downloads/results*.txt")): results = np.loadtxt(f, usecols=[2, 3, 4, 8, 9, 12, 13, 14, 10, 11], ndmin=2).T n = results.shape[1] # number of rows x = range(start, min(stop, n) if stop else n) @@ -541,20 +516,14 @@ def plot_results(start=0, stop=0, bucket="", id=(), labels=(), save_dir=""): if bucket: # files = ['https://storage.googleapis.com/%s/results%g.txt' % (bucket, x) for x in id] files = ["results%g.txt" % x for x in id] - c = ("gsutil cp " + "%s " * len(files) + ".") % tuple( - "gs://%s/results%g.txt" % (bucket, x) for x in id - ) + c = ("gsutil cp " + "%s " * len(files) + ".") % tuple("gs://%s/results%g.txt" % (bucket, x) for x in id) os.system(c) else: files = list(Path(save_dir).glob("results*.txt")) - assert len( - files - ), "No results.txt files found in %s, nothing to plot." % os.path.abspath(save_dir) + assert len(files), "No results.txt files found in %s, nothing to plot." % os.path.abspath(save_dir) for fi, f in enumerate(files): try: - results = np.loadtxt( - f, usecols=[2, 3, 4, 8, 9, 12, 13, 14, 10, 11], ndmin=2 - ).T + results = np.loadtxt(f, usecols=[2, 3, 4, 8, 9, 12, 13, 14, 10, 11], ndmin=2).T n = results.shape[1] # number of rows x = range(start, min(stop, n) if stop else n) for i in range(10): @@ -642,9 +611,7 @@ def plot_skeleton_kpts(im, kpts, steps, orig_shape=None): [5, 7], ] - pose_limb_color = palette[ - [9, 9, 9, 9, 7, 7, 7, 0, 0, 0, 0, 0, 16, 16, 16, 16, 16, 16, 16] - ] + pose_limb_color = palette[[9, 9, 9, 9, 7, 7, 7, 0, 0, 0, 0, 0, 16, 16, 16, 16, 16, 16, 16]] pose_kpt_color = palette[[16, 16, 16, 16, 16, 0, 0, 0, 0, 0, 0, 9, 9, 9, 9, 9, 9]] radius = 5 num_kpts = len(kpts) // steps @@ -657,9 +624,7 @@ def plot_skeleton_kpts(im, kpts, steps, orig_shape=None): conf = kpts[steps * kid + 2] if conf < 0.5: continue - cv2.circle( - im, (int(x_coord), int(y_coord)), radius, (int(r), int(g), int(b)), -1 - ) + cv2.circle(im, (int(x_coord), int(y_coord)), radius, (int(r), int(g), int(b)), -1) for sk_id, sk in enumerate(skeleton): r, g, b = pose_limb_color[sk_id] diff --git a/models/experimental/yolov7/reference/utils/torch_utils.py b/models/experimental/yolov7/reference/utils/torch_utils.py index 2c11db37a7e..d2261396494 100644 --- a/models/experimental/yolov7/reference/utils/torch_utils.py +++ b/models/experimental/yolov7/reference/utils/torch_utils.py @@ -59,9 +59,7 @@ def git_describe(path=Path(__file__).parent): # path must be a directory # return human-readable git description, i.e. v5.0-5-g3e25f1e https://git-scm.com/docs/git-describe s = f"git -C {path} describe --tags --long --always" try: - return subprocess.check_output( - s, shell=True, stderr=subprocess.STDOUT - ).decode()[:-1] + return subprocess.check_output(s, shell=True, stderr=subprocess.STDOUT).decode()[:-1] except subprocess.CalledProcessError as e: return "" # not a git repository @@ -71,24 +69,16 @@ def select_device(device="", batch_size=None): s = f"YOLOR 🚀 {git_describe() or date_modified()} torch {torch.__version__} " # string cpu = device.lower() == "cpu" if cpu: - os.environ[ - "CUDA_VISIBLE_DEVICES" - ] = "-1" # force torch.cuda.is_available() = False + os.environ["CUDA_VISIBLE_DEVICES"] = "-1" # force torch.cuda.is_available() = False elif device: # non-cpu device requested os.environ["CUDA_VISIBLE_DEVICES"] = device # set environment variable - assert ( - torch.cuda.is_available() - ), f"CUDA unavailable, invalid device {device} requested" # check availability + assert torch.cuda.is_available(), f"CUDA unavailable, invalid device {device} requested" # check availability cuda = not cpu and torch.cuda.is_available() if cuda: n = torch.cuda.device_count() - if ( - n > 1 and batch_size - ): # check that batch_size is compatible with device_count - assert ( - batch_size % n == 0 - ), f"batch-size {batch_size} not multiple of GPU count {n}" + if n > 1 and batch_size: # check that batch_size is compatible with device_count + assert batch_size % n == 0, f"batch-size {batch_size} not multiple of GPU count {n}" space = " " * len(s) for i, d in enumerate(device.split(",") if device else range(n)): p = torch.cuda.get_device_properties(i) @@ -96,9 +86,7 @@ def select_device(device="", batch_size=None): else: s += "CPU\n" - logger.info( - s.encode().decode("ascii", "ignore") if platform.system() == "Windows" else s - ) # emoji-safe + logger.info(s.encode().decode("ascii", "ignore") if platform.system() == "Windows" else s) # emoji-safe return torch.device("cuda:0" if cuda else "cpu") @@ -129,13 +117,7 @@ def profile(x, ops, n=100, device=None): ) for m in ops if isinstance(ops, list) else [ops]: m = m.to(device) if hasattr(m, "to") else m # device - m = ( - m.half() - if hasattr(m, "half") - and isinstance(x, torch.Tensor) - and x.dtype is torch.float16 - else m - ) # type + m = m.half() if hasattr(m, "half") and isinstance(x, torch.Tensor) and x.dtype is torch.float16 else m # type dtf, dtb, t = 0.0, 0.0, [0.0, 0.0, 0.0] # dt forward, backward try: flops = thop.profile(m, inputs=(x,), verbose=False)[0] / 1e9 * 2 # GFLOPS @@ -156,14 +138,8 @@ def profile(x, ops, n=100, device=None): s_in = tuple(x.shape) if isinstance(x, torch.Tensor) else "list" s_out = tuple(y.shape) if isinstance(y, torch.Tensor) else "list" - p = ( - sum(list(x.numel() for x in m.parameters())) - if isinstance(m, nn.Module) - else 0 - ) # parameters - logger.info( - f"{p:12}{flops:12.4g}{dtf:16.4g}{dtb:16.4g}{str(s_in):>24s}{str(s_out):>24s}" - ) + p = sum(list(x.numel() for x in m.parameters())) if isinstance(m, nn.Module) else 0 # parameters + logger.info(f"{p:12}{flops:12.4g}{dtf:16.4g}{dtb:16.4g}{str(s_in):>24s}{str(s_out):>24s}") def is_parallel(model): @@ -175,11 +151,7 @@ def is_parallel(model): def intersect_dicts(da, db, exclude=()): # Dictionary intersection of matching keys and shapes, omitting 'exclude' keys, using da values - return { - k: v - for k, v in da.items() - if k in db and not any(x in k for x in exclude) and v.shape == db[k].shape - } + return {k: v for k, v in da.items() if k in db and not any(x in k for x in exclude) and v.shape == db[k].shape} def initialize_weights(model): @@ -242,14 +214,8 @@ def fuse_conv_and_bn(conv, bn): fusedconv.weight.copy_(torch.mm(w_bn, w_conv).view(fusedconv.weight.shape)) # prepare spatial bias - b_conv = ( - torch.zeros(conv.weight.size(0), device=conv.weight.device) - if conv.bias is None - else conv.bias - ) - b_bn = bn.bias - bn.weight.mul(bn.running_mean).div( - torch.sqrt(bn.running_var + bn.eps) - ) + b_conv = torch.zeros(conv.weight.size(0), device=conv.weight.device) if conv.bias is None else conv.bias + b_bn = bn.bias - bn.weight.mul(bn.running_mean).div(torch.sqrt(bn.running_var + bn.eps)) fusedconv.bias.copy_(torch.mm(w_bn, b_conv.reshape(-1, 1)).reshape(-1) + b_bn) return fusedconv @@ -258,13 +224,10 @@ def fuse_conv_and_bn(conv, bn): def model_info(model, verbose=False, img_size=640): # Model information. img_size may be int or list, i.e. img_size=640 or img_size=[640, 320] n_p = sum(x.numel() for x in model.parameters()) # number parameters - n_g = sum( - x.numel() for x in model.parameters() if x.requires_grad - ) # number gradients + n_g = sum(x.numel() for x in model.parameters() if x.requires_grad) # number gradients if verbose: logger.info( - "%5s %40s %9s %12s %20s %10s %10s" - % ("layer", "name", "gradient", "parameters", "shape", "mu", "sigma") + "%5s %40s %9s %12s %20s %10s %10s" % ("layer", "name", "gradient", "parameters", "shape", "mu", "sigma") ) for i, (name, p) in enumerate(model.named_parameters()): name = name.replace("module_list.", "") @@ -289,21 +252,13 @@ def model_info(model, verbose=False, img_size=640): (1, model.yaml.get("ch", 3), stride, stride), device=next(model.parameters()).device, ) # input - flops = ( - profile(deepcopy(model), inputs=(img,), verbose=False)[0] / 1e9 * 2 - ) # stride GFLOPS - img_size = ( - img_size if isinstance(img_size, list) else [img_size, img_size] - ) # expand if int/float - fs = ", %.1f GFLOPS" % ( - flops * img_size[0] / stride * img_size[1] / stride - ) # 640x640 GFLOPS + flops = profile(deepcopy(model), inputs=(img,), verbose=False)[0] / 1e9 * 2 # stride GFLOPS + img_size = img_size if isinstance(img_size, list) else [img_size, img_size] # expand if int/float + fs = ", %.1f GFLOPS" % (flops * img_size[0] / stride * img_size[1] / stride) # 640x640 GFLOPS except (ImportError, Exception): fs = "" - logger.info( - f"Model Summary: {len(list(model.modules()))} layers, {n_p} parameters, {n_g} gradients{fs}" - ) + logger.info(f"Model Summary: {len(list(model.modules()))} layers, {n_p} parameters, {n_g} gradients{fs}") def load_classifier(name="resnet101", n=2): @@ -335,9 +290,7 @@ def scale_img(img, ratio=1.0, same_shape=False, gs=32): # img(16,3,256,416) img = F.interpolate(img, size=s, mode="bilinear", align_corners=False) # resize if not same_shape: # pad/crop img h, w = [math.ceil(x * ratio / gs) * gs for x in (h, w)] - return F.pad( - img, [0, w - s[1], 0, h - s[0]], value=0.447 - ) # value = imagenet mean + return F.pad(img, [0, w - s[1], 0, h - s[0]], value=0.447) # value = imagenet mean def copy_attr(a, b, include=(), exclude=()): @@ -361,15 +314,11 @@ class ModelEMA: def __init__(self, model, decay=0.9999, updates=0): # Create EMA - self.ema = deepcopy( - model.module if is_parallel(model) else model - ).eval() # FP32 EMA + self.ema = deepcopy(model.module if is_parallel(model) else model).eval() # FP32 EMA # if next(model.parameters()).device.type != 'cpu': # self.ema.half() # FP16 EMA self.updates = updates # number of EMA updates - self.decay = lambda x: decay * ( - 1 - math.exp(-x / 2000) - ) # decay exponential ramp (to help early epochs) + self.decay = lambda x: decay * (1 - math.exp(-x / 2000)) # decay exponential ramp (to help early epochs) for p in self.ema.parameters(): p.requires_grad_(False) @@ -379,9 +328,7 @@ def update(self, model): self.updates += 1 d = self.decay(self.updates) - msd = ( - model.module.state_dict() if is_parallel(model) else model.state_dict() - ) # model state_dict + msd = model.module.state_dict() if is_parallel(model) else model.state_dict() # model state_dict for k, v in self.ema.state_dict().items(): if v.dtype.is_floating_point: v *= d