From 8286ce1e3a4a7302fb734c1dfaa7229743c4c69d Mon Sep 17 00:00:00 2001 From: Yangqing Jia Date: Thu, 28 Sep 2017 16:00:15 -0700 Subject: [PATCH] Re-license to Apache Summary: Closes /~https://github.com/caffe2/caffe2/pull/1260 Differential Revision: D5906739 Pulled By: Yangqing fbshipit-source-id: e482ba9ba60b5337d9165f28f7ec68d4518a0902 --- LICENSE | 330 +++++++++++------- NOTICE | 129 +++++++ PATENTS | 33 -- README.md | 9 +- caffe2/binaries/convert_caffe_image_db.cc | 16 + caffe2/binaries/convert_db.cc | 16 + .../convert_encoded_to_raw_leveldb.cc | 16 + caffe2/binaries/core_overhead_benchmark.cc | 16 + caffe2/binaries/db_throughput.cc | 16 + caffe2/binaries/inspect_gpus.cc | 16 + caffe2/binaries/make_cifar_db.cc | 16 + caffe2/binaries/make_image_db.cc | 16 + caffe2/binaries/make_mnist_db.cc | 16 + caffe2/binaries/predictor_verifier.cc | 16 + caffe2/binaries/print_core_object_sizes.cc | 16 + .../print_registered_core_operators.cc | 16 + caffe2/binaries/run_plan.cc | 16 + caffe2/binaries/run_plan_mpi.cc | 16 + caffe2/binaries/speed_benchmark.cc | 16 + caffe2/binaries/split_db.cc | 16 + caffe2/binaries/tutorial_blob.cc | 16 + caffe2/binaries/zmq_feeder.cc | 16 + caffe2/contrib/aten/aten_op.cc | 16 + caffe2/contrib/aten/aten_op_cuda.cc | 16 + caffe2/contrib/aten/aten_op_template.h | 16 + caffe2/contrib/aten/aten_test.py | 15 + caffe2/contrib/aten/gen_op.py | 15 + caffe2/contrib/gloo/allreduce_ops.cc | 16 + caffe2/contrib/gloo/allreduce_ops.h | 16 + caffe2/contrib/gloo/allreduce_ops_gpu.cc | 16 + caffe2/contrib/gloo/barrier_ops.cc | 16 + caffe2/contrib/gloo/barrier_ops.h | 16 + caffe2/contrib/gloo/broadcast_ops.cc | 16 + caffe2/contrib/gloo/broadcast_ops.h | 16 + caffe2/contrib/gloo/broadcast_ops_gpu.cc | 16 + caffe2/contrib/gloo/common.cc | 16 + caffe2/contrib/gloo/common.h | 16 + caffe2/contrib/gloo/common_world_ops.cc | 16 + caffe2/contrib/gloo/common_world_ops.h | 16 + caffe2/contrib/gloo/common_world_ops_gpu.cc | 16 + caffe2/contrib/gloo/context.cc | 16 + caffe2/contrib/gloo/context.h | 16 + caffe2/contrib/gloo/gloo_test.py | 15 + caffe2/contrib/gloo/store_handler.cc | 16 + caffe2/contrib/gloo/store_handler.h | 16 + caffe2/contrib/nccl/cuda_nccl_gpu.cc | 16 + caffe2/contrib/nccl/cuda_nccl_gpu.h | 16 + caffe2/contrib/nccl/cuda_nccl_op_gpu.cc | 16 + caffe2/contrib/nccl/nccl_ops_test.py | 15 + caffe2/contrib/nervana/nervana.h | 16 + caffe2/contrib/nervana/nervana_fc_op_gpu.cc | 16 + .../contrib/nervana/nervana_fc_op_gpu_test.cc | 16 + caffe2/contrib/nervana/nervana_init_gpu.cc | 16 + caffe2/contrib/nervana/nervana_math_gpu.cc | 16 + caffe2/contrib/nnpack/nnpack_ops.cc | 16 + caffe2/contrib/nnpack/nnpack_ops_test.py | 15 + caffe2/contrib/observers/time_observer.cc | 16 + caffe2/contrib/observers/time_observer.h | 16 + .../contrib/observers/time_observer_test.cc | 16 + caffe2/contrib/prof/cuda_profile_ops.cc | 16 + caffe2/contrib/prof/cuda_profile_ops_test.py | 15 + .../contrib/prof/htrace_async_dag_net_gpu.cc | 16 + caffe2/contrib/prof/htrace_conf.cc | 16 + caffe2/contrib/prof/htrace_conf.h | 16 + caffe2/contrib/prof/htrace_dag_net.cc | 16 + caffe2/contrib/prof/htrace_to_chrome.py | 15 + caffe2/contrib/prof/prof_dag_net.cc | 16 + caffe2/contrib/prof/prof_dag_net.h | 16 + caffe2/contrib/prof/prof_dag_stats_op.cc | 16 + caffe2/contrib/prof/prof_dag_stats_op.h | 16 + caffe2/contrib/shm_mutex/shm_mutex.cc | 16 + caffe2/contrib/shm_mutex/shm_mutex.h | 16 + caffe2/contrib/torch/th_ops.cc | 16 + caffe2/contrib/torch/th_ops_gpu.cu | 16 + caffe2/contrib/torch/th_ops_test.py | 15 + caffe2/contrib/torch/torch_op.cpp | 16 + caffe2/contrib/torch/torch_op.h | 16 + caffe2/contrib/torch/torch_op_gpu.cpp | 16 + caffe2/contrib/torch/torch_ops_test.py | 15 + caffe2/contrib/warpctc/ctc_op.cpp | 16 + caffe2/contrib/warpctc/ctc_op.h | 16 + caffe2/contrib/warpctc/ctc_op_gpu.cpp | 16 + caffe2/contrib/warpctc/ctc_ops_test.py | 15 + caffe2/core/allocator.cc | 16 + caffe2/core/allocator.h | 16 + caffe2/core/asan.h | 16 + caffe2/core/blob.h | 16 + caffe2/core/blob_gpu_test.cc | 16 + caffe2/core/blob_serialization.cc | 16 + caffe2/core/blob_serialization.h | 16 + caffe2/core/blob_serialization_gpu.cc | 16 + caffe2/core/blob_serializer_base.h | 16 + caffe2/core/blob_stats.cc | 16 + caffe2/core/blob_stats.h | 16 + caffe2/core/blob_test.cc | 16 + caffe2/core/common.cc | 16 + caffe2/core/common.h | 16 + caffe2/core/common_cudnn.cc | 16 + caffe2/core/common_cudnn.h | 16 + caffe2/core/common_gpu.cc | 16 + caffe2/core/common_gpu.h | 16 + caffe2/core/common_omp.h | 16 + caffe2/core/context.h | 16 + caffe2/core/context_gpu.cu | 16 + caffe2/core/context_gpu.h | 16 + caffe2/core/context_gpu_test.cc | 16 + caffe2/core/context_test.cc | 16 + caffe2/core/db.cc | 16 + caffe2/core/db.h | 16 + caffe2/core/event.cc | 16 + caffe2/core/event.h | 16 + caffe2/core/event_gpu.cc | 16 + caffe2/core/event_gpu_test.cc | 16 + caffe2/core/event_test.cc | 16 + caffe2/core/flags.cc | 16 + caffe2/core/flags.h | 16 + caffe2/core/graph.cc | 16 + caffe2/core/graph.h | 16 + caffe2/core/graph_test.cc | 16 + caffe2/core/init.cc | 16 + caffe2/core/init.h | 16 + caffe2/core/init_omp.cc | 16 + caffe2/core/init_test.cc | 16 + caffe2/core/logging.cc | 16 + caffe2/core/logging.h | 16 + caffe2/core/logging_is_google_glog.h | 16 + caffe2/core/logging_is_not_google_glog.h | 16 + caffe2/core/logging_test.cc | 16 + caffe2/core/macros.h | 16 + caffe2/core/memonger.cc | 16 + caffe2/core/memonger.h | 16 + caffe2/core/net.cc | 16 + caffe2/core/net.h | 16 + caffe2/core/net_async_dag_gpu.cc | 16 + caffe2/core/net_async_dag_gpu.h | 16 + caffe2/core/net_dag.cc | 16 + caffe2/core/net_dag.h | 16 + caffe2/core/net_simple.cc | 16 + caffe2/core/net_simple.h | 16 + caffe2/core/net_simple_async.cc | 16 + caffe2/core/net_simple_async.h | 16 + caffe2/core/net_singlethread_async_gpu.cc | 16 + caffe2/core/net_test.cc | 16 + caffe2/core/observer.h | 16 + caffe2/core/observer_test.cc | 16 + caffe2/core/operator.cc | 16 + caffe2/core/operator.h | 16 + caffe2/core/operator_gpu_test.cc | 16 + caffe2/core/operator_gradient.h | 16 + caffe2/core/operator_schema.cc | 16 + caffe2/core/operator_schema.h | 16 + caffe2/core/operator_schema_test.cc | 16 + caffe2/core/operator_test.cc | 16 + caffe2/core/parallel_net_test.cc | 16 + caffe2/core/plan_executor.cc | 16 + caffe2/core/plan_executor.h | 16 + caffe2/core/predictor.cc | 16 + caffe2/core/predictor.h | 16 + caffe2/core/predictor_test.cc | 16 + caffe2/core/qtensor.cc | 16 + caffe2/core/qtensor.h | 16 + caffe2/core/qtensor_serialization.cc | 16 + caffe2/core/qtensor_serialization.h | 16 + caffe2/core/registry.h | 16 + caffe2/core/registry_test.cc | 16 + caffe2/core/scope_guard.h | 16 + caffe2/core/static_tracepoint.h | 16 + caffe2/core/static_tracepoint_elfx86.h | 16 + caffe2/core/stats.cc | 16 + caffe2/core/stats.h | 16 + caffe2/core/stats_test.cc | 16 + caffe2/core/tensor.cc | 16 + caffe2/core/tensor.h | 16 + caffe2/core/timer.h | 16 + caffe2/core/timer_test.cc | 16 + caffe2/core/transform.cc | 16 + caffe2/core/transform.h | 16 + caffe2/core/transform_test.cc | 16 + caffe2/core/typeid.cc | 16 + caffe2/core/typeid.h | 16 + caffe2/core/typeid_test.cc | 16 + caffe2/core/types.cc | 16 + caffe2/core/types.h | 16 + caffe2/core/workspace.cc | 16 + caffe2/core/workspace.h | 16 + caffe2/core/workspace_test.cc | 16 + caffe2/cuda_rtc/common_rtc.h | 16 + caffe2/cuda_rtc/elemenntwise_rtc_gpu.cc | 16 + caffe2/cuda_rtc/pool_op_rtc_gpu.cc | 16 + caffe2/db/create_db_op.cc | 16 + caffe2/db/create_db_op.h | 16 + caffe2/db/create_db_op_gpu.cc | 16 + caffe2/db/db_test.cc | 16 + caffe2/db/leveldb.cc | 16 + caffe2/db/lmdb.cc | 16 + caffe2/db/protodb.cc | 16 + caffe2/db/rocksdb.cc | 16 + caffe2/db/zmqdb.cc | 16 + caffe2/distributed/file_store_handler.cc | 16 + caffe2/distributed/file_store_handler.h | 16 + caffe2/distributed/file_store_handler_op.cc | 16 + caffe2/distributed/file_store_handler_op.h | 16 + .../distributed/file_store_handler_op_gpu.cc | 16 + .../distributed/file_store_handler_op_test.py | 15 + caffe2/distributed/redis_store_handler.cc | 16 + caffe2/distributed/redis_store_handler.h | 16 + caffe2/distributed/redis_store_handler_op.cc | 16 + caffe2/distributed/redis_store_handler_op.h | 16 + .../distributed/redis_store_handler_op_gpu.cc | 16 + .../redis_store_handler_op_test.py | 15 + caffe2/distributed/store_handler.cc | 16 + caffe2/distributed/store_handler.h | 16 + caffe2/distributed/store_ops.cc | 16 + caffe2/distributed/store_ops.h | 16 + caffe2/distributed/store_ops_test_util.py | 15 + .../fully_connected_op_decomposition.cc | 16 + .../fully_connected_op_decomposition.h | 16 + .../fully_connected_op_decomposition_gpu.cc | 16 + .../operators/fully_connected_op_prune.cc | 16 + .../operators/fully_connected_op_prune.h | 16 + .../operators/fully_connected_op_sparse.cc | 16 + .../operators/fully_connected_op_sparse.h | 16 + caffe2/experiments/operators/funhash_op.cc | 16 + caffe2/experiments/operators/funhash_op.h | 16 + .../operators/sparse_funhash_op.cc | 16 + .../experiments/operators/sparse_funhash_op.h | 16 + .../operators/sparse_matrix_reshape_op.cc | 16 + .../operators/sparse_matrix_reshape_op.h | 16 + .../operators/tt_contraction_op.cc | 16 + .../experiments/operators/tt_contraction_op.h | 16 + .../operators/tt_contraction_op_gpu.cc | 16 + caffe2/experiments/operators/tt_pad_op.cc | 16 + caffe2/experiments/operators/tt_pad_op.h | 16 + .../experiments/python/SparseTransformer.py | 15 + .../experiments/python/convnet_benchmarks.py | 15 + .../python/device_reduce_sum_bench.py | 15 + caffe2/experiments/python/funhash_op_test.py | 15 + .../experiments/python/net_construct_bench.py | 15 + .../python/sparse_funhash_op_test.py | 15 + .../python/sparse_reshape_op_test.py | 15 + .../python/tt_contraction_op_test.py | 15 + caffe2/experiments/python/tt_pad_op_test.py | 15 + caffe2/image/image_input_op.cc | 16 + caffe2/image/image_input_op.h | 17 +- caffe2/image/image_input_op_gpu.cc | 16 + caffe2/image/transform_gpu.cu | 16 + caffe2/image/transform_gpu.h | 16 + caffe2/mkl/mkl_operator.cc | 16 + caffe2/mkl/mkl_utils.h | 16 + caffe2/mkl/mkl_utils_test.cc | 16 + caffe2/mkl/mklmemory_serialization.cc | 16 + caffe2/mkl/mklmemory_serialization_test.cc | 16 + caffe2/mkl/operators/conv_op.cc | 16 + caffe2/mkl/operators/conv_op_mkldnn.cc | 16 + caffe2/mkl/operators/elementwise_sum_op.cc | 16 + caffe2/mkl/operators/fully_connected_op.cc | 16 + .../local_response_normalization_op.cc | 16 + caffe2/mkl/operators/operator_fallback_mkl.cc | 16 + caffe2/mkl/operators/operator_fallback_mkl.h | 16 + caffe2/mkl/operators/packed_fc_op.cc | 16 + caffe2/mkl/operators/pool_op.cc | 16 + caffe2/mkl/operators/relu_op.cc | 16 + caffe2/mkl/operators/spatial_batch_norm_op.cc | 16 + caffe2/mkl/operators/utility_ops.cc | 16 + caffe2/mkl/utils/mkl_context.cc | 16 + caffe2/mkl/utils/mkl_context.h | 16 + caffe2/mkl/utils/mkl_dnn_cppwrapper.h | 16 + caffe2/mkl/utils/mkl_memory.cc | 16 + caffe2/mkl/utils/mkl_memory.h | 16 + caffe2/mkl/utils/mkl_operator.h | 16 + caffe2/mkl/utils/mkl_version_check.h | 16 + caffe2/mkl/utils/sgemm_pack.h | 16 + caffe2/mobile/contrib/ios/ios_caffe.cc | 17 +- caffe2/mobile/contrib/ios/ios_caffe.h | 17 +- caffe2/mobile/contrib/ios/ios_caffe_defines.h | 17 +- .../mobile/contrib/ios/ios_caffe_predictor.cc | 16 + .../mobile/contrib/ios/ios_caffe_predictor.h | 17 +- caffe2/mobile/contrib/ios/mobile_nnpack.cc | 16 + .../mobile/contrib/ios/mobile_nnpack_test.cc | 16 + caffe2/mobile/contrib/ios/mpscnn/MPSCNN.metal | 1 - caffe2/mobile/contrib/ios/mpscnn/mpscnn.h | 17 +- caffe2/mobile/contrib/ios/mpscnn/mpscnn.mm | 17 +- .../contrib/ios/mpscnn/mpscnn_context.h | 17 +- .../contrib/ios/mpscnn/mpscnn_context.mm | 17 +- .../mobile/contrib/ios/mpscnn/mpscnn_graph.mm | 17 +- .../contrib/ios/mpscnn/mpscnn_graph_mask.h | 17 +- .../contrib/ios/mpscnn/mpscnn_graph_mask.mm | 17 +- .../contrib/ios/mpscnn/mpscnn_kernels.h | 18 +- .../mobile/contrib/ios/mpscnn/mpscnn_test.h | 17 +- .../mobile/contrib/ios/mpscnn/mpscnn_test.mm | 17 +- caffe2/mobile/contrib/ios/pool_test.cc | 16 + caffe2/mobile/contrib/ios/resize_test.cc | 16 + .../opengl/android/AndroidGLContext.cc | 16 + .../contrib/opengl/android/AndroidGLContext.h | 17 +- .../contrib/opengl/android/GLContext.cc | 17 +- .../opengl/android/GLImageAllocator.cc | 17 +- .../contrib/opengl/android/arm_neon_support.h | 17 +- .../mobile/contrib/opengl/android/gl3stub.c | 1 - .../mobile/contrib/opengl/android/gl3stub.h | 17 +- .../contrib/opengl/core/DataTransfer.cc | 17 +- .../mobile/contrib/opengl/core/DataTransfer.h | 17 +- caffe2/mobile/contrib/opengl/core/GL.h | 17 +- .../mobile/contrib/opengl/core/GLContext.cc | 17 +- caffe2/mobile/contrib/opengl/core/GLContext.h | 17 +- caffe2/mobile/contrib/opengl/core/GLFilter.cc | 17 +- caffe2/mobile/contrib/opengl/core/GLFilter.h | 17 +- caffe2/mobile/contrib/opengl/core/GLImage.cc | 17 +- caffe2/mobile/contrib/opengl/core/GLImage.h | 17 +- .../contrib/opengl/core/GLImageAllocator.cc | 17 +- .../contrib/opengl/core/GLImageAllocator.h | 17 +- caffe2/mobile/contrib/opengl/core/GLLogging.h | 17 +- caffe2/mobile/contrib/opengl/core/GLPBO.cc | 17 +- caffe2/mobile/contrib/opengl/core/GLPBO.h | 17 +- .../contrib/opengl/core/GLPlainTexture.cc | 17 +- .../contrib/opengl/core/GLPlainTexture.h | 17 +- .../mobile/contrib/opengl/core/GLPredictor.cc | 17 +- .../mobile/contrib/opengl/core/GLPredictor.h | 17 +- .../mobile/contrib/opengl/core/GLTexture.cc | 17 +- caffe2/mobile/contrib/opengl/core/GLTexture.h | 17 +- .../contrib/opengl/core/ImageAllocator.h | 17 +- .../contrib/opengl/core/arm_neon_support.h | 17 +- .../mobile/contrib/opengl/core/rewrite_net.cc | 17 +- .../mobile/contrib/opengl/core/rewrite_net.h | 17 +- caffe2/mobile/contrib/opengl/ios/GLContext.cc | 17 +- .../contrib/opengl/ios/GLImageAllocator.cc | 17 +- .../mobile/contrib/opengl/ios/IOSGLContext.h | 17 +- .../mobile/contrib/opengl/ios/IOSGLContext.mm | 17 +- .../contrib/opengl/ios/IOSGLImageAllocator.cc | 17 +- .../contrib/opengl/ios/IOSGLImageAllocator.h | 17 +- .../mobile/contrib/opengl/ios/IOSGLTexture.h | 17 +- .../mobile/contrib/opengl/ios/IOSGLTexture.mm | 17 +- .../mobile/contrib/opengl/operators/GLAdd.cc | 17 +- .../contrib/opengl/operators/GLConcat.cc | 17 +- .../contrib/opengl/operators/GLConvolution.cc | 17 +- .../contrib/opengl/operators/GLCopyOps.cc | 17 +- .../opengl/operators/GLInstanceNorm.cc | 17 +- .../mobile/contrib/opengl/operators/GLMul.cc | 17 +- .../opengl/operators/GLNormPlanarYUV.cc | 17 +- .../contrib/opengl/operators/GLPRelu.cc | 17 +- .../contrib/opengl/operators/GLPadImage.cc | 17 +- .../mobile/contrib/opengl/operators/GLPool.cc | 17 +- .../contrib/opengl/operators/GLResize.cc | 17 +- .../contrib/opengl/operators/GLSigmoid.cc | 17 +- .../contrib/opengl/operators/GLSoftmax.cc | 17 +- .../contrib/opengl/operators/GLStylizer.cc | 17 +- .../mobile/contrib/opengl/operators/GLSub.cc | 17 +- .../opengl/operators/gl_tiling_utils.h | 17 +- .../opengl/test/BenchmarkMPSCNNConvolution.mm | 17 +- .../contrib/opengl/test/TestGLConvolution.cc | 17 +- .../contrib/opengl/test/TestGLConvolution.h | 17 +- .../mobile/contrib/opengl/test/opengl_test.cc | 17 +- .../mobile/contrib/opengl/test/opengl_test.h | 17 +- caffe2/mobile/contrib/snpe/snpe_ffi.cc | 16 + caffe2/mobile/contrib/snpe/snpe_ffi.h | 16 + caffe2/mobile/contrib/snpe/snpe_globals.cc | 16 + caffe2/mobile/contrib/snpe/snpe_op.cc | 16 + .../mobile/contrib/snpe/snpe_op_benchmark.cc | 16 + caffe2/mobile/contrib/ulp2/ulp.cc | 16 + caffe2/mobile/contrib/ulp2/ulp.h | 16 + caffe2/mobile/contrib/ulp2/ulp_neon.cc | 16 + caffe2/mobile/contrib/ulp2/ulp_neon.h | 16 + caffe2/mobile/contrib/ulp2/ulp_test.cc | 16 + caffe2/mpi/mpi_common.cc | 16 + caffe2/mpi/mpi_common.h | 16 + caffe2/mpi/mpi_gpu_test.cc | 16 + caffe2/mpi/mpi_ops.cc | 16 + caffe2/mpi/mpi_ops.h | 16 + caffe2/mpi/mpi_ops_gpu.cc | 16 + caffe2/mpi/mpi_test.cc | 16 + caffe2/operators/abs_op.cc | 16 + caffe2/operators/abs_op.cu | 16 + caffe2/operators/accumulate_op.cc | 16 + caffe2/operators/accumulate_op.cu | 16 + caffe2/operators/accumulate_op.h | 16 + caffe2/operators/accuracy_op.cc | 16 + caffe2/operators/accuracy_op.cu | 16 + caffe2/operators/accuracy_op.h | 16 + caffe2/operators/apmeter_op.cc | 16 + caffe2/operators/apmeter_op.h | 16 + caffe2/operators/atomic_ops.cc | 16 + caffe2/operators/batch_box_cox_op.cc | 16 + caffe2/operators/batch_box_cox_op.h | 16 + caffe2/operators/batch_gather_ops.cc | 16 + caffe2/operators/batch_gather_ops.cu | 16 + caffe2/operators/batch_gather_ops.h | 16 + caffe2/operators/batch_matmul_op.cc | 16 + caffe2/operators/batch_matmul_op.cu | 16 + caffe2/operators/batch_matmul_op.h | 16 + caffe2/operators/boolean_mask_ops.cc | 16 + caffe2/operators/boolean_mask_ops.cu | 16 + caffe2/operators/boolean_mask_ops.h | 16 + caffe2/operators/boolean_unmask_ops.cc | 16 + caffe2/operators/boolean_unmask_ops.cu | 16 + caffe2/operators/boolean_unmask_ops.h | 16 + caffe2/operators/boolean_unmask_ops_test.cc | 16 + caffe2/operators/cast_op.cc | 16 + caffe2/operators/cast_op.cu | 16 + caffe2/operators/cast_op.h | 16 + caffe2/operators/channel_shuffle_op.cc | 16 + caffe2/operators/channel_shuffle_op.h | 16 + caffe2/operators/channel_shuffle_op_gpu.cu | 16 + caffe2/operators/clip_op.cc | 16 + caffe2/operators/clip_op.cu | 16 + caffe2/operators/clip_op.h | 16 + caffe2/operators/communicator_op.cc | 16 + caffe2/operators/communicator_op_gpu.cc | 16 + caffe2/operators/concat_split_op.cc | 16 + caffe2/operators/concat_split_op.h | 16 + caffe2/operators/concat_split_op_gpu.cc | 16 + caffe2/operators/conditional_op.cc | 16 + caffe2/operators/conditional_op.h | 17 +- caffe2/operators/conv_gradient_op.cc | 16 + caffe2/operators/conv_op.cc | 16 + caffe2/operators/conv_op.h | 16 + caffe2/operators/conv_op_cache_cudnn.cc | 16 + caffe2/operators/conv_op_cache_cudnn.h | 16 + caffe2/operators/conv_op_cache_cudnn_test.cc | 16 + caffe2/operators/conv_op_cudnn.cc | 16 + caffe2/operators/conv_op_eigen.cc | 16 + caffe2/operators/conv_op_gpu.cc | 16 + caffe2/operators/conv_op_impl.h | 16 + caffe2/operators/conv_op_shared.cc | 16 + caffe2/operators/conv_op_shared.h | 16 + caffe2/operators/conv_op_shared_gpu.cc | 16 + caffe2/operators/conv_pool_op_base.h | 16 + .../operators/conv_transpose_gradient_op.cc | 16 + caffe2/operators/conv_transpose_op.cc | 16 + caffe2/operators/conv_transpose_op.h | 16 + caffe2/operators/conv_transpose_op_cudnn.cc | 16 + caffe2/operators/conv_transpose_op_gpu.cc | 16 + caffe2/operators/conv_transpose_op_impl.h | 16 + caffe2/operators/conv_transpose_op_mobile.cc | 16 + caffe2/operators/conv_transpose_op_mobile.h | 16 + .../operators/conv_transpose_op_mobile_impl.h | 16 + .../conv_transpose_op_mobile_test.cc | 16 + .../operators/conv_transpose_unpool_op_base.h | 16 + caffe2/operators/cos_op.cc | 16 + caffe2/operators/cos_op.cu | 16 + .../cosine_embedding_criterion_op.cc | 16 + .../cosine_embedding_criterion_op.cu | 16 + .../operators/cosine_embedding_criterion_op.h | 16 + caffe2/operators/counter_ops.cc | 16 + caffe2/operators/counter_ops.h | 16 + caffe2/operators/counter_ops_gpu.cc | 16 + caffe2/operators/create_scope_op.cc | 16 + caffe2/operators/create_scope_op.h | 16 + caffe2/operators/cross_entropy_op.cc | 16 + caffe2/operators/cross_entropy_op.cu | 16 + caffe2/operators/cross_entropy_op.h | 16 + caffe2/operators/dataset_ops.cc | 16 + caffe2/operators/dataset_ops.h | 16 + caffe2/operators/deform_conv_gradient_op.cc | 16 + caffe2/operators/deform_conv_op.cc | 16 + caffe2/operators/deform_conv_op.cu | 16 + caffe2/operators/deform_conv_op.h | 16 + caffe2/operators/deform_conv_op_impl.h | 16 + caffe2/operators/distance_op.cc | 16 + caffe2/operators/distance_op.cu | 16 + caffe2/operators/distance_op.h | 16 + caffe2/operators/do_op.cc | 16 + caffe2/operators/do_op.h | 16 + caffe2/operators/dropout_op.cc | 16 + caffe2/operators/dropout_op.cu | 16 + caffe2/operators/dropout_op.h | 16 + caffe2/operators/dropout_op_cudnn.cc | 16 + caffe2/operators/elementwise_add_op.cc | 16 + caffe2/operators/elementwise_div_op.cc | 16 + caffe2/operators/elementwise_linear_op.cc | 16 + caffe2/operators/elementwise_linear_op.cu | 16 + caffe2/operators/elementwise_linear_op.h | 16 + caffe2/operators/elementwise_logical_ops.cc | 16 + caffe2/operators/elementwise_logical_ops.h | 16 + caffe2/operators/elementwise_mul_op.cc | 16 + caffe2/operators/elementwise_op.cc | 16 + caffe2/operators/elementwise_op.cu | 16 + caffe2/operators/elementwise_op.h | 16 + caffe2/operators/elementwise_op_gpu_test.cc | 16 + caffe2/operators/elementwise_op_schema.cc | 16 + caffe2/operators/elementwise_op_test.cc | 16 + caffe2/operators/elementwise_op_test.h | 16 + caffe2/operators/elementwise_sub_op.cc | 16 + caffe2/operators/elementwise_sum_op.cc | 16 + caffe2/operators/elu_op.cc | 16 + caffe2/operators/elu_op.cu | 16 + caffe2/operators/elu_op.h | 16 + caffe2/operators/exp_op.cc | 16 + caffe2/operators/exp_op.cu | 16 + caffe2/operators/expand_squeeze_dims_op.cc | 16 + caffe2/operators/expand_squeeze_dims_op.h | 16 + .../operators/expand_squeeze_dims_op_gpu.cc | 16 + caffe2/operators/extend_tensor_op.cc | 16 + caffe2/operators/feed_blob_op.cc | 16 + caffe2/operators/feed_blob_op.h | 16 + caffe2/operators/filler_op.cc | 16 + caffe2/operators/filler_op.cu | 16 + caffe2/operators/filler_op.h | 16 + .../operators/find_duplicate_elements_op.cc | 16 + caffe2/operators/find_duplicate_elements_op.h | 16 + caffe2/operators/find_op.cc | 16 + caffe2/operators/find_op.cu | 16 + caffe2/operators/find_op.h | 16 + caffe2/operators/free_op.cc | 16 + caffe2/operators/free_op.h | 16 + caffe2/operators/free_op_gpu.cc | 16 + caffe2/operators/fully_connected_op.cc | 16 + caffe2/operators/fully_connected_op.h | 16 + caffe2/operators/fully_connected_op_gpu.cc | 16 + .../operators/fully_connected_op_gpu_test.cc | 16 + caffe2/operators/fully_connected_op_test.cc | 16 + caffe2/operators/given_tensor_fill_op.cc | 16 + caffe2/operators/given_tensor_fill_op.cu | 16 + caffe2/operators/given_tensor_fill_op.h | 16 + caffe2/operators/gru_unit_op.cc | 16 + caffe2/operators/gru_unit_op.h | 16 + caffe2/operators/gru_unit_op_gpu.cu | 16 + caffe2/operators/h_softmax_op.cc | 16 + caffe2/operators/h_softmax_op.h | 16 + caffe2/operators/half_float_ops.cc | 16 + caffe2/operators/half_float_ops.cu | 16 + caffe2/operators/half_float_ops.h | 16 + caffe2/operators/if_op.cc | 16 + caffe2/operators/if_op.h | 16 + caffe2/operators/im2col_op.cc | 16 + caffe2/operators/im2col_op.h | 16 + caffe2/operators/im2col_op_gpu.cc | 16 + caffe2/operators/index_hash_ops.cc | 16 + caffe2/operators/index_hash_ops.h | 16 + caffe2/operators/index_ops.cc | 16 + caffe2/operators/instance_norm_gradient_op.cc | 16 + caffe2/operators/instance_norm_op.cc | 16 + caffe2/operators/instance_norm_op.cu | 16 + caffe2/operators/instance_norm_op.h | 16 + caffe2/operators/last_n_window_collector.cc | 16 + caffe2/operators/layer_norm_op.cc | 16 + caffe2/operators/layer_norm_op.cu | 16 + caffe2/operators/layer_norm_op.h | 16 + caffe2/operators/leaky_relu_op.cc | 16 + caffe2/operators/leaky_relu_op.cu | 16 + caffe2/operators/leaky_relu_op.h | 16 + caffe2/operators/lengths_reducer_ops.cc | 16 + caffe2/operators/lengths_reducer_ops.h | 16 + .../lengths_reducer_rowwise_8bit_ops.cc | 16 + .../lengths_reducer_rowwise_8bit_ops.h | 17 +- caffe2/operators/lengths_tile_op.cc | 16 + caffe2/operators/lengths_tile_op.h | 16 + caffe2/operators/lengths_top_k_op.cc | 16 + caffe2/operators/lengths_top_k_op.h | 17 +- caffe2/operators/load_save_op.cc | 16 + caffe2/operators/load_save_op.h | 16 + caffe2/operators/load_save_op_gpu.cc | 16 + .../local_response_normalization_op.cc | 16 + .../local_response_normalization_op.cu | 16 + .../local_response_normalization_op.h | 16 + .../local_response_normalization_op_cudnn.cc | 16 + caffe2/operators/log_op.cc | 16 + caffe2/operators/log_op.cu | 16 + caffe2/operators/logit_op.cc | 16 + caffe2/operators/loss_op.cc | 16 + caffe2/operators/loss_op.cu | 16 + caffe2/operators/loss_op.h | 16 + caffe2/operators/lp_pool_op.cc | 16 + caffe2/operators/lp_pool_op.cu | 16 + caffe2/operators/lpnorm_op.cc | 16 + caffe2/operators/lpnorm_op.h | 16 + caffe2/operators/lstm_unit_op.cc | 16 + caffe2/operators/lstm_unit_op.h | 16 + caffe2/operators/lstm_unit_op_gpu.cu | 16 + caffe2/operators/map_ops.cc | 16 + caffe2/operators/map_ops.h | 16 + .../operators/margin_ranking_criterion_op.cc | 16 + .../operators/margin_ranking_criterion_op.cu | 16 + .../operators/margin_ranking_criterion_op.h | 16 + caffe2/operators/math_ops.cc | 16 + caffe2/operators/math_ops.cu | 16 + caffe2/operators/math_ops.h | 16 + caffe2/operators/matmul_op.cc | 16 + caffe2/operators/matmul_op.h | 16 + caffe2/operators/matmul_op_gpu.cc | 16 + caffe2/operators/max_pool_with_index.cu | 16 + caffe2/operators/max_pool_with_index.h | 16 + caffe2/operators/mem_query_op.cu | 16 + caffe2/operators/merge_id_lists_op.cc | 16 + caffe2/operators/merge_id_lists_op.h | 16 + caffe2/operators/multi_class_accuracy_op.cc | 16 + caffe2/operators/multi_class_accuracy_op.cu | 16 + caffe2/operators/multi_class_accuracy_op.h | 16 + caffe2/operators/negative_op.cc | 16 + caffe2/operators/negative_op.cu | 16 + caffe2/operators/no_default_engine_op.h | 16 + caffe2/operators/normalize_op.cc | 16 + caffe2/operators/normalize_op.cu | 16 + caffe2/operators/normalize_op.h | 16 + caffe2/operators/one_hot_ops.cc | 16 + caffe2/operators/one_hot_ops.cu | 16 + caffe2/operators/one_hot_ops.h | 16 + caffe2/operators/operator_fallback_gpu.h | 16 + .../operators/operator_fallback_gpu_test.cc | 16 + caffe2/operators/order_switch_ops.cc | 16 + caffe2/operators/order_switch_ops.cu | 16 + caffe2/operators/order_switch_ops.h | 16 + caffe2/operators/pack_rnn_sequence_op.cc | 16 + caffe2/operators/pack_rnn_sequence_op.h | 16 + caffe2/operators/pack_segments.cc | 16 + caffe2/operators/pack_segments.h | 16 + caffe2/operators/pack_segments_op_gpu.cc | 16 + caffe2/operators/pad_op.cc | 16 + caffe2/operators/pad_op.h | 16 + caffe2/operators/pad_op_gpu.cu | 16 + caffe2/operators/partition_ops.cc | 16 + caffe2/operators/partition_ops.h | 16 + caffe2/operators/perplexity_op.cc | 16 + caffe2/operators/perplexity_op.cu | 16 + caffe2/operators/perplexity_op.h | 16 + .../piecewise_linear_transform_op.cc | 16 + .../piecewise_linear_transform_op.cu | 16 + .../operators/piecewise_linear_transform_op.h | 16 + caffe2/operators/pool_gradient_op.cc | 16 + caffe2/operators/pool_op.cc | 16 + caffe2/operators/pool_op.cu | 16 + caffe2/operators/pool_op.h | 16 + caffe2/operators/pool_op_cudnn.cu | 16 + caffe2/operators/prefetch_op.h | 16 + caffe2/operators/prelu_op.cc | 16 + caffe2/operators/prelu_op.cu | 16 + caffe2/operators/prelu_op.h | 16 + caffe2/operators/prepend_dim_op.cc | 16 + caffe2/operators/prepend_dim_op.h | 17 +- caffe2/operators/prepend_dim_op_gpu.cc | 16 + caffe2/operators/rank_loss_op.cc | 16 + caffe2/operators/rank_loss_op.h | 16 + .../recurrent_network_blob_fetcher_op.cc | 16 + .../recurrent_network_blob_fetcher_op.h | 16 + .../recurrent_network_blob_fetcher_op_gpu.cc | 16 + .../operators/recurrent_network_executor.cc | 16 + caffe2/operators/recurrent_network_executor.h | 16 + .../recurrent_network_executor_gpu.cc | 16 + .../recurrent_network_executor_gpu.h | 16 + .../recurrent_network_executor_incl.h | 17 +- caffe2/operators/recurrent_network_op.cc | 16 + caffe2/operators/recurrent_network_op.h | 16 + caffe2/operators/recurrent_network_op_gpu.cu | 16 + caffe2/operators/recurrent_op_cudnn.cc | 16 + caffe2/operators/recurrent_op_cudnn.h | 16 + caffe2/operators/reducer_functors.h | 17 +- caffe2/operators/reduction_front_back_ops.cc | 16 + caffe2/operators/reduction_front_back_ops.cu | 16 + caffe2/operators/reduction_front_back_ops.h | 16 + caffe2/operators/reduction_ops.cc | 16 + caffe2/operators/reduction_ops.cu | 16 + caffe2/operators/reduction_ops.h | 16 + caffe2/operators/relu_op.cc | 16 + caffe2/operators/relu_op.cu | 16 + caffe2/operators/relu_op.h | 16 + caffe2/operators/relu_op_cudnn.cc | 16 + caffe2/operators/relu_op_fp16.cu | 16 + caffe2/operators/remove_data_blocks_op.cc | 16 + caffe2/operators/remove_data_blocks_op.h | 16 + caffe2/operators/replace_nan_op.cc | 16 + caffe2/operators/replace_nan_op.h | 16 + caffe2/operators/reservoir_sampling.cc | 16 + caffe2/operators/reshape_op.cc | 16 + caffe2/operators/reshape_op.h | 16 + caffe2/operators/reshape_op_gpu.cc | 16 + caffe2/operators/reshape_op_gpu_test.cc | 16 + caffe2/operators/resize_op.cc | 16 + caffe2/operators/resize_op.cu | 16 + caffe2/operators/resize_op.h | 17 +- caffe2/operators/reverse_packed_segs_op.cc | 16 + caffe2/operators/reverse_packed_segs_op.cu | 16 + caffe2/operators/reverse_packed_segs_op.h | 16 + caffe2/operators/rmac_regions_op.cc | 16 + caffe2/operators/rmac_regions_op.cu | 16 + caffe2/operators/rmac_regions_op.h | 17 +- caffe2/operators/roi_pool_op.cc | 16 + caffe2/operators/roi_pool_op.cu | 16 + caffe2/operators/roi_pool_op.h | 16 + caffe2/operators/rowmul_op.cc | 16 + caffe2/operators/rowmul_op.h | 16 + caffe2/operators/scale_op.cc | 16 + caffe2/operators/scale_op.h | 16 + caffe2/operators/scale_op_gpu.cc | 16 + caffe2/operators/segment_reduction_op.cc | 16 + caffe2/operators/segment_reduction_op.h | 16 + caffe2/operators/segment_reduction_op_gpu.cu | 16 + caffe2/operators/sequence_ops.cc | 16 + caffe2/operators/sequence_ops.h | 16 + caffe2/operators/shape_op.cc | 16 + caffe2/operators/shape_op.h | 17 +- caffe2/operators/shape_op_gpu.cc | 16 + caffe2/operators/sigmoid_op.cc | 16 + caffe2/operators/sigmoid_op.cu | 16 + caffe2/operators/sin_op.cc | 16 + caffe2/operators/sin_op.cu | 16 + .../sinusoid_position_encoding_op.cc | 16 + .../operators/sinusoid_position_encoding_op.h | 16 + caffe2/operators/slice_op.cc | 16 + caffe2/operators/slice_op.cu | 16 + caffe2/operators/slice_op.h | 17 +- caffe2/operators/softmax_op.cc | 16 + caffe2/operators/softmax_op.h | 16 + caffe2/operators/softmax_op_cudnn.cc | 16 + caffe2/operators/softmax_ops.cu | 16 + caffe2/operators/softmax_shared.cc | 16 + caffe2/operators/softmax_shared.h | 16 + caffe2/operators/softmax_with_loss_op.cc | 16 + caffe2/operators/softmax_with_loss_op.h | 16 + caffe2/operators/softplus_op.cc | 16 + caffe2/operators/softplus_op.cu | 16 + caffe2/operators/softplus_op.h | 16 + caffe2/operators/softsign_op.cc | 16 + caffe2/operators/softsign_op.cu | 16 + caffe2/operators/space_batch_op.cc | 16 + caffe2/operators/space_batch_op.h | 16 + caffe2/operators/space_batch_op_gpu.cu | 16 + caffe2/operators/sparse_to_dense_mask_op.cc | 16 + caffe2/operators/sparse_to_dense_mask_op.h | 16 + caffe2/operators/sparse_to_dense_op.cc | 16 + caffe2/operators/sparse_to_dense_op.cu | 16 + caffe2/operators/sparse_to_dense_op.h | 16 + .../spatial_batch_norm_gradient_op.cc | 16 + caffe2/operators/spatial_batch_norm_op.cc | 16 + caffe2/operators/spatial_batch_norm_op.h | 16 + .../operators/spatial_batch_norm_op_cudnn.cc | 16 + .../operators/spatial_softmax_with_loss_op.cc | 16 + .../operators/spatial_softmax_with_loss_op.h | 16 + caffe2/operators/square_root_divide_op.cc | 16 + caffe2/operators/square_root_divide_op.h | 16 + caffe2/operators/stats_ops.cc | 16 + caffe2/operators/stop_gradient.cc | 16 + caffe2/operators/stop_gradient.h | 16 + caffe2/operators/stop_gradient_gpu.cc | 16 + caffe2/operators/string_ops.cc | 16 + caffe2/operators/string_ops.h | 16 + caffe2/operators/string_ops_test.cc | 16 + caffe2/operators/summarize_op.cc | 16 + caffe2/operators/summarize_op.cu | 16 + caffe2/operators/summarize_op.h | 16 + caffe2/operators/tanh_op.cc | 16 + caffe2/operators/tanh_op.cu | 16 + caffe2/operators/tensor_protos_db_input.cc | 16 + caffe2/operators/tensor_protos_db_input.h | 16 + .../operators/tensor_protos_db_input_gpu.cc | 16 + caffe2/operators/text_file_reader.cc | 16 + caffe2/operators/text_file_reader_utils.cc | 16 + caffe2/operators/text_file_reader_utils.h | 16 + .../operators/text_file_reader_utils_test.cc | 16 + caffe2/operators/tile_op.cc | 16 + caffe2/operators/tile_op.cu | 16 + caffe2/operators/tile_op.h | 16 + caffe2/operators/top_k.cc | 16 + caffe2/operators/top_k.cu | 16 + caffe2/operators/top_k.h | 16 + caffe2/operators/transpose_op.cc | 16 + caffe2/operators/transpose_op.cu | 16 + caffe2/operators/transpose_op.h | 16 + caffe2/operators/transpose_op_cudnn.cc | 16 + caffe2/operators/tt_linear_op.cc | 16 + caffe2/operators/tt_linear_op.h | 16 + caffe2/operators/utility_ops.cc | 16 + caffe2/operators/utility_ops.cu | 16 + caffe2/operators/utility_ops.h | 16 + caffe2/operators/utility_ops_gpu.cc | 16 + caffe2/operators/utility_ops_gpu_test.cc | 16 + caffe2/operators/utility_ops_test.cc | 16 + caffe2/operators/while_op.cc | 16 + caffe2/operators/while_op.h | 16 + caffe2/operators/workspace_ops.cc | 16 + caffe2/operators/zero_gradient_op.cc | 16 + caffe2/operators/zero_gradient_op.h | 17 +- caffe2/operators/zero_gradient_op_gpu.cc | 16 + caffe2/perfkernels/common.h | 16 + caffe2/perfkernels/common_avx.cc | 16 + caffe2/perfkernels/common_avx2.cc | 16 + caffe2/perfkernels/cvtsh_ss_bugfix.h | 16 + caffe2/perfkernels/embedding_lookup.cc | 16 + caffe2/perfkernels/embedding_lookup.h | 16 + caffe2/perfkernels/embedding_lookup_avx2.cc | 16 + caffe2/perfkernels/hp_emblookup_codegen.py | 15 + caffe2/perfkernels/typed_axpy.cc | 16 + caffe2/perfkernels/typed_axpy.h | 16 + caffe2/perfkernels/typed_axpy_avx.cc | 16 + caffe2/perfkernels/typed_axpy_avx2.cc | 16 + caffe2/python/_import_c_extension.py | 15 + caffe2/python/allcompare_test.py | 15 + caffe2/python/attention.py | 15 + caffe2/python/benchmark_generator.py | 15 + caffe2/python/binarysize.py | 15 + caffe2/python/brew.py | 15 + caffe2/python/brew_test.py | 15 + caffe2/python/build.py | 15 + caffe2/python/caffe_translator.py | 15 + caffe2/python/caffe_translator_test.py | 15 + caffe2/python/checkpoint.py | 15 + caffe2/python/checkpoint_test.py | 15 + caffe2/python/cnn.py | 15 + caffe2/python/context.py | 15 + caffe2/python/context_test.py | 15 + caffe2/python/control.py | 15 + caffe2/python/control_ops_grad.py | 15 + caffe2/python/control_ops_util.py | 15 + caffe2/python/control_test.py | 15 + caffe2/python/convnet_benchmarks.py | 15 + caffe2/python/convnet_benchmarks_test.py | 15 + caffe2/python/core.py | 15 + caffe2/python/core_gradients_test.py | 15 + caffe2/python/core_test.py | 15 + caffe2/python/crf.py | 15 + caffe2/python/data_parallel_model.py | 15 + caffe2/python/data_parallel_model_test.py | 15 + caffe2/python/data_workers.py | 15 + caffe2/python/data_workers_test.py | 15 + caffe2/python/dataio.py | 15 + caffe2/python/dataio_test.py | 15 + caffe2/python/dataset.py | 15 + caffe2/python/db_test.py | 15 + caffe2/python/device_checker.py | 15 + caffe2/python/docs/formatter.py | 15 + caffe2/python/docs/generator.py | 15 + caffe2/python/docs/github.py | 15 + caffe2/python/docs/parser.py | 15 + caffe2/python/dyndep.py | 15 + .../python/embedding_generation_benchmark.py | 15 + caffe2/python/examples/char_rnn.py | 15 + caffe2/python/examples/lmdb_create_example.py | 15 + caffe2/python/examples/resnet50_trainer.py | 15 + caffe2/python/experiment_util.py | 15 + caffe2/python/extension_loader.py | 15 + caffe2/python/functional.py | 15 + caffe2/python/functional_test.py | 15 + caffe2/python/gradient_check_test.py | 15 + caffe2/python/gradient_checker.py | 15 + caffe2/python/gru_cell.py | 15 + caffe2/python/helpers/algebra.py | 15 + caffe2/python/helpers/arg_scope.py | 15 + caffe2/python/helpers/array_helpers.py | 15 + caffe2/python/helpers/conv.py | 15 + caffe2/python/helpers/dropout.py | 15 + caffe2/python/helpers/elementwise_linear.py | 15 + caffe2/python/helpers/fc.py | 15 + caffe2/python/helpers/nonlinearity.py | 15 + caffe2/python/helpers/normalization.py | 15 + caffe2/python/helpers/pooling.py | 15 + caffe2/python/helpers/tools.py | 15 + caffe2/python/helpers/train.py | 15 + caffe2/python/hsm_util.py | 15 + caffe2/python/hypothesis_test.py | 15 + caffe2/python/hypothesis_test_util.py | 15 + caffe2/python/layer_model_helper.py | 15 + caffe2/python/layer_model_instantiator.py | 15 + caffe2/python/layer_parameter_sharing_test.py | 15 + caffe2/python/layer_test_util.py | 15 + caffe2/python/layers/__init__.py | 15 + caffe2/python/layers/add_bias.py | 15 + .../python/layers/arc_cosine_feature_map.py | 15 + caffe2/python/layers/batch_distill_lr_loss.py | 15 + caffe2/python/layers/batch_lr_loss.py | 15 + caffe2/python/layers/batch_mse_loss.py | 15 + caffe2/python/layers/batch_normalization.py | 15 + .../batch_sigmoid_cross_entropy_loss.py | 15 + caffe2/python/layers/batch_softmax_loss.py | 15 + caffe2/python/layers/build_index.py | 15 + caffe2/python/layers/concat.py | 15 + caffe2/python/layers/conv.py | 15 + caffe2/python/layers/dropout.py | 15 + caffe2/python/layers/fc.py | 15 + caffe2/python/layers/fc_without_bias.py | 15 + .../python/layers/feature_sparse_to_dense.py | 15 + caffe2/python/layers/functional.py | 15 + caffe2/python/layers/gather_record.py | 15 + .../python/layers/last_n_window_collector.py | 15 + caffe2/python/layers/layers.py | 15 + caffe2/python/layers/merge_id_lists.py | 15 + caffe2/python/layers/pairwise_dot_product.py | 15 + caffe2/python/layers/position_weighted.py | 15 + .../python/layers/random_fourier_features.py | 15 + caffe2/python/layers/reservoir_sampling.py | 15 + caffe2/python/layers/sampling_train.py | 15 + .../python/layers/sampling_trainable_mixin.py | 15 + .../python/layers/select_record_by_context.py | 15 + caffe2/python/layers/semi_random_features.py | 15 + caffe2/python/layers/sparse_feature_hash.py | 15 + caffe2/python/layers/sparse_lookup.py | 15 + caffe2/python/layers/split.py | 15 + caffe2/python/layers/tags.py | 15 + caffe2/python/layers/uniform_sampling.py | 15 + caffe2/python/layers_test.py | 15 + .../lengths_reducer_rowwise_8bit_ops_test.py | 15 + caffe2/python/load_save_test.py | 15 + caffe2/python/lstm_benchmark.py | 15 + caffe2/python/memonger.py | 15 + caffe2/python/memonger_test.py | 15 + caffe2/python/mint/app.py | 15 + caffe2/python/mkl/convnet_benchmarks.py | 15 + caffe2/python/mkl/mkl_LRN_op_test.py | 15 + caffe2/python/mkl/mkl_LRN_speed_test.py | 15 + caffe2/python/mkl/mkl_conv_op_test.py | 15 + caffe2/python/mkl/mkl_copy_op_test.py | 15 + .../python/mkl/mkl_elementwise_sum_op_test.py | 15 + caffe2/python/mkl/mkl_fc_op_test.py | 15 + caffe2/python/mkl/mkl_fc_speed_test.py | 15 + caffe2/python/mkl/mkl_fill_op_test.py | 15 + caffe2/python/mkl/mkl_pool_op_test.py | 15 + caffe2/python/mkl/mkl_pool_speed_test.py | 15 + caffe2/python/mkl/mkl_relu_op_test.py | 15 + caffe2/python/mkl/mkl_sbn_op_test.py | 15 + caffe2/python/mkl/mkl_sbn_speed_test.py | 15 + caffe2/python/mkl/mkl_speed_test.py | 15 + caffe2/python/mkl/rewrite_graph.py | 15 + caffe2/python/mkl/rewrite_graph_test.py | 15 + caffe2/python/mkl_test_util.py | 15 + caffe2/python/model_device_test.py | 15 + caffe2/python/model_helper.py | 15 + caffe2/python/modeling/initializers.py | 15 + caffe2/python/modeling/initializers_test.py | 15 + caffe2/python/modeling/parameter_info.py | 15 + caffe2/python/modeling/parameter_sharing.py | 15 + .../python/modeling/parameter_sharing_test.py | 15 + caffe2/python/models/__sym_init__.py | 15 + caffe2/python/models/download.py | 15 + caffe2/python/models/resnet.py | 15 + caffe2/python/models/resnet_test.py | 15 + caffe2/python/models/seq2seq/beam_search.py | 15 + .../seq2seq/seq2seq_beam_search_test.py | 15 + .../models/seq2seq/seq2seq_model_helper.py | 15 + .../seq2seq/seq2seq_model_helper_test.py | 15 + caffe2/python/models/seq2seq/seq2seq_util.py | 15 + caffe2/python/models/seq2seq/train.py | 15 + caffe2/python/models/seq2seq/translate.py | 15 + caffe2/python/modifier_context.py | 15 + caffe2/python/mpi_python.cc | 16 + caffe2/python/muji.py | 15 + caffe2/python/muji_test.py | 15 + caffe2/python/net_builder.py | 15 + caffe2/python/net_builder_test.py | 15 + caffe2/python/net_drawer.py | 15 + caffe2/python/net_printer.py | 15 + caffe2/python/net_printer_test.py | 15 + .../operator_test/activation_ops_test.py | 15 + caffe2/python/operator_test/adagrad_test.py | 15 + caffe2/python/operator_test/adam_test.py | 15 + caffe2/python/operator_test/apmeter_test.py | 15 + .../python/operator_test/atomic_ops_test.py | 15 + .../operator_test/batch_box_cox_test.py | 15 + .../operator_test/blobs_queue_db_test.py | 15 + .../python/operator_test/boolean_mask_test.py | 15 + .../operator_test/boolean_unmask_test.py | 15 + .../operator_test/channel_shuffle_test.py | 15 + .../python/operator_test/checkpoint_test.py | 15 + caffe2/python/operator_test/clip_op_test.py | 15 + .../operator_test/concat_split_op_test.py | 15 + .../python/operator_test/conditional_test.py | 15 + caffe2/python/operator_test/conv_test.py | 15 + .../operator_test/conv_transpose_test.py | 15 + caffe2/python/operator_test/copy_ops_test.py | 15 + .../cosine_embedding_criterion_op_test.py | 15 + .../python/operator_test/counter_ops_test.py | 15 + caffe2/python/operator_test/crf_test.py | 15 + .../operator_test/cross_entropy_ops_test.py | 15 + .../operator_test/cudnn_recurrent_test.py | 15 + .../python/operator_test/dataset_ops_test.py | 15 + .../python/operator_test/distance_op_test.py | 15 + .../python/operator_test/dropout_op_test.py | 15 + .../operator_test/duplicate_operands_test.py | 15 + .../elementwise_linear_op_test.py | 15 + .../elementwise_logical_ops_test.py | 15 + .../elementwise_op_broadcast_test.py | 15 + .../operator_test/elementwise_ops_test.py | 15 + .../operator_test/emptysample_ops_test.py | 15 + .../operator_test/extend_tensor_op_test.py | 15 + .../python/operator_test/fc_operator_test.py | 15 + .../python/operator_test/filler_ops_test.py | 15 + caffe2/python/operator_test/find_op_test.py | 15 + .../python/operator_test/gather_ops_test.py | 15 + .../operator_test/gather_ranges_op_test.py | 15 + .../given_tensor_fill_op_test.py | 15 + .../python/operator_test/group_conv_test.py | 15 + caffe2/python/operator_test/gru_test.py | 15 + caffe2/python/operator_test/hsm_test.py | 15 + .../operator_test/im2col_col2im_test.py | 15 + .../operator_test/image_input_op_test.py | 15 + .../operator_test/index_hash_ops_test.py | 15 + caffe2/python/operator_test/index_ops_test.py | 15 + .../operator_test/instance_norm_test.py | 15 + .../operator_test/layer_norm_op_test.py | 15 + .../python/operator_test/leaky_relu_test.py | 15 + .../operator_test/lengths_tile_op_test.py | 15 + .../operator_test/lengths_top_k_ops_test.py | 15 + caffe2/python/operator_test/loss_ops_test.py | 15 + caffe2/python/operator_test/lpnorm_op_test.py | 15 + caffe2/python/operator_test/map_ops_test.py | 15 + .../margin_ranking_criterion_op_test.py | 15 + caffe2/python/operator_test/math_ops_test.py | 15 + caffe2/python/operator_test/matmul_op_test.py | 15 + .../operator_test/merge_id_lists_op_test.py | 15 + .../python/operator_test/mkl_conv_op_test.py | 15 + .../operator_test/mkl_packed_fc_op_test.py | 15 + caffe2/python/operator_test/mkl_speed_test.py | 15 + .../python/operator_test/momentum_sgd_test.py | 15 + caffe2/python/operator_test/mpi_test.py | 15 + .../python/operator_test/normalize_op_test.py | 15 + .../python/operator_test/one_hot_ops_test.py | 15 + caffe2/python/operator_test/pack_ops_test.py | 15 + .../pack_rnn_sequence_op_test.py | 15 + caffe2/python/operator_test/pad_test.py | 15 + .../operator_test/partition_ops_test.py | 15 + .../piecewise_linear_transform_test.py | 15 + caffe2/python/operator_test/pooling_test.py | 15 + .../python/operator_test/prepend_dim_test.py | 15 + caffe2/python/operator_test/python_op_test.py | 15 + .../operator_test/rank_loss_operator_test.py | 15 + .../operator_test/rebatching_queue_test.py | 15 + .../python/operator_test/record_queue_test.py | 15 + .../recurrent_net_executor_test.py | 15 + .../operator_test/recurrent_network_test.py | 15 + .../python/operator_test/reduce_ops_test.py | 15 + .../operator_test/reduction_ops_test.py | 15 + caffe2/python/operator_test/relu_op_test.py | 15 + .../python/operator_test/reshape_ops_test.py | 15 + caffe2/python/operator_test/resize_op_test.py | 15 + .../operator_test/rmac_regions_op_test.py | 15 + caffe2/python/operator_test/rnn_cell_test.py | 15 + .../python/operator_test/segment_ops_test.py | 15 + .../python/operator_test/sequence_ops_test.py | 15 + .../operator_test/shape_inference_test.py | 15 + .../sinusoid_position_encoding_op_test.py | 15 + .../python/operator_test/softmax_ops_test.py | 15 + .../python/operator_test/softplus_op_test.py | 15 + .../sparse_gradient_checker_test.py | 15 + .../sparse_lengths_sum_benchmark.py | 15 + .../python/operator_test/sparse_ops_test.py | 15 + .../sparse_to_dense_mask_op_test.py | 15 + .../operator_test/spatial_bn_op_test.py | 15 + .../specialized_segment_ops_test.py | 15 + .../square_root_divide_op_test.py | 15 + caffe2/python/operator_test/stats_ops_test.py | 15 + .../python/operator_test/string_ops_test.py | 15 + .../operator_test/text_file_reader_test.py | 15 + caffe2/python/operator_test/tile_op_test.py | 15 + caffe2/python/operator_test/top_k_test.py | 15 + .../unique_uniform_fill_op_test.py | 15 + .../python/operator_test/utility_ops_test.py | 15 + .../operator_test/video_input_op_test.py | 15 + caffe2/python/optimizer.py | 15 + caffe2/python/optimizer_context.py | 15 + caffe2/python/optimizer_test.py | 15 + caffe2/python/optimizer_test_util.py | 15 + caffe2/python/parallel_workers.py | 15 + caffe2/python/parallel_workers_test.py | 15 + .../parallelize_gpu_bmuf_distributed_test.py | 15 + caffe2/python/pipeline.py | 15 + caffe2/python/pipeline_test.py | 15 + caffe2/python/predictor/mobile_exporter.py | 15 + .../python/predictor/mobile_exporter_test.py | 15 + caffe2/python/predictor/predictor_exporter.py | 15 + .../predictor/predictor_exporter_test.py | 15 + caffe2/python/predictor/predictor_py_utils.py | 15 + caffe2/python/predictor/serde.py | 15 + caffe2/python/predictor_constants.py | 15 + caffe2/python/pybind_state.cc | 16 + caffe2/python/pybind_state.h | 16 + caffe2/python/pybind_state_gpu.cc | 16 + caffe2/python/pybind_state_mkl.cc | 16 + caffe2/python/python_op_test.py | 15 + caffe2/python/queue_util.py | 15 + caffe2/python/record_queue.py | 15 + caffe2/python/recurrent.py | 15 + caffe2/python/regularizer.py | 15 + caffe2/python/regularizer_context.py | 15 + caffe2/python/rnn/lstm_comparison.py | 15 + caffe2/python/rnn/rnn_cell_test_util.py | 15 + caffe2/python/rnn_cell.py | 15 + caffe2/python/schema.py | 15 + caffe2/python/schema_test.py | 15 + caffe2/python/scope.py | 15 + caffe2/python/scope_test.py | 15 + caffe2/python/session.py | 15 + caffe2/python/session_test.py | 15 + caffe2/python/sparse_to_dense_mask_test.py | 15 + caffe2/python/task.py | 15 + caffe2/python/test_util.py | 15 + caffe2/python/text_file_reader.py | 15 + caffe2/python/timeout_guard.py | 15 + caffe2/python/toy_regression_test.py | 15 + caffe2/python/tt_core.py | 15 + caffe2/python/tt_core_test.py | 15 + caffe2/python/utils.py | 15 + caffe2/python/visualize.py | 15 + caffe2/python/workspace.py | 15 + caffe2/python/workspace_test.py | 15 + caffe2/queue/blobs_queue.cc | 16 + caffe2/queue/blobs_queue.h | 16 + caffe2/queue/blobs_queue_db.cc | 16 + caffe2/queue/blobs_queue_db.h | 17 +- caffe2/queue/queue_ops.cc | 16 + caffe2/queue/queue_ops.h | 16 + caffe2/queue/queue_ops_gpu.cc | 16 + caffe2/queue/rebatching_queue.cc | 16 + caffe2/queue/rebatching_queue.h | 16 + caffe2/queue/rebatching_queue_ops.cc | 16 + caffe2/queue/rebatching_queue_ops.h | 16 + caffe2/sgd/adagrad_op.cc | 16 + caffe2/sgd/adagrad_op.h | 16 + caffe2/sgd/adagrad_op_gpu.cu | 16 + caffe2/sgd/adam_op.cc | 16 + caffe2/sgd/adam_op.h | 16 + caffe2/sgd/adam_op_gpu.cu | 16 + caffe2/sgd/ftrl_op.cc | 16 + caffe2/sgd/ftrl_op.h | 16 + caffe2/sgd/iter_op.cc | 16 + caffe2/sgd/iter_op.h | 16 + caffe2/sgd/iter_op_gpu.cc | 16 + caffe2/sgd/learning_rate_functors.h | 16 + caffe2/sgd/learning_rate_op.cc | 16 + caffe2/sgd/learning_rate_op.h | 16 + caffe2/sgd/learning_rate_op_gpu.cc | 16 + caffe2/sgd/momentum_sgd_op.cc | 16 + caffe2/sgd/momentum_sgd_op.h | 16 + caffe2/sgd/momentum_sgd_op_gpu.cu | 16 + caffe2/sgd/rmsprop_op.cc | 16 + caffe2/sgd/rmsprop_op.h | 16 + caffe2/sgd/rmsprop_op_gpu.cu | 16 + caffe2/sgd/yellowfin_op.cc | 16 + caffe2/sgd/yellowfin_op.h | 16 + caffe2/sgd/yellowfin_op_gpu.cu | 16 + caffe2/test/caffe2_gtest_main.cc | 16 + .../common_subexpression_elimination.cc | 16 + .../common_subexpression_elimination.h | 17 +- .../common_subexpression_elimination_test.cc | 16 + caffe2/transforms/conv_to_nnpack_transform.cc | 16 + caffe2/transforms/conv_to_nnpack_transform.h | 16 + .../conv_to_nnpack_transform_test.cc | 16 + caffe2/transforms/pattern_net_transform.cc | 16 + caffe2/transforms/pattern_net_transform.h | 16 + .../transforms/pattern_net_transform_test.cc | 16 + caffe2/transforms/single_op_transform.cc | 16 + caffe2/transforms/single_op_transform.h | 16 + caffe2/utils/cast.h | 16 + caffe2/utils/conversions.h | 16 + caffe2/utils/cpu_neon.h | 16 + caffe2/utils/cpuid.cc | 16 + caffe2/utils/cpuid.h | 16 + caffe2/utils/cpuid_test.cc | 16 + caffe2/utils/fatal_signal_asan_no_sig_test.cc | 16 + caffe2/utils/fixed_divisor.h | 16 + caffe2/utils/fixed_divisor_test.cc | 16 + caffe2/utils/math-detail.h | 16 + caffe2/utils/math.h | 16 + caffe2/utils/math_cpu.cc | 16 + caffe2/utils/math_gpu.cu | 16 + caffe2/utils/math_gpu_test.cc | 16 + caffe2/utils/math_test.cc | 16 + caffe2/utils/proto_utils.cc | 16 + caffe2/utils/proto_utils.h | 16 + caffe2/utils/proto_utils_test.cc | 16 + caffe2/utils/signal_handler.cc | 16 + caffe2/utils/signal_handler.h | 16 + caffe2/utils/simple_queue.h | 16 + caffe2/utils/simple_queue_test.cc | 16 + caffe2/utils/smart_tensor_printer.cc | 16 + caffe2/utils/smart_tensor_printer.h | 16 + caffe2/utils/smart_tensor_printer_test.cc | 16 + caffe2/utils/string_utils.cc | 16 + caffe2/utils/string_utils.h | 16 + caffe2/utils/thread_pool.h | 16 + caffe2/utils/threadpool/ThreadPool.cc | 16 + caffe2/utils/threadpool/ThreadPool.h | 16 + caffe2/utils/threadpool/ThreadPoolCommon.h | 16 + caffe2/utils/threadpool/WorkersPool.h | 16 + caffe2/utils/threadpool/pthreadpool.cc | 16 + caffe2/utils/threadpool/pthreadpool.h | 16 + caffe2/utils/threadpool/pthreadpool_impl.cc | 16 + caffe2/utils/threadpool/pthreadpool_impl.h | 16 + caffe2/utils/zmq_helper.h | 16 + caffe2/video/video_decoder.cc | 16 + caffe2/video/video_decoder.h | 16 + caffe2/video/video_input_op.cc | 16 + caffe2/video/video_input_op.h | 16 + caffe2/video/video_input_op_gpu.cc | 16 + caffe2/video/video_io.cc | 16 + caffe2/video/video_io.h | 16 + scripts/add_apache_header.sh | 1 + scripts/apache_header.txt | 16 + scripts/temp.sh | 6 + 1183 files changed, 18817 insertions(+), 255 deletions(-) create mode 100644 NOTICE delete mode 100644 PATENTS mode change 100755 => 100644 caffe2/contrib/gloo/gloo_test.py mode change 100755 => 100644 caffe2/mobile/contrib/opengl/android/gl3stub.h create mode 100755 scripts/add_apache_header.sh create mode 100644 scripts/apache_header.txt create mode 100644 scripts/temp.sh diff --git a/LICENSE b/LICENSE index f0f0527fad0ff..261eeb9e9f8b2 100644 --- a/LICENSE +++ b/LICENSE @@ -1,129 +1,201 @@ -COPYRIGHT - -All contributions by Facebook: -Copyright (c) 2016 Facebook Inc. - -All contributions by Google: -Copyright (c) 2015 Google Inc. -All rights reserved. - -All contributions by Yangqing Jia: -Copyright (c) 2015 Yangqing Jia -All rights reserved. - -All contributions from Caffe: -Copyright(c) 2013, 2014, 2015, the respective contributors -All rights reserved. - -All other contributions: -Copyright(c) 2015, 2016 the respective contributors -All rights reserved. - -Caffe2 uses a copyright model similar to Caffe: each contributor holds -copyright over their contributions to Caffe2. The project versioning records -all such contribution and copyright details. If a contributor wants to further -mark their specific copyright on a particular contribution, they should -indicate their copyright solely in the commit message of the change when it is -committed. - -== LICENSE == - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - -1. Redistributions of source code must retain the above copyright notice, this - list of conditions and the following disclaimer. -2. Redistributions in binary form must reproduce the above copyright notice, - this list of conditions and the following disclaimer in the documentation - and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND -ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES -(INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; -LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND -ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS -SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. - -== DECLARATION == - -Some parts of the caffe2 code is derived from the original Caffe code, which is -created by Yangqing Jia and is now a BSD-licensed open-source project. The Caffe -license is as follows: - -*** begin Caffe license *** -COPYRIGHT - -All contributions by the University of California: -Copyright (c) 2014, The Regents of the University of California (Regents) -All rights reserved. - -All other contributions: -Copyright (c) 2014, the respective contributors -All rights reserved. - -Caffe uses a shared copyright model: each contributor holds copyright over -their contributions to Caffe. The project versioning records all such -contribution and copyright details. If a contributor wants to further mark -their specific copyright on a particular contribution, they should indicate -their copyright solely in the commit message of the change when it is -committed. - -LICENSE - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - -1. Redistributions of source code must retain the above copyright notice, this - list of conditions and the following disclaimer. -2. Redistributions in binary form must reproduce the above copyright notice, - this list of conditions and the following disclaimer in the documentation - and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND -ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES -(INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; -LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND -ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS -SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. - -CONTRIBUTION AGREEMENT - -By contributing to the BVLC/caffe repository through pull-request, comment, -or otherwise, the contributor releases their content to the -license and copyright terms herein. -*** end Caffe license *** - -Some part of the caffe2 code (caffe2/utils/zmq.hpp) comes from the open-source -zmqhpp project under the MIT license. The zmqhpp license is as follows: - -*** begin zmqhpp license *** -Copyright (c) 2009-2011 250bpm s.r.o. -Copyright (c) 2011 Botond Ballo -Copyright (c) 2007-2009 iMatix Corporation - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to -deal in the Software without restriction, including without limitation the -rights to use, copy, modify, merge, publish, distribute, sublicense, and/or -sell copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in -all copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING -FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS -IN THE SOFTWARE. -*** end zmqhpp license *** + Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [yyyy] [name of copyright owner] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. diff --git a/NOTICE b/NOTICE new file mode 100644 index 0000000000000..a9a444dac1a6e --- /dev/null +++ b/NOTICE @@ -0,0 +1,129 @@ +Copyright (c) 2016-present, Facebook Inc. All rights reserved. + +All contributions by Facebook: +Copyright (c) 2016 Facebook Inc. + +All contributions by Google: +Copyright (c) 2015 Google Inc. +All rights reserved. + +All contributions by Yangqing Jia: +Copyright (c) 2015 Yangqing Jia +All rights reserved. + +All contributions from Caffe: +Copyright(c) 2013, 2014, 2015, the respective contributors +All rights reserved. + +All other contributions: +Copyright(c) 2015, 2016 the respective contributors +All rights reserved. + +Caffe2 uses a copyright model similar to Caffe: each contributor holds +copyright over their contributions to Caffe2. The project versioning records +all such contribution and copyright details. If a contributor wants to further +mark their specific copyright on a particular contribution, they should +indicate their copyright solely in the commit message of the change when it is +committed. + +======================================================================= +Software under third_party +======================================================================= +Software libraries under third_party are provided as github submodule +links, and their content is not part of the Caffe2 codebase. Their +licences can be found under the respective software repositories. + +======================================================================= +Earlier BSD License +======================================================================= +Early development of Caffe2 in 2015 and early 2016 is licensed under the +BSD license. The license is attached below: + +All contributions by Facebook: +Copyright (c) 2016 Facebook Inc. + +All contributions by Google: +Copyright (c) 2015 Google Inc. +All rights reserved. + +All contributions by Yangqing Jia: +Copyright (c) 2015 Yangqing Jia +All rights reserved. + +All other contributions: +Copyright(c) 2015, 2016 the respective contributors +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +1. Redistributions of source code must retain the above copyright notice, this + list of conditions and the following disclaimer. +2. Redistributions in binary form must reproduce the above copyright notice, + this list of conditions and the following disclaimer in the documentation + and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES +(INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; +LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND +ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS +SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + + +======================================================================= +Caffe's BSD License +======================================================================= +Some parts of the caffe2 code is derived from the original Caffe code, which is +created by Yangqing Jia and is now a BSD-licensed open-source project. The Caffe +license is as follows: + +COPYRIGHT + +All contributions by the University of California: +Copyright (c) 2014, The Regents of the University of California (Regents) +All rights reserved. + +All other contributions: +Copyright (c) 2014, the respective contributors +All rights reserved. + +Caffe uses a shared copyright model: each contributor holds copyright over +their contributions to Caffe. The project versioning records all such +contribution and copyright details. If a contributor wants to further mark +their specific copyright on a particular contribution, they should indicate +their copyright solely in the commit message of the change when it is +committed. + +LICENSE + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +1. Redistributions of source code must retain the above copyright notice, this + list of conditions and the following disclaimer. +2. Redistributions in binary form must reproduce the above copyright notice, + this list of conditions and the following disclaimer in the documentation + and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES +(INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; +LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND +ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS +SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +CONTRIBUTION AGREEMENT + +By contributing to the BVLC/caffe repository through pull-request, comment, +or otherwise, the contributor releases their content to the +license and copyright terms herein. + diff --git a/PATENTS b/PATENTS deleted file mode 100644 index 01ad8cfb02da9..0000000000000 --- a/PATENTS +++ /dev/null @@ -1,33 +0,0 @@ -Additional Grant of Patent Rights Version 2 - -"Software" means the Caffe2 software components contributed by Facebook, Inc. - -Facebook, Inc. ("Facebook") hereby grants to each recipient of the Software -("you") a perpetual, worldwide, royalty-free, non-exclusive, irrevocable -(subject to the termination provision below) license under any Necessary -Claims, to make, have made, use, sell, offer to sell, import, and otherwise -transfer the Software. For avoidance of doubt, no license is granted under -Facebook’s rights in any patent claims that are infringed by (i) modifications -to the Software made by you or any third party or (ii) the Software in -combination with any software or other technology. - -The license granted hereunder will terminate, automatically and without notice, -if you (or any of your subsidiaries, corporate affiliates or agents) initiate -directly or indirectly, or take a direct financial interest in, any Patent -Assertion: (i) against Facebook or any of its subsidiaries or corporate -affiliates, (ii) against any party if such Patent Assertion arises in whole or -in part from any software, technology, product or service of Facebook or any of -its subsidiaries or corporate affiliates, or (iii) against any party relating -to the Software. Notwithstanding the foregoing, if Facebook or any of its -subsidiaries or corporate affiliates files a lawsuit alleging patent -infringement against you in the first instance, and you respond by filing a -patent infringement counterclaim in that lawsuit against that party that is -unrelated to the Software, the license granted hereunder will not terminate -under section (i) of this paragraph due to such counterclaim. - -A "Necessary Claim" is a claim of a patent owned by Facebook that is -necessarily infringed by the Software standing alone. - -A "Patent Assertion" is any lawsuit or other action alleging direct, indirect, -or contributory infringement or inducement to infringe any patent, including a -cross-claim or counterclaim. diff --git a/README.md b/README.md index 1604ea88e71c1..48d8b72ae4c9c 100644 --- a/README.md +++ b/README.md @@ -1,7 +1,8 @@ # Caffe2 -[![TravisCI Build Status](https://travis-ci.org/caffe2/caffe2.svg?branch=master)](https://travis-ci.org/caffe2/caffe2) -[![Appveyor Build Status](https://ci.appveyor.com/api/projects/status/github/caffe2/caffe2?svg=true)](https://ci.appveyor.com/project/Yangqing/caffe2) +[![License](https://img.shields.io/badge/License-Apache%202.0-brightgreen.svg)](https://opensource.org/licenses/Apache-2.0) +[![TravisCI Build Status](https://img.shields.io/travis/caffe2/caffe2.svg)](https://travis-ci.org/caffe2/caffe2) +[![Appveyor Build Status](https://img.shields.io/appveyor/ci/Yangqing/caffe2.svg)](https://ci.appveyor.com/project/Yangqing/caffe2) Caffe2 is a lightweight, modular, and scalable deep learning framework. Building on the original [Caffe](http://caffe.berkeleyvision.org), Caffe2 is designed with expression, speed, and modularity in mind. @@ -16,9 +17,9 @@ Please use Github issues (/~https://github.com/caffe2/caffe2/issues) to ask questi Please participate in our survey (https://www.surveymonkey.com/r/caffe2). We will send you information about new releases and special developer events/webinars. -## License and Citation +## License -Caffe2 is released under the [BSD 2-Clause license](/~https://github.com/Yangqing/caffe2/blob/master/LICENSE). +Caffe2 is released under the [Apache 2.0 license](/~https://github.com/caffe2/caffe2/blob/master/LICENSE). See the [NOTICE](/~https://github.com/caffe2/caffe2/blob/master/NOTICE) file for details. ### Further Resources on [Caffe2.ai](http://caffe2.ai) diff --git a/caffe2/binaries/convert_caffe_image_db.cc b/caffe2/binaries/convert_caffe_image_db.cc index b311a01ed8aba..ef5a57087f356 100644 --- a/caffe2/binaries/convert_caffe_image_db.cc +++ b/caffe2/binaries/convert_caffe_image_db.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/db.h" #include "caffe2/core/init.h" #include "caffe2/proto/caffe2.pb.h" diff --git a/caffe2/binaries/convert_db.cc b/caffe2/binaries/convert_db.cc index 57e995115fdc8..cb0710a7b3377 100644 --- a/caffe2/binaries/convert_db.cc +++ b/caffe2/binaries/convert_db.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/db.h" #include "caffe2/core/init.h" #include "caffe2/proto/caffe2.pb.h" diff --git a/caffe2/binaries/convert_encoded_to_raw_leveldb.cc b/caffe2/binaries/convert_encoded_to_raw_leveldb.cc index baedab489a232..4e272fc2ec113 100644 --- a/caffe2/binaries/convert_encoded_to_raw_leveldb.cc +++ b/caffe2/binaries/convert_encoded_to_raw_leveldb.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + // This script converts an image dataset to leveldb. // // caffe2::FLAGS_input_folder is the root folder that holds all the images, and diff --git a/caffe2/binaries/core_overhead_benchmark.cc b/caffe2/binaries/core_overhead_benchmark.cc index 0bd296f73c78c..00cdc2e8fe4e9 100644 --- a/caffe2/binaries/core_overhead_benchmark.cc +++ b/caffe2/binaries/core_overhead_benchmark.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "benchmark/benchmark.h" #include "caffe2/core/context.h" diff --git a/caffe2/binaries/db_throughput.cc b/caffe2/binaries/db_throughput.cc index 25b3ef4167aa0..5d8fe5cd3c2af 100644 --- a/caffe2/binaries/db_throughput.cc +++ b/caffe2/binaries/db_throughput.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include #include diff --git a/caffe2/binaries/inspect_gpus.cc b/caffe2/binaries/inspect_gpus.cc index db0a061671cdf..6b80a4e90b340 100644 --- a/caffe2/binaries/inspect_gpus.cc +++ b/caffe2/binaries/inspect_gpus.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include diff --git a/caffe2/binaries/make_cifar_db.cc b/caffe2/binaries/make_cifar_db.cc index 1c5ffd1ad25c2..9f9c0bc7440fe 100644 --- a/caffe2/binaries/make_cifar_db.cc +++ b/caffe2/binaries/make_cifar_db.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + // // This script converts the CIFAR dataset to the leveldb format used // by caffe to perform classification. diff --git a/caffe2/binaries/make_image_db.cc b/caffe2/binaries/make_image_db.cc index 1904447db9971..3b323538aa895 100644 --- a/caffe2/binaries/make_image_db.cc +++ b/caffe2/binaries/make_image_db.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + // This script converts an image dataset to a database. // // caffe2::FLAGS_input_folder is the root folder that holds all the images, and diff --git a/caffe2/binaries/make_mnist_db.cc b/caffe2/binaries/make_mnist_db.cc index c307df4468947..8737d0e8531b3 100644 --- a/caffe2/binaries/make_mnist_db.cc +++ b/caffe2/binaries/make_mnist_db.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + // This script converts the MNIST dataset to leveldb. // The MNIST dataset could be downloaded at // http://yann.lecun.com/exdb/mnist/ diff --git a/caffe2/binaries/predictor_verifier.cc b/caffe2/binaries/predictor_verifier.cc index 06214126c640d..8273400b889dd 100644 --- a/caffe2/binaries/predictor_verifier.cc +++ b/caffe2/binaries/predictor_verifier.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/flags.h" #include "caffe2/core/init.h" #include "caffe2/core/predictor.h" diff --git a/caffe2/binaries/print_core_object_sizes.cc b/caffe2/binaries/print_core_object_sizes.cc index 3924e3dcbcc68..2000c349fb8b9 100644 --- a/caffe2/binaries/print_core_object_sizes.cc +++ b/caffe2/binaries/print_core_object_sizes.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/init.h" diff --git a/caffe2/binaries/print_registered_core_operators.cc b/caffe2/binaries/print_registered_core_operators.cc index 2650389f9d8dd..c76ea3eacac95 100644 --- a/caffe2/binaries/print_registered_core_operators.cc +++ b/caffe2/binaries/print_registered_core_operators.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include diff --git a/caffe2/binaries/run_plan.cc b/caffe2/binaries/run_plan.cc index 7bc4c64bc065d..65f4325fcb62d 100644 --- a/caffe2/binaries/run_plan.cc +++ b/caffe2/binaries/run_plan.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/init.h" #include "caffe2/core/operator.h" #include "caffe2/proto/caffe2.pb.h" diff --git a/caffe2/binaries/run_plan_mpi.cc b/caffe2/binaries/run_plan_mpi.cc index dda9a8f1feb24..0a04cdd574b12 100644 --- a/caffe2/binaries/run_plan_mpi.cc +++ b/caffe2/binaries/run_plan_mpi.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/init.h" diff --git a/caffe2/binaries/speed_benchmark.cc b/caffe2/binaries/speed_benchmark.cc index 4d940c0f9a732..f0e1f5f27b476 100644 --- a/caffe2/binaries/speed_benchmark.cc +++ b/caffe2/binaries/speed_benchmark.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/init.h" diff --git a/caffe2/binaries/split_db.cc b/caffe2/binaries/split_db.cc index 6f17ab3eb1de2..077afda997bc0 100644 --- a/caffe2/binaries/split_db.cc +++ b/caffe2/binaries/split_db.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include diff --git a/caffe2/binaries/tutorial_blob.cc b/caffe2/binaries/tutorial_blob.cc index 0f0f3044e6efd..f379eac663cbe 100644 --- a/caffe2/binaries/tutorial_blob.cc +++ b/caffe2/binaries/tutorial_blob.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/blob.h" #include "caffe2/core/init.h" #include "caffe2/core/tensor.h" diff --git a/caffe2/binaries/zmq_feeder.cc b/caffe2/binaries/zmq_feeder.cc index 65440029028e9..27e868408b073 100644 --- a/caffe2/binaries/zmq_feeder.cc +++ b/caffe2/binaries/zmq_feeder.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + // This binary provides an easy way to open a zeromq server and feeds data to // clients connect to it. It uses the Caffe2 db as the backend, thus allowing // one to convert any db-compliant storage to a zeromq service. diff --git a/caffe2/contrib/aten/aten_op.cc b/caffe2/contrib/aten/aten_op.cc index 47d06b7f74e3e..9e6919c8ea68f 100644 --- a/caffe2/contrib/aten/aten_op.cc +++ b/caffe2/contrib/aten/aten_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "aten_op.h" namespace caffe2 { diff --git a/caffe2/contrib/aten/aten_op_cuda.cc b/caffe2/contrib/aten/aten_op_cuda.cc index 4d9fcfc239ad3..de6d994f2ee7f 100644 --- a/caffe2/contrib/aten/aten_op_cuda.cc +++ b/caffe2/contrib/aten/aten_op_cuda.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "aten_op.h" #include "caffe2/core/context_gpu.h" diff --git a/caffe2/contrib/aten/aten_op_template.h b/caffe2/contrib/aten/aten_op_template.h index 3030d700b5aa0..58b8781020f45 100644 --- a/caffe2/contrib/aten/aten_op_template.h +++ b/caffe2/contrib/aten/aten_op_template.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include #include diff --git a/caffe2/contrib/aten/aten_test.py b/caffe2/contrib/aten/aten_test.py index 5646cdd9d92dd..947a68922bdcb 100644 --- a/caffe2/contrib/aten/aten_test.py +++ b/caffe2/contrib/aten/aten_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/contrib/aten/gen_op.py b/caffe2/contrib/aten/gen_op.py index ba7a8a84a6945..d66d93e8e6bc4 100644 --- a/caffe2/contrib/aten/gen_op.py +++ b/caffe2/contrib/aten/gen_op.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + import sys import yaml project_root = sys.argv[1] diff --git a/caffe2/contrib/gloo/allreduce_ops.cc b/caffe2/contrib/gloo/allreduce_ops.cc index 888e34a98afa8..e42156529c648 100644 --- a/caffe2/contrib/gloo/allreduce_ops.cc +++ b/caffe2/contrib/gloo/allreduce_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "allreduce_ops.h" #include diff --git a/caffe2/contrib/gloo/allreduce_ops.h b/caffe2/contrib/gloo/allreduce_ops.h index 74d75bc7c53d7..0f5b831fd1a95 100644 --- a/caffe2/contrib/gloo/allreduce_ops.h +++ b/caffe2/contrib/gloo/allreduce_ops.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include diff --git a/caffe2/contrib/gloo/allreduce_ops_gpu.cc b/caffe2/contrib/gloo/allreduce_ops_gpu.cc index bbc187c75200d..9ff770e15e65e 100644 --- a/caffe2/contrib/gloo/allreduce_ops_gpu.cc +++ b/caffe2/contrib/gloo/allreduce_ops_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "allreduce_ops.h" #include "caffe2/core/context_gpu.h" diff --git a/caffe2/contrib/gloo/barrier_ops.cc b/caffe2/contrib/gloo/barrier_ops.cc index 01391a54528ab..6efae20244839 100644 --- a/caffe2/contrib/gloo/barrier_ops.cc +++ b/caffe2/contrib/gloo/barrier_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "barrier_ops.h" namespace caffe2 { diff --git a/caffe2/contrib/gloo/barrier_ops.h b/caffe2/contrib/gloo/barrier_ops.h index 1543a608a2a49..a4074c481022c 100644 --- a/caffe2/contrib/gloo/barrier_ops.h +++ b/caffe2/contrib/gloo/barrier_ops.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/contrib/gloo/common.h" diff --git a/caffe2/contrib/gloo/broadcast_ops.cc b/caffe2/contrib/gloo/broadcast_ops.cc index 50939bb2f0a78..30139b1021b38 100644 --- a/caffe2/contrib/gloo/broadcast_ops.cc +++ b/caffe2/contrib/gloo/broadcast_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "broadcast_ops.h" #include diff --git a/caffe2/contrib/gloo/broadcast_ops.h b/caffe2/contrib/gloo/broadcast_ops.h index f0e6fbb3f94b4..d443091d4cd33 100644 --- a/caffe2/contrib/gloo/broadcast_ops.h +++ b/caffe2/contrib/gloo/broadcast_ops.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include diff --git a/caffe2/contrib/gloo/broadcast_ops_gpu.cc b/caffe2/contrib/gloo/broadcast_ops_gpu.cc index 493abcd41fc9b..b73a1f8e707e6 100644 --- a/caffe2/contrib/gloo/broadcast_ops_gpu.cc +++ b/caffe2/contrib/gloo/broadcast_ops_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "broadcast_ops.h" #include "caffe2/core/context_gpu.h" diff --git a/caffe2/contrib/gloo/common.cc b/caffe2/contrib/gloo/common.cc index 7c6fec26d3f69..6267a14052fe5 100644 --- a/caffe2/contrib/gloo/common.cc +++ b/caffe2/contrib/gloo/common.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/contrib/gloo/common.h" #include "caffe2/core/logging.h" diff --git a/caffe2/contrib/gloo/common.h b/caffe2/contrib/gloo/common.h index e99b4945abad9..03ecc2ca641f1 100644 --- a/caffe2/contrib/gloo/common.h +++ b/caffe2/contrib/gloo/common.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include diff --git a/caffe2/contrib/gloo/common_world_ops.cc b/caffe2/contrib/gloo/common_world_ops.cc index 9e631ce137914..622f04b1a0aca 100644 --- a/caffe2/contrib/gloo/common_world_ops.cc +++ b/caffe2/contrib/gloo/common_world_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/contrib/gloo/common_world_ops.h" #include diff --git a/caffe2/contrib/gloo/common_world_ops.h b/caffe2/contrib/gloo/common_world_ops.h index 16f0dc4968f21..c129ac20b696f 100644 --- a/caffe2/contrib/gloo/common_world_ops.h +++ b/caffe2/contrib/gloo/common_world_ops.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/contrib/gloo/common.h" diff --git a/caffe2/contrib/gloo/common_world_ops_gpu.cc b/caffe2/contrib/gloo/common_world_ops_gpu.cc index f8fb701c846da..a0353ecdc3f18 100644 --- a/caffe2/contrib/gloo/common_world_ops_gpu.cc +++ b/caffe2/contrib/gloo/common_world_ops_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/contrib/gloo/common_world_ops.h" #include "caffe2/core/context_gpu.h" diff --git a/caffe2/contrib/gloo/context.cc b/caffe2/contrib/gloo/context.cc index 5325a4a156aa5..314babf9bfb81 100644 --- a/caffe2/contrib/gloo/context.cc +++ b/caffe2/contrib/gloo/context.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "context.h" #include "caffe2/core/typeid.h" diff --git a/caffe2/contrib/gloo/context.h b/caffe2/contrib/gloo/context.h index 7b427bdd36156..fb99aa886dfe2 100644 --- a/caffe2/contrib/gloo/context.h +++ b/caffe2/contrib/gloo/context.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include diff --git a/caffe2/contrib/gloo/gloo_test.py b/caffe2/contrib/gloo/gloo_test.py old mode 100755 new mode 100644 index cd923255ee81a..e25faef615f04 --- a/caffe2/contrib/gloo/gloo_test.py +++ b/caffe2/contrib/gloo/gloo_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + #!/usr/bin/env python from __future__ import absolute_import diff --git a/caffe2/contrib/gloo/store_handler.cc b/caffe2/contrib/gloo/store_handler.cc index e5c30d9c71cc1..a8baa9ae2886b 100644 --- a/caffe2/contrib/gloo/store_handler.cc +++ b/caffe2/contrib/gloo/store_handler.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "store_handler.h" namespace caffe2 { diff --git a/caffe2/contrib/gloo/store_handler.h b/caffe2/contrib/gloo/store_handler.h index 17709727b5705..8de422511439c 100644 --- a/caffe2/contrib/gloo/store_handler.h +++ b/caffe2/contrib/gloo/store_handler.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/distributed/store_handler.h" diff --git a/caffe2/contrib/nccl/cuda_nccl_gpu.cc b/caffe2/contrib/nccl/cuda_nccl_gpu.cc index cc2e7f3461054..84ea543b97bd7 100644 --- a/caffe2/contrib/nccl/cuda_nccl_gpu.cc +++ b/caffe2/contrib/nccl/cuda_nccl_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "cuda_nccl_gpu.h" namespace caffe2 { diff --git a/caffe2/contrib/nccl/cuda_nccl_gpu.h b/caffe2/contrib/nccl/cuda_nccl_gpu.h index 0b0a466e65144..a678c4b849567 100644 --- a/caffe2/contrib/nccl/cuda_nccl_gpu.h +++ b/caffe2/contrib/nccl/cuda_nccl_gpu.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include diff --git a/caffe2/contrib/nccl/cuda_nccl_op_gpu.cc b/caffe2/contrib/nccl/cuda_nccl_op_gpu.cc index 7a1efafc1971e..8dd74446e4c90 100644 --- a/caffe2/contrib/nccl/cuda_nccl_op_gpu.cc +++ b/caffe2/contrib/nccl/cuda_nccl_op_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/core/operator.h" diff --git a/caffe2/contrib/nccl/nccl_ops_test.py b/caffe2/contrib/nccl/nccl_ops_test.py index 7e8a61e9de241..70cda6aa5319a 100644 --- a/caffe2/contrib/nccl/nccl_ops_test.py +++ b/caffe2/contrib/nccl/nccl_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/contrib/nervana/nervana.h b/caffe2/contrib/nervana/nervana.h index 9714e39f81d14..f0025a0091ca6 100644 --- a/caffe2/contrib/nervana/nervana.h +++ b/caffe2/contrib/nervana/nervana.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_FB_NERVANA_INIT_H_ #define CAFFE2_FB_NERVANA_INIT_H_ diff --git a/caffe2/contrib/nervana/nervana_fc_op_gpu.cc b/caffe2/contrib/nervana/nervana_fc_op_gpu.cc index 8d33a7c20ad4b..c487d7cf7bc02 100644 --- a/caffe2/contrib/nervana/nervana_fc_op_gpu.cc +++ b/caffe2/contrib/nervana/nervana_fc_op_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "nervana.h" #include "caffe2/core/context_gpu.h" diff --git a/caffe2/contrib/nervana/nervana_fc_op_gpu_test.cc b/caffe2/contrib/nervana/nervana_fc_op_gpu_test.cc index 3eb0fc3ace3f4..fc1de1c0c8838 100644 --- a/caffe2/contrib/nervana/nervana_fc_op_gpu_test.cc +++ b/caffe2/contrib/nervana/nervana_fc_op_gpu_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "nervana.h" #include "caffe2/core/context_gpu.h" diff --git a/caffe2/contrib/nervana/nervana_init_gpu.cc b/caffe2/contrib/nervana/nervana_init_gpu.cc index 5b7a1ce22b948..5e5f6b699f5e6 100644 --- a/caffe2/contrib/nervana/nervana_init_gpu.cc +++ b/caffe2/contrib/nervana/nervana_init_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/init.h" #include "caffe2/core/flags.h" diff --git a/caffe2/contrib/nervana/nervana_math_gpu.cc b/caffe2/contrib/nervana/nervana_math_gpu.cc index c3e7e6b377bd8..bfe963848f506 100644 --- a/caffe2/contrib/nervana/nervana_math_gpu.cc +++ b/caffe2/contrib/nervana/nervana_math_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "nervana.h" #include "caffe2/core/context_gpu.h" diff --git a/caffe2/contrib/nnpack/nnpack_ops.cc b/caffe2/contrib/nnpack/nnpack_ops.cc index 5872c97a1ac83..1da381cf39b83 100644 --- a/caffe2/contrib/nnpack/nnpack_ops.cc +++ b/caffe2/contrib/nnpack/nnpack_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/common.h" #ifdef CAFFE2_USE_MKL diff --git a/caffe2/contrib/nnpack/nnpack_ops_test.py b/caffe2/contrib/nnpack/nnpack_ops_test.py index dbef1ffe0bff7..de824e2dad1b3 100644 --- a/caffe2/contrib/nnpack/nnpack_ops_test.py +++ b/caffe2/contrib/nnpack/nnpack_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/contrib/observers/time_observer.cc b/caffe2/contrib/observers/time_observer.cc index b269c24ef89ce..7680f00436a2c 100644 --- a/caffe2/contrib/observers/time_observer.cc +++ b/caffe2/contrib/observers/time_observer.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/contrib/observers/time_observer.h" #include "caffe2/core/logging.h" diff --git a/caffe2/contrib/observers/time_observer.h b/caffe2/contrib/observers/time_observer.h index 5719d38e1b247..ea7be4c4c3829 100644 --- a/caffe2/contrib/observers/time_observer.h +++ b/caffe2/contrib/observers/time_observer.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CONTRIB_OBSERVERS_TIME_OBSERVER_H_ #define CAFFE2_CONTRIB_OBSERVERS_TIME_OBSERVER_H_ diff --git a/caffe2/contrib/observers/time_observer_test.cc b/caffe2/contrib/observers/time_observer_test.cc index 49fbd1afa23db..b6937b367a3d5 100644 --- a/caffe2/contrib/observers/time_observer_test.cc +++ b/caffe2/contrib/observers/time_observer_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/contrib/observers/time_observer.h" #include "caffe2/core/common.h" #include "caffe2/core/net.h" diff --git a/caffe2/contrib/prof/cuda_profile_ops.cc b/caffe2/contrib/prof/cuda_profile_ops.cc index 207613379185f..4bc1193bd5989 100644 --- a/caffe2/contrib/prof/cuda_profile_ops.cc +++ b/caffe2/contrib/prof/cuda_profile_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/common_gpu.h" #include "caffe2/core/operator.h" diff --git a/caffe2/contrib/prof/cuda_profile_ops_test.py b/caffe2/contrib/prof/cuda_profile_ops_test.py index 2953503bbea5d..d35c12e516ca1 100644 --- a/caffe2/contrib/prof/cuda_profile_ops_test.py +++ b/caffe2/contrib/prof/cuda_profile_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/contrib/prof/htrace_async_dag_net_gpu.cc b/caffe2/contrib/prof/htrace_async_dag_net_gpu.cc index 3240a57111ae1..37bb9621da971 100644 --- a/caffe2/contrib/prof/htrace_async_dag_net_gpu.cc +++ b/caffe2/contrib/prof/htrace_async_dag_net_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/contrib/prof/htrace_conf.h" diff --git a/caffe2/contrib/prof/htrace_conf.cc b/caffe2/contrib/prof/htrace_conf.cc index ad1fb12832038..51f05723f0794 100644 --- a/caffe2/contrib/prof/htrace_conf.cc +++ b/caffe2/contrib/prof/htrace_conf.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "htrace_conf.h" #include diff --git a/caffe2/contrib/prof/htrace_conf.h b/caffe2/contrib/prof/htrace_conf.h index 97286cbfa6aed..4651e7b2069ac 100644 --- a/caffe2/contrib/prof/htrace_conf.h +++ b/caffe2/contrib/prof/htrace_conf.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/core/flags.h" diff --git a/caffe2/contrib/prof/htrace_dag_net.cc b/caffe2/contrib/prof/htrace_dag_net.cc index 2433bdca9d1f3..abb4316097cac 100644 --- a/caffe2/contrib/prof/htrace_dag_net.cc +++ b/caffe2/contrib/prof/htrace_dag_net.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/contrib/prof/htrace_conf.h" diff --git a/caffe2/contrib/prof/htrace_to_chrome.py b/caffe2/contrib/prof/htrace_to_chrome.py index 7c6e823e4d417..d82955477aa26 100644 --- a/caffe2/contrib/prof/htrace_to_chrome.py +++ b/caffe2/contrib/prof/htrace_to_chrome.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package htrace_to_chrome # Module caffe2.contrib.prof.htrace_to_chrome from __future__ import absolute_import diff --git a/caffe2/contrib/prof/prof_dag_net.cc b/caffe2/contrib/prof/prof_dag_net.cc index d412e88f7ef08..939fbe0cb85a8 100644 --- a/caffe2/contrib/prof/prof_dag_net.cc +++ b/caffe2/contrib/prof/prof_dag_net.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "prof_dag_net.h" #include diff --git a/caffe2/contrib/prof/prof_dag_net.h b/caffe2/contrib/prof/prof_dag_net.h index 389598908635f..05e303f8b3c24 100644 --- a/caffe2/contrib/prof/prof_dag_net.h +++ b/caffe2/contrib/prof/prof_dag_net.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/core/net_dag.h" diff --git a/caffe2/contrib/prof/prof_dag_stats_op.cc b/caffe2/contrib/prof/prof_dag_stats_op.cc index 79c78cb755f47..61365ab2ab2ca 100644 --- a/caffe2/contrib/prof/prof_dag_stats_op.cc +++ b/caffe2/contrib/prof/prof_dag_stats_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "prof_dag_stats_op.h" namespace caffe2 { diff --git a/caffe2/contrib/prof/prof_dag_stats_op.h b/caffe2/contrib/prof/prof_dag_stats_op.h index f30021837be06..878b9e7deefbf 100644 --- a/caffe2/contrib/prof/prof_dag_stats_op.h +++ b/caffe2/contrib/prof/prof_dag_stats_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_FULLY_CONNECTED_OP_H_ #define CAFFE2_OPERATORS_FULLY_CONNECTED_OP_H_ diff --git a/caffe2/contrib/shm_mutex/shm_mutex.cc b/caffe2/contrib/shm_mutex/shm_mutex.cc index c323703cb306c..6ffcb32071465 100644 --- a/caffe2/contrib/shm_mutex/shm_mutex.cc +++ b/caffe2/contrib/shm_mutex/shm_mutex.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "shm_mutex.h" ShmProcessMutexCheck& ShmProcessMutexCheck::getInstance() { diff --git a/caffe2/contrib/shm_mutex/shm_mutex.h b/caffe2/contrib/shm_mutex/shm_mutex.h index d9a97d7b24266..18b1ddb8c5ced 100644 --- a/caffe2/contrib/shm_mutex/shm_mutex.h +++ b/caffe2/contrib/shm_mutex/shm_mutex.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + /* * This implements a machine-wide mutex to be used * to synchronize CUDA calls (memory allocation and frees) and diff --git a/caffe2/contrib/torch/th_ops.cc b/caffe2/contrib/torch/th_ops.cc index b4e18a4d4e894..068943baab9d5 100644 --- a/caffe2/contrib/torch/th_ops.cc +++ b/caffe2/contrib/torch/th_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context.h" #include "caffe2/core/operator.h" diff --git a/caffe2/contrib/torch/th_ops_gpu.cu b/caffe2/contrib/torch/th_ops_gpu.cu index a998384316771..93759352430a8 100644 --- a/caffe2/contrib/torch/th_ops_gpu.cu +++ b/caffe2/contrib/torch/th_ops_gpu.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context.h" #include "caffe2/core/context_gpu.h" #include "caffe2/core/operator.h" diff --git a/caffe2/contrib/torch/th_ops_test.py b/caffe2/contrib/torch/th_ops_test.py index 09d7d1635d58d..115ac2dfb73d4 100644 --- a/caffe2/contrib/torch/th_ops_test.py +++ b/caffe2/contrib/torch/th_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/contrib/torch/torch_op.cpp b/caffe2/contrib/torch/torch_op.cpp index 3e9f9b0bdc1b9..abf1f0e863e85 100644 --- a/caffe2/contrib/torch/torch_op.cpp +++ b/caffe2/contrib/torch/torch_op.cpp @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "torch_op.h" namespace caffe2 { diff --git a/caffe2/contrib/torch/torch_op.h b/caffe2/contrib/torch/torch_op.h index c5860364400b5..455eb11921f17 100644 --- a/caffe2/contrib/torch/torch_op.h +++ b/caffe2/contrib/torch/torch_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include diff --git a/caffe2/contrib/torch/torch_op_gpu.cpp b/caffe2/contrib/torch/torch_op_gpu.cpp index 5cfea19cba6f2..d88c70a3056b0 100644 --- a/caffe2/contrib/torch/torch_op_gpu.cpp +++ b/caffe2/contrib/torch/torch_op_gpu.cpp @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "torch_op.h" diff --git a/caffe2/contrib/torch/torch_ops_test.py b/caffe2/contrib/torch/torch_ops_test.py index ebaf4126a44f5..660d33cdde2f5 100644 --- a/caffe2/contrib/torch/torch_ops_test.py +++ b/caffe2/contrib/torch/torch_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/contrib/warpctc/ctc_op.cpp b/caffe2/contrib/warpctc/ctc_op.cpp index bd501fbd17376..6903686ef0ca4 100644 --- a/caffe2/contrib/warpctc/ctc_op.cpp +++ b/caffe2/contrib/warpctc/ctc_op.cpp @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "ctc_op.h" #include "caffe2/core/context_gpu.h" #include "caffe2/core/operator.h" diff --git a/caffe2/contrib/warpctc/ctc_op.h b/caffe2/contrib/warpctc/ctc_op.h index 1a1bcacb93b90..3af0589f81162 100644 --- a/caffe2/contrib/warpctc/ctc_op.h +++ b/caffe2/contrib/warpctc/ctc_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include diff --git a/caffe2/contrib/warpctc/ctc_op_gpu.cpp b/caffe2/contrib/warpctc/ctc_op_gpu.cpp index e6b399a10a84b..0ca9ff6ebd1ae 100644 --- a/caffe2/contrib/warpctc/ctc_op_gpu.cpp +++ b/caffe2/contrib/warpctc/ctc_op_gpu.cpp @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/core/operator.h" #include "ctc_op.h" diff --git a/caffe2/contrib/warpctc/ctc_ops_test.py b/caffe2/contrib/warpctc/ctc_ops_test.py index 53a1d8bce333a..942463fa0d5dd 100644 --- a/caffe2/contrib/warpctc/ctc_ops_test.py +++ b/caffe2/contrib/warpctc/ctc_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/core/allocator.cc b/caffe2/core/allocator.cc index 4edc4915ea69b..ee364a76fee43 100644 --- a/caffe2/core/allocator.cc +++ b/caffe2/core/allocator.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context.h" #include "caffe2/core/logging.h" #include "caffe2/core/tensor.h" diff --git a/caffe2/core/allocator.h b/caffe2/core/allocator.h index 6f9415352cd6e..7a4c36042145c 100644 --- a/caffe2/core/allocator.h +++ b/caffe2/core/allocator.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_ALLOCATOR_H_ #define CAFFE2_CORE_ALLOCATOR_H_ diff --git a/caffe2/core/asan.h b/caffe2/core/asan.h index c4526df3e7d00..5487b2c3ec0f1 100644 --- a/caffe2/core/asan.h +++ b/caffe2/core/asan.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once // Detect address sanitizer as some stuff doesn't work with it diff --git a/caffe2/core/blob.h b/caffe2/core/blob.h index 9604a48d920c4..9cf21dcdb0c87 100644 --- a/caffe2/core/blob.h +++ b/caffe2/core/blob.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_BLOB_H_ #define CAFFE2_CORE_BLOB_H_ diff --git a/caffe2/core/blob_gpu_test.cc b/caffe2/core/blob_gpu_test.cc index 498f0b5deb55a..d1cbe5a60799b 100644 --- a/caffe2/core/blob_gpu_test.cc +++ b/caffe2/core/blob_gpu_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include // NOLINT #include "caffe2/core/blob.h" diff --git a/caffe2/core/blob_serialization.cc b/caffe2/core/blob_serialization.cc index 92b1a77f3dd79..a1bfe5e99c1b3 100644 --- a/caffe2/core/blob_serialization.cc +++ b/caffe2/core/blob_serialization.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/blob_serialization.h" #include diff --git a/caffe2/core/blob_serialization.h b/caffe2/core/blob_serialization.h index c61678fb7d30f..71843e96d9a66 100644 --- a/caffe2/core/blob_serialization.h +++ b/caffe2/core/blob_serialization.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_BLOB_SERIALIZATION_H_ #define CAFFE2_CORE_BLOB_SERIALIZATION_H_ diff --git a/caffe2/core/blob_serialization_gpu.cc b/caffe2/core/blob_serialization_gpu.cc index 76349f3173dbe..8545a5129af85 100644 --- a/caffe2/core/blob_serialization_gpu.cc +++ b/caffe2/core/blob_serialization_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/blob.h" #include "caffe2/core/blob_serialization.h" #include "caffe2/core/context_gpu.h" diff --git a/caffe2/core/blob_serializer_base.h b/caffe2/core/blob_serializer_base.h index 4bf472450b79e..a84b8e0d176dc 100644 --- a/caffe2/core/blob_serializer_base.h +++ b/caffe2/core/blob_serializer_base.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include diff --git a/caffe2/core/blob_stats.cc b/caffe2/core/blob_stats.cc index 1ac476236c911..29ce7eecb5613 100644 --- a/caffe2/core/blob_stats.cc +++ b/caffe2/core/blob_stats.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/blob_stats.h" namespace caffe2 { diff --git a/caffe2/core/blob_stats.h b/caffe2/core/blob_stats.h index f4ef21d0cfb75..0261947f51c2b 100644 --- a/caffe2/core/blob_stats.h +++ b/caffe2/core/blob_stats.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/core/blob.h" diff --git a/caffe2/core/blob_test.cc b/caffe2/core/blob_test.cc index 1bda5e69c99c9..f71d44aadd6a4 100644 --- a/caffe2/core/blob_test.cc +++ b/caffe2/core/blob_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include #include diff --git a/caffe2/core/common.cc b/caffe2/core/common.cc index 56c1d16a13c91..16013ae1542ad 100644 --- a/caffe2/core/common.cc +++ b/caffe2/core/common.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/common.h" namespace caffe2 { diff --git a/caffe2/core/common.h b/caffe2/core/common.h index 6163cc3e21ccb..6c8ffc4462d5f 100644 --- a/caffe2/core/common.h +++ b/caffe2/core/common.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_COMMON_H_ #define CAFFE2_CORE_COMMON_H_ diff --git a/caffe2/core/common_cudnn.cc b/caffe2/core/common_cudnn.cc index 8d9cc2cb856d0..8b41b018add7c 100644 --- a/caffe2/core/common_cudnn.cc +++ b/caffe2/core/common_cudnn.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/common_cudnn.h" #include "caffe2/core/init.h" diff --git a/caffe2/core/common_cudnn.h b/caffe2/core/common_cudnn.h index 438870100da16..f32c7e7fc139d 100644 --- a/caffe2/core/common_cudnn.h +++ b/caffe2/core/common_cudnn.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_COMMON_CUDNN_H_ #define CAFFE2_CORE_COMMON_CUDNN_H_ diff --git a/caffe2/core/common_gpu.cc b/caffe2/core/common_gpu.cc index 19b77c31bd594..1a7545478dc70 100644 --- a/caffe2/core/common_gpu.cc +++ b/caffe2/core/common_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/common_gpu.h" #include "caffe2/core/asan.h" diff --git a/caffe2/core/common_gpu.h b/caffe2/core/common_gpu.h index 35c77b25146de..102d1785c8047 100644 --- a/caffe2/core/common_gpu.h +++ b/caffe2/core/common_gpu.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_COMMON_GPU_H_ #define CAFFE2_CORE_COMMON_GPU_H_ diff --git a/caffe2/core/common_omp.h b/caffe2/core/common_omp.h index 36c4b9faa2518..3890cbf36786a 100644 --- a/caffe2/core/common_omp.h +++ b/caffe2/core/common_omp.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_COMMON_OMP_H_ #define CAFFE2_CORE_COMMON_OMP_H_ diff --git a/caffe2/core/context.h b/caffe2/core/context.h index 9b1aecede2eb3..a1e0452a67a3c 100644 --- a/caffe2/core/context.h +++ b/caffe2/core/context.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_CONTEXT_H_ #define CAFFE2_CORE_CONTEXT_H_ diff --git a/caffe2/core/context_gpu.cu b/caffe2/core/context_gpu.cu index b74a0edd5bf52..f8d8c22ced9e7 100644 --- a/caffe2/core/context_gpu.cu +++ b/caffe2/core/context_gpu.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include #include diff --git a/caffe2/core/context_gpu.h b/caffe2/core/context_gpu.h index 9a70195e40e7e..6d0aec48bbcef 100644 --- a/caffe2/core/context_gpu.h +++ b/caffe2/core/context_gpu.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_CONTEXT_GPU_H_ #define CAFFE2_CORE_CONTEXT_GPU_H_ diff --git a/caffe2/core/context_gpu_test.cc b/caffe2/core/context_gpu_test.cc index 8b4cebeec897f..9bd5fe7d1766c 100644 --- a/caffe2/core/context_gpu_test.cc +++ b/caffe2/core/context_gpu_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include #include diff --git a/caffe2/core/context_test.cc b/caffe2/core/context_test.cc index cf2d52a5275e1..4543d21af8c2d 100644 --- a/caffe2/core/context_test.cc +++ b/caffe2/core/context_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/proto/caffe2.pb.h" diff --git a/caffe2/core/db.cc b/caffe2/core/db.cc index b88afce259d05..79f645a237e36 100644 --- a/caffe2/core/db.cc +++ b/caffe2/core/db.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/db.h" #include diff --git a/caffe2/core/db.h b/caffe2/core/db.h index 98b1370966a10..87274ea220383 100644 --- a/caffe2/core/db.h +++ b/caffe2/core/db.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_DB_H_ #define CAFFE2_CORE_DB_H_ diff --git a/caffe2/core/event.cc b/caffe2/core/event.cc index 3b948c42ba937..e3d4c964e56cb 100644 --- a/caffe2/core/event.cc +++ b/caffe2/core/event.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/event.h" #include "caffe2/core/context.h" diff --git a/caffe2/core/event.h b/caffe2/core/event.h index b8a6e590822c4..d558f3e62a0b2 100644 --- a/caffe2/core/event.h +++ b/caffe2/core/event.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_EVENT_H_ #define CAFFE2_CORE_EVENT_H_ diff --git a/caffe2/core/event_gpu.cc b/caffe2/core/event_gpu.cc index 0679d270a870c..40ea23d374c0d 100644 --- a/caffe2/core/event_gpu.cc +++ b/caffe2/core/event_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/core/event.h" diff --git a/caffe2/core/event_gpu_test.cc b/caffe2/core/event_gpu_test.cc index bce5eac47d569..a4b3c7ed8767a 100644 --- a/caffe2/core/event_gpu_test.cc +++ b/caffe2/core/event_gpu_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/context.h" #include "caffe2/core/context_gpu.h" diff --git a/caffe2/core/event_test.cc b/caffe2/core/event_test.cc index 2a28eca7795b2..63963fe5b2d4a 100644 --- a/caffe2/core/event_test.cc +++ b/caffe2/core/event_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/context.h" #include "caffe2/core/event.h" diff --git a/caffe2/core/flags.cc b/caffe2/core/flags.cc index 2df6edc7848ed..1f83a5c1ef6fd 100644 --- a/caffe2/core/flags.cc +++ b/caffe2/core/flags.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/flags.h" #include diff --git a/caffe2/core/flags.h b/caffe2/core/flags.h index bd542fb914693..ff7ff0b12a1b8 100644 --- a/caffe2/core/flags.h +++ b/caffe2/core/flags.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + /** * @file flags.h * @brief Commandline flags support for Caffe2. diff --git a/caffe2/core/graph.cc b/caffe2/core/graph.cc index d7a900f802b4d..871d9d2333cec 100644 --- a/caffe2/core/graph.cc +++ b/caffe2/core/graph.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/graph.h" #include "caffe2/core/common.h" diff --git a/caffe2/core/graph.h b/caffe2/core/graph.h index 52adb497202b7..2e271b8124b04 100644 --- a/caffe2/core/graph.h +++ b/caffe2/core/graph.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/core/common.h" diff --git a/caffe2/core/graph_test.cc b/caffe2/core/graph_test.cc index 30ee70526f375..7ec81bc80d97d 100644 --- a/caffe2/core/graph_test.cc +++ b/caffe2/core/graph_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include #include "caffe2/core/graph.h" diff --git a/caffe2/core/init.cc b/caffe2/core/init.cc index c7c07329df157..47566a8481d54 100644 --- a/caffe2/core/init.cc +++ b/caffe2/core/init.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/init.h" #include "caffe2/core/operator.h" // for StaticLinkingProtector diff --git a/caffe2/core/init.h b/caffe2/core/init.h index b20866ef26375..0b2a46fd2ae70 100644 --- a/caffe2/core/init.h +++ b/caffe2/core/init.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_INIT_H_ #define CAFFE2_CORE_INIT_H_ diff --git a/caffe2/core/init_omp.cc b/caffe2/core/init_omp.cc index b624e8edf5957..1ac7a862bea5b 100644 --- a/caffe2/core/init_omp.cc +++ b/caffe2/core/init_omp.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/common.h" diff --git a/caffe2/core/init_test.cc b/caffe2/core/init_test.cc index 902ad7bd3637d..05d8aaf67817b 100644 --- a/caffe2/core/init_test.cc +++ b/caffe2/core/init_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include diff --git a/caffe2/core/logging.cc b/caffe2/core/logging.cc index 1b4468eed26a1..d3e7e05c2910d 100644 --- a/caffe2/core/logging.cc +++ b/caffe2/core/logging.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/logging.h" #include "caffe2/core/flags.h" diff --git a/caffe2/core/logging.h b/caffe2/core/logging.h index ad9a57ea4f567..612c3c777cfd3 100644 --- a/caffe2/core/logging.h +++ b/caffe2/core/logging.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_LOGGING_H_ #define CAFFE2_CORE_LOGGING_H_ diff --git a/caffe2/core/logging_is_google_glog.h b/caffe2/core/logging_is_google_glog.h index 7dd2b4f05ae44..0fb0e6e9b54bb 100644 --- a/caffe2/core/logging_is_google_glog.h +++ b/caffe2/core/logging_is_google_glog.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_LOGGING_IS_GOOGLE_GLOG_H_ #define CAFFE2_CORE_LOGGING_IS_GOOGLE_GLOG_H_ diff --git a/caffe2/core/logging_is_not_google_glog.h b/caffe2/core/logging_is_not_google_glog.h index db7464a5a2774..cd0f289378f11 100644 --- a/caffe2/core/logging_is_not_google_glog.h +++ b/caffe2/core/logging_is_not_google_glog.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_LOGGING_IS_NOT_GOOGLE_GLOG_H_ #define CAFFE2_CORE_LOGGING_IS_NOT_GOOGLE_GLOG_H_ diff --git a/caffe2/core/logging_test.cc b/caffe2/core/logging_test.cc index 9b2b86c7d147d..c085520723301 100644 --- a/caffe2/core/logging_test.cc +++ b/caffe2/core/logging_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/logging.h" diff --git a/caffe2/core/macros.h b/caffe2/core/macros.h index ccc0b1b3686bf..e8e31bdf4e5c8 100644 --- a/caffe2/core/macros.h +++ b/caffe2/core/macros.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once // This is a placeholder. The real content will be generated by the cmake diff --git a/caffe2/core/memonger.cc b/caffe2/core/memonger.cc index e13a4f1d0b7ea..b926eda630064 100644 --- a/caffe2/core/memonger.cc +++ b/caffe2/core/memonger.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/memonger.h" #include diff --git a/caffe2/core/memonger.h b/caffe2/core/memonger.h index fe65ae5dac19b..1076d29e46d48 100644 --- a/caffe2/core/memonger.h +++ b/caffe2/core/memonger.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_MEMONGER_H_ #define CAFFE2_CORE_MEMONGER_H_ diff --git a/caffe2/core/net.cc b/caffe2/core/net.cc index 7d310de1ac3ba..27b2f5e1ec9ea 100644 --- a/caffe2/core/net.cc +++ b/caffe2/core/net.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/net.h" #include "caffe2/core/net_simple.h" diff --git a/caffe2/core/net.h b/caffe2/core/net.h index 98161b6bcbec5..c30f7524f5191 100644 --- a/caffe2/core/net.h +++ b/caffe2/core/net.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_NET_H_ #define CAFFE2_CORE_NET_H_ diff --git a/caffe2/core/net_async_dag_gpu.cc b/caffe2/core/net_async_dag_gpu.cc index 11c67810045c5..b809ba1fb06c5 100644 --- a/caffe2/core/net_async_dag_gpu.cc +++ b/caffe2/core/net_async_dag_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/net_async_dag_gpu.h" #include diff --git a/caffe2/core/net_async_dag_gpu.h b/caffe2/core/net_async_dag_gpu.h index 473c11aa61899..89d294a0c5a72 100644 --- a/caffe2/core/net_async_dag_gpu.h +++ b/caffe2/core/net_async_dag_gpu.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_NET_ASYNC_DAG_GPU_H_ #define CAFFE2_CORE_NET_ASYNC_DAG_GPU_H_ diff --git a/caffe2/core/net_dag.cc b/caffe2/core/net_dag.cc index 57ceb62e24512..b34205603c187 100644 --- a/caffe2/core/net_dag.cc +++ b/caffe2/core/net_dag.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/net_dag.h" #include diff --git a/caffe2/core/net_dag.h b/caffe2/core/net_dag.h index ba1d59e8d9f88..a0bc3dc2a06af 100644 --- a/caffe2/core/net_dag.h +++ b/caffe2/core/net_dag.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_NET_DAG_H_ #define CAFFE2_CORE_NET_DAG_H_ diff --git a/caffe2/core/net_simple.cc b/caffe2/core/net_simple.cc index 66db02665ea3b..1e95d11f887af 100644 --- a/caffe2/core/net_simple.cc +++ b/caffe2/core/net_simple.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/net_simple.h" #include "caffe2/core/net.h" diff --git a/caffe2/core/net_simple.h b/caffe2/core/net_simple.h index 8ca3b77e15f8a..6c1dfd06360f6 100644 --- a/caffe2/core/net_simple.h +++ b/caffe2/core/net_simple.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_NET_SIMPLE_H_ #define CAFFE2_CORE_NET_SIMPLE_H_ diff --git a/caffe2/core/net_simple_async.cc b/caffe2/core/net_simple_async.cc index 347d398bb0501..3de39c1123414 100644 --- a/caffe2/core/net_simple_async.cc +++ b/caffe2/core/net_simple_async.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/net_simple_async.h" #include "caffe2/core/net.h" diff --git a/caffe2/core/net_simple_async.h b/caffe2/core/net_simple_async.h index 5d84805f0040a..1b80c295fb86f 100644 --- a/caffe2/core/net_simple_async.h +++ b/caffe2/core/net_simple_async.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_NET_SIMPLE_ASYNC_H_ #define CAFFE2_CORE_NET_SIMPLE_ASYNC_H_ diff --git a/caffe2/core/net_singlethread_async_gpu.cc b/caffe2/core/net_singlethread_async_gpu.cc index 1807ff40de46e..8683dd2ce27f4 100644 --- a/caffe2/core/net_singlethread_async_gpu.cc +++ b/caffe2/core/net_singlethread_async_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include #include diff --git a/caffe2/core/net_test.cc b/caffe2/core/net_test.cc index ff432148ef192..3cb14df9e842c 100644 --- a/caffe2/core/net_test.cc +++ b/caffe2/core/net_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include #include "caffe2/core/net.h" diff --git a/caffe2/core/observer.h b/caffe2/core/observer.h index 0b2e4ec298ac8..58f8270e50fde 100644 --- a/caffe2/core/observer.h +++ b/caffe2/core/observer.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once namespace caffe2 { diff --git a/caffe2/core/observer_test.cc b/caffe2/core/observer_test.cc index fa1294e6ec230..43f2449ef864d 100644 --- a/caffe2/core/observer_test.cc +++ b/caffe2/core/observer_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include #include "caffe2/core/common.h" diff --git a/caffe2/core/operator.cc b/caffe2/core/operator.cc index 97b8463af9920..cb1aab9aa5c17 100644 --- a/caffe2/core/operator.cc +++ b/caffe2/core/operator.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/operator.h" #include diff --git a/caffe2/core/operator.h b/caffe2/core/operator.h index be5cbf55b8a72..2cc6cf5ffdbe3 100644 --- a/caffe2/core/operator.h +++ b/caffe2/core/operator.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_OPERATOR_H_ #define CAFFE2_CORE_OPERATOR_H_ diff --git a/caffe2/core/operator_gpu_test.cc b/caffe2/core/operator_gpu_test.cc index 103370abaa1f0..fcb2b239d3023 100644 --- a/caffe2/core/operator_gpu_test.cc +++ b/caffe2/core/operator_gpu_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include diff --git a/caffe2/core/operator_gradient.h b/caffe2/core/operator_gradient.h index 701bd1ec9d2e9..c597f7bd0d428 100644 --- a/caffe2/core/operator_gradient.h +++ b/caffe2/core/operator_gradient.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_OPERATOR_GRADIENT_H_ #define CAFFE2_CORE_OPERATOR_GRADIENT_H_ diff --git a/caffe2/core/operator_schema.cc b/caffe2/core/operator_schema.cc index af26af2d467ed..f6723cb6d371a 100644 --- a/caffe2/core/operator_schema.cc +++ b/caffe2/core/operator_schema.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/operator_schema.h" #include "caffe2/core/logging.h" diff --git a/caffe2/core/operator_schema.h b/caffe2/core/operator_schema.h index 478f3f1cea774..cfbb34a2100b3 100644 --- a/caffe2/core/operator_schema.h +++ b/caffe2/core/operator_schema.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_OPERATOR_SCHEMA_H_ #define CAFFE2_CORE_OPERATOR_SCHEMA_H_ diff --git a/caffe2/core/operator_schema_test.cc b/caffe2/core/operator_schema_test.cc index 5e54cf7d37ddc..bbc935d3d9ae2 100644 --- a/caffe2/core/operator_schema_test.cc +++ b/caffe2/core/operator_schema_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/logging.h" #include "caffe2/core/operator.h" #include "caffe2/core/operator_schema.h" diff --git a/caffe2/core/operator_test.cc b/caffe2/core/operator_test.cc index 7193c6470e728..ca435dada0559 100644 --- a/caffe2/core/operator_test.cc +++ b/caffe2/core/operator_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/net.h" diff --git a/caffe2/core/parallel_net_test.cc b/caffe2/core/parallel_net_test.cc index 446cfccb25c38..fa2ffbed3a00b 100644 --- a/caffe2/core/parallel_net_test.cc +++ b/caffe2/core/parallel_net_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include // NOLINT #include #include // NOLINT diff --git a/caffe2/core/plan_executor.cc b/caffe2/core/plan_executor.cc index 2527926b5499c..2c8e70bb7c1e4 100644 --- a/caffe2/core/plan_executor.cc +++ b/caffe2/core/plan_executor.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/plan_executor.h" #include diff --git a/caffe2/core/plan_executor.h b/caffe2/core/plan_executor.h index 891e68cdd29ab..48bd926abd071 100644 --- a/caffe2/core/plan_executor.h +++ b/caffe2/core/plan_executor.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include diff --git a/caffe2/core/predictor.cc b/caffe2/core/predictor.cc index 205b679108d78..50c50d8527305 100644 --- a/caffe2/core/predictor.cc +++ b/caffe2/core/predictor.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/predictor.h" namespace caffe2 { diff --git a/caffe2/core/predictor.h b/caffe2/core/predictor.h index 4c06883bbbd06..8d618add50a19 100644 --- a/caffe2/core/predictor.h +++ b/caffe2/core/predictor.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/core/net.h" diff --git a/caffe2/core/predictor_test.cc b/caffe2/core/predictor_test.cc index 1d1aebb784f6b..ac7c28208488f 100644 --- a/caffe2/core/predictor_test.cc +++ b/caffe2/core/predictor_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/context.h" #include "caffe2/core/operator.h" diff --git a/caffe2/core/qtensor.cc b/caffe2/core/qtensor.cc index b97be78511499..a77bd3cb67b38 100644 --- a/caffe2/core/qtensor.cc +++ b/caffe2/core/qtensor.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/qtensor.h" namespace caffe2 { diff --git a/caffe2/core/qtensor.h b/caffe2/core/qtensor.h index d857cfaf2866e..e2623581d7273 100644 --- a/caffe2/core/qtensor.h +++ b/caffe2/core/qtensor.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_QTENSOR_H_ #define CAFFE2_CORE_QTENSOR_H_ diff --git a/caffe2/core/qtensor_serialization.cc b/caffe2/core/qtensor_serialization.cc index 74dd01abe0b40..351cc4de61dc0 100644 --- a/caffe2/core/qtensor_serialization.cc +++ b/caffe2/core/qtensor_serialization.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/qtensor_serialization.h" namespace caffe2 { diff --git a/caffe2/core/qtensor_serialization.h b/caffe2/core/qtensor_serialization.h index 8efac029ee3a6..969646e48bf38 100644 --- a/caffe2/core/qtensor_serialization.h +++ b/caffe2/core/qtensor_serialization.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_QTENSOR_SERIALIZATION_H_ #define CAFFE2_CORE_QTENSOR_SERIALIZATION_H_ diff --git a/caffe2/core/registry.h b/caffe2/core/registry.h index 1b0cae70d6f4d..2734db74ab356 100644 --- a/caffe2/core/registry.h +++ b/caffe2/core/registry.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + /** * Simple registry implementation in Caffe2 that uses static variables to * register object creators during program initialization time. diff --git a/caffe2/core/registry_test.cc b/caffe2/core/registry_test.cc index 7ad8ead553463..2408ff1b82bef 100644 --- a/caffe2/core/registry_test.cc +++ b/caffe2/core/registry_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include diff --git a/caffe2/core/scope_guard.h b/caffe2/core/scope_guard.h index c0d5e669c5701..ebe30d965c446 100644 --- a/caffe2/core/scope_guard.h +++ b/caffe2/core/scope_guard.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + /** * Copyright 2016 Facebook * @author Tudor Bosman (tudorb@fb.com) diff --git a/caffe2/core/static_tracepoint.h b/caffe2/core/static_tracepoint.h index 5c3d3a1b4df45..43fc7b588a92a 100644 --- a/caffe2/core/static_tracepoint.h +++ b/caffe2/core/static_tracepoint.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + /* * Copyright 2017 Facebook, Inc. * diff --git a/caffe2/core/static_tracepoint_elfx86.h b/caffe2/core/static_tracepoint_elfx86.h index 7752801af6149..93cd8c090ab34 100644 --- a/caffe2/core/static_tracepoint_elfx86.h +++ b/caffe2/core/static_tracepoint_elfx86.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + /* * Copyright 2017 Facebook, Inc. * diff --git a/caffe2/core/stats.cc b/caffe2/core/stats.cc index c217a61b3af54..578afc9d51ccc 100644 --- a/caffe2/core/stats.cc +++ b/caffe2/core/stats.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/stats.h" #include diff --git a/caffe2/core/stats.h b/caffe2/core/stats.h index 408c6e588dd98..8414704f0ca86 100644 --- a/caffe2/core/stats.h +++ b/caffe2/core/stats.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include diff --git a/caffe2/core/stats_test.cc b/caffe2/core/stats_test.cc index 4542775584dff..7d04ce405abe3 100644 --- a/caffe2/core/stats_test.cc +++ b/caffe2/core/stats_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include // NOLINT #include "caffe2/core/stats.h" diff --git a/caffe2/core/tensor.cc b/caffe2/core/tensor.cc index 2d9292af614b3..3c22be1f1f523 100644 --- a/caffe2/core/tensor.cc +++ b/caffe2/core/tensor.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/tensor.h" #include "caffe2/core/blob_stats.h" diff --git a/caffe2/core/tensor.h b/caffe2/core/tensor.h index 7df483777daa0..6f2617566ef32 100644 --- a/caffe2/core/tensor.h +++ b/caffe2/core/tensor.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_TENSOR_H_ #define CAFFE2_CORE_TENSOR_H_ diff --git a/caffe2/core/timer.h b/caffe2/core/timer.h index b767da63a87bf..bb92965436092 100644 --- a/caffe2/core/timer.h +++ b/caffe2/core/timer.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_TIMER_H_ #define CAFFE2_CORE_TIMER_H_ diff --git a/caffe2/core/timer_test.cc b/caffe2/core/timer_test.cc index 9a602451258a9..ca86f44273931 100644 --- a/caffe2/core/timer_test.cc +++ b/caffe2/core/timer_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include #include diff --git a/caffe2/core/transform.cc b/caffe2/core/transform.cc index 51ac5d1297cec..ca41d85f3b847 100644 --- a/caffe2/core/transform.cc +++ b/caffe2/core/transform.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/transform.h" #include "caffe2/core/common.h" diff --git a/caffe2/core/transform.h b/caffe2/core/transform.h index 63f7e26467332..6d2135e4a468a 100644 --- a/caffe2/core/transform.h +++ b/caffe2/core/transform.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/core/common.h" diff --git a/caffe2/core/transform_test.cc b/caffe2/core/transform_test.cc index 2a03a051633a0..1af2d31f9acd6 100644 --- a/caffe2/core/transform_test.cc +++ b/caffe2/core/transform_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include #include "caffe2/core/net.h" diff --git a/caffe2/core/typeid.cc b/caffe2/core/typeid.cc index 896fd63d98b24..d23a7f8eacc4d 100644 --- a/caffe2/core/typeid.cc +++ b/caffe2/core/typeid.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/typeid.h" #include "caffe2/core/scope_guard.h" diff --git a/caffe2/core/typeid.h b/caffe2/core/typeid.h index ee68dd1180ee8..7e6f95ca038d7 100644 --- a/caffe2/core/typeid.h +++ b/caffe2/core/typeid.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_TYPEID_H_ #define CAFFE2_CORE_TYPEID_H_ diff --git a/caffe2/core/typeid_test.cc b/caffe2/core/typeid_test.cc index 3f3ab1fadc829..555e4cedda01f 100644 --- a/caffe2/core/typeid_test.cc +++ b/caffe2/core/typeid_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/typeid.h" #include "caffe2/core/types.h" #include diff --git a/caffe2/core/types.cc b/caffe2/core/types.cc index c70d8cd489191..eb1f29539079b 100644 --- a/caffe2/core/types.cc +++ b/caffe2/core/types.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/types.h" #include "caffe2/core/typeid.h" diff --git a/caffe2/core/types.h b/caffe2/core/types.h index 26fff9d1cc7f2..4acf618531c74 100644 --- a/caffe2/core/types.h +++ b/caffe2/core/types.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_TYPES_H_ #define CAFFE2_CORE_TYPES_H_ diff --git a/caffe2/core/workspace.cc b/caffe2/core/workspace.cc index 8f0534794497e..ef63332f0dbe0 100644 --- a/caffe2/core/workspace.cc +++ b/caffe2/core/workspace.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/workspace.h" #include diff --git a/caffe2/core/workspace.h b/caffe2/core/workspace.h index e2b829d0cd815..9d05a3fa567c7 100644 --- a/caffe2/core/workspace.h +++ b/caffe2/core/workspace.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CORE_WORKSPACE_H_ #define CAFFE2_CORE_WORKSPACE_H_ diff --git a/caffe2/core/workspace_test.cc b/caffe2/core/workspace_test.cc index 8c10f94719868..02b171769f278 100644 --- a/caffe2/core/workspace_test.cc +++ b/caffe2/core/workspace_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/operator.h" diff --git a/caffe2/cuda_rtc/common_rtc.h b/caffe2/cuda_rtc/common_rtc.h index 80c2ba2ec582d..6eba34581e86e 100644 --- a/caffe2/cuda_rtc/common_rtc.h +++ b/caffe2/cuda_rtc/common_rtc.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_CUDA_RTC_COMMON_RTC_H_ #define CAFFE2_CUDA_RTC_COMMON_RTC_H_ diff --git a/caffe2/cuda_rtc/elemenntwise_rtc_gpu.cc b/caffe2/cuda_rtc/elemenntwise_rtc_gpu.cc index 6b3b62d770f94..578c8c36ac2dd 100644 --- a/caffe2/cuda_rtc/elemenntwise_rtc_gpu.cc +++ b/caffe2/cuda_rtc/elemenntwise_rtc_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/common_gpu.h" #include "caffe2/core/context_gpu.h" #include "caffe2/core/operator.h" diff --git a/caffe2/cuda_rtc/pool_op_rtc_gpu.cc b/caffe2/cuda_rtc/pool_op_rtc_gpu.cc index 4dc8d598044ba..f787e903a4caa 100644 --- a/caffe2/cuda_rtc/pool_op_rtc_gpu.cc +++ b/caffe2/cuda_rtc/pool_op_rtc_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/common_gpu.h" diff --git a/caffe2/db/create_db_op.cc b/caffe2/db/create_db_op.cc index d5b815f148435..3148c2ae796a5 100644 --- a/caffe2/db/create_db_op.cc +++ b/caffe2/db/create_db_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/db/create_db_op.h" namespace caffe2 { diff --git a/caffe2/db/create_db_op.h b/caffe2/db/create_db_op.h index c2d6060b4f03f..a9772f671e5c8 100644 --- a/caffe2/db/create_db_op.h +++ b/caffe2/db/create_db_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_DB_CREATE_DB_OP_H_ #define CAFFE2_DB_CREATE_DB_OP_H_ diff --git a/caffe2/db/create_db_op_gpu.cc b/caffe2/db/create_db_op_gpu.cc index 07552aa445c6d..e8290721612a3 100644 --- a/caffe2/db/create_db_op_gpu.cc +++ b/caffe2/db/create_db_op_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/db/create_db_op.h" diff --git a/caffe2/db/db_test.cc b/caffe2/db/db_test.cc index 7bbe253dc7b3c..33c5dcd5ec47d 100644 --- a/caffe2/db/db_test.cc +++ b/caffe2/db/db_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include #include diff --git a/caffe2/db/leveldb.cc b/caffe2/db/leveldb.cc index 6c5eff44fa925..d789fa952bd2c 100644 --- a/caffe2/db/leveldb.cc +++ b/caffe2/db/leveldb.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/db.h" #include "caffe2/core/logging.h" #include "caffe2/core/flags.h" diff --git a/caffe2/db/lmdb.cc b/caffe2/db/lmdb.cc index 0af3af0834dc7..3a1043802e98d 100644 --- a/caffe2/db/lmdb.cc +++ b/caffe2/db/lmdb.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "lmdb.h" // NOLINT #if defined(_MSC_VER) diff --git a/caffe2/db/protodb.cc b/caffe2/db/protodb.cc index 64d5e952f2e4d..58a5ee17a6c66 100644 --- a/caffe2/db/protodb.cc +++ b/caffe2/db/protodb.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/db.h" diff --git a/caffe2/db/rocksdb.cc b/caffe2/db/rocksdb.cc index 76efd9ca08f4c..ec6813b049cda 100644 --- a/caffe2/db/rocksdb.cc +++ b/caffe2/db/rocksdb.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/db.h" #include "caffe2/core/logging.h" #include "caffe2/core/flags.h" diff --git a/caffe2/db/zmqdb.cc b/caffe2/db/zmqdb.cc index e5947eb61752e..0ed4674af5904 100644 --- a/caffe2/db/zmqdb.cc +++ b/caffe2/db/zmqdb.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include #include diff --git a/caffe2/distributed/file_store_handler.cc b/caffe2/distributed/file_store_handler.cc index 8f5e639d09090..d426768e04f8a 100644 --- a/caffe2/distributed/file_store_handler.cc +++ b/caffe2/distributed/file_store_handler.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "file_store_handler_op.h" #include diff --git a/caffe2/distributed/file_store_handler.h b/caffe2/distributed/file_store_handler.h index a8818394f526f..f5920bfd276fd 100644 --- a/caffe2/distributed/file_store_handler.h +++ b/caffe2/distributed/file_store_handler.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include diff --git a/caffe2/distributed/file_store_handler_op.cc b/caffe2/distributed/file_store_handler_op.cc index a018daf200c18..bd98da102e85c 100644 --- a/caffe2/distributed/file_store_handler_op.cc +++ b/caffe2/distributed/file_store_handler_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "file_store_handler_op.h" namespace caffe2 { diff --git a/caffe2/distributed/file_store_handler_op.h b/caffe2/distributed/file_store_handler_op.h index 82aeb341f1a49..a7764d8cba200 100644 --- a/caffe2/distributed/file_store_handler_op.h +++ b/caffe2/distributed/file_store_handler_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "file_store_handler.h" diff --git a/caffe2/distributed/file_store_handler_op_gpu.cc b/caffe2/distributed/file_store_handler_op_gpu.cc index c2e3ff27c937c..d90b10ccc9b57 100644 --- a/caffe2/distributed/file_store_handler_op_gpu.cc +++ b/caffe2/distributed/file_store_handler_op_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "file_store_handler_op.h" #include diff --git a/caffe2/distributed/file_store_handler_op_test.py b/caffe2/distributed/file_store_handler_op_test.py index 32428cfc5f093..d88a3c158e4b2 100644 --- a/caffe2/distributed/file_store_handler_op_test.py +++ b/caffe2/distributed/file_store_handler_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/distributed/redis_store_handler.cc b/caffe2/distributed/redis_store_handler.cc index a2f41cc909276..d6ae14bd2e0e1 100644 --- a/caffe2/distributed/redis_store_handler.cc +++ b/caffe2/distributed/redis_store_handler.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "redis_store_handler.h" #include diff --git a/caffe2/distributed/redis_store_handler.h b/caffe2/distributed/redis_store_handler.h index ee208d9964ed5..f25a15aedbd92 100644 --- a/caffe2/distributed/redis_store_handler.h +++ b/caffe2/distributed/redis_store_handler.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include diff --git a/caffe2/distributed/redis_store_handler_op.cc b/caffe2/distributed/redis_store_handler_op.cc index 1ff32a093c9c1..6334bb3172e22 100644 --- a/caffe2/distributed/redis_store_handler_op.cc +++ b/caffe2/distributed/redis_store_handler_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "redis_store_handler_op.h" namespace caffe2 { diff --git a/caffe2/distributed/redis_store_handler_op.h b/caffe2/distributed/redis_store_handler_op.h index 5908fbd178bac..277324a2e88a6 100644 --- a/caffe2/distributed/redis_store_handler_op.h +++ b/caffe2/distributed/redis_store_handler_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "redis_store_handler.h" diff --git a/caffe2/distributed/redis_store_handler_op_gpu.cc b/caffe2/distributed/redis_store_handler_op_gpu.cc index 9bf8d25bba6cb..a21cf72f54032 100644 --- a/caffe2/distributed/redis_store_handler_op_gpu.cc +++ b/caffe2/distributed/redis_store_handler_op_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "redis_store_handler_op.h" #include diff --git a/caffe2/distributed/redis_store_handler_op_test.py b/caffe2/distributed/redis_store_handler_op_test.py index f156a3ab5cd0b..355906fd62057 100644 --- a/caffe2/distributed/redis_store_handler_op_test.py +++ b/caffe2/distributed/redis_store_handler_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/distributed/store_handler.cc b/caffe2/distributed/store_handler.cc index 5c585f8544b9c..44818e8cd540a 100644 --- a/caffe2/distributed/store_handler.cc +++ b/caffe2/distributed/store_handler.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "store_handler.h" #include diff --git a/caffe2/distributed/store_handler.h b/caffe2/distributed/store_handler.h index bb16cad762482..7f03030f820c9 100644 --- a/caffe2/distributed/store_handler.h +++ b/caffe2/distributed/store_handler.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include diff --git a/caffe2/distributed/store_ops.cc b/caffe2/distributed/store_ops.cc index 734dfc47801cb..3326a955c8dfc 100644 --- a/caffe2/distributed/store_ops.cc +++ b/caffe2/distributed/store_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "store_ops.h" namespace caffe2 { diff --git a/caffe2/distributed/store_ops.h b/caffe2/distributed/store_ops.h index b0097a393e3d1..da6ea34ef3194 100644 --- a/caffe2/distributed/store_ops.h +++ b/caffe2/distributed/store_ops.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "store_handler.h" diff --git a/caffe2/distributed/store_ops_test_util.py b/caffe2/distributed/store_ops_test_util.py index 33f08d7e5ff81..aa0ed9d8f393d 100644 --- a/caffe2/distributed/store_ops_test_util.py +++ b/caffe2/distributed/store_ops_test_util.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package store_ops_test_util # Module caffe2.distributed.store_ops_test_util from __future__ import absolute_import diff --git a/caffe2/experiments/operators/fully_connected_op_decomposition.cc b/caffe2/experiments/operators/fully_connected_op_decomposition.cc index 936e683b4b164..686af179ad571 100644 --- a/caffe2/experiments/operators/fully_connected_op_decomposition.cc +++ b/caffe2/experiments/operators/fully_connected_op_decomposition.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/experiments/operators/fully_connected_op_decomposition.h" namespace caffe2 { diff --git a/caffe2/experiments/operators/fully_connected_op_decomposition.h b/caffe2/experiments/operators/fully_connected_op_decomposition.h index 9b22964a75fc3..f06877f188b8e 100644 --- a/caffe2/experiments/operators/fully_connected_op_decomposition.h +++ b/caffe2/experiments/operators/fully_connected_op_decomposition.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_FULLY_CONNECTED_OP_DECOMPOSITION_H_ #define CAFFE2_OPERATORS_FULLY_CONNECTED_OP_DECOMPOSITION_H_ diff --git a/caffe2/experiments/operators/fully_connected_op_decomposition_gpu.cc b/caffe2/experiments/operators/fully_connected_op_decomposition_gpu.cc index e9c5b0395bc15..c2ca90159234b 100644 --- a/caffe2/experiments/operators/fully_connected_op_decomposition_gpu.cc +++ b/caffe2/experiments/operators/fully_connected_op_decomposition_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/experiments/operators/fully_connected_op_decomposition.h" diff --git a/caffe2/experiments/operators/fully_connected_op_prune.cc b/caffe2/experiments/operators/fully_connected_op_prune.cc index 8a09243c3c206..8ca613e3c0a78 100644 --- a/caffe2/experiments/operators/fully_connected_op_prune.cc +++ b/caffe2/experiments/operators/fully_connected_op_prune.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/experiments/operators/fully_connected_op_prune.h" namespace caffe2 { diff --git a/caffe2/experiments/operators/fully_connected_op_prune.h b/caffe2/experiments/operators/fully_connected_op_prune.h index bbc13bd96dbbc..5b9508f26f2b5 100644 --- a/caffe2/experiments/operators/fully_connected_op_prune.h +++ b/caffe2/experiments/operators/fully_connected_op_prune.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_FULLY_CONNECTED_OP_PRUNE_H_ #define CAFFE2_OPERATORS_FULLY_CONNECTED_OP_PRUNE_H_ diff --git a/caffe2/experiments/operators/fully_connected_op_sparse.cc b/caffe2/experiments/operators/fully_connected_op_sparse.cc index 37f26d3365c33..2213f1e340a99 100644 --- a/caffe2/experiments/operators/fully_connected_op_sparse.cc +++ b/caffe2/experiments/operators/fully_connected_op_sparse.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/experiments/operators/fully_connected_op_sparse.h" namespace caffe2 { diff --git a/caffe2/experiments/operators/fully_connected_op_sparse.h b/caffe2/experiments/operators/fully_connected_op_sparse.h index 3025298eacecb..a5abe18a07484 100644 --- a/caffe2/experiments/operators/fully_connected_op_sparse.h +++ b/caffe2/experiments/operators/fully_connected_op_sparse.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_FULLY_CONNECTED_OP_SPARSE_H_ #define CAFFE2_OPERATORS_FULLY_CONNECTED_OP_SPARSE_H_ diff --git a/caffe2/experiments/operators/funhash_op.cc b/caffe2/experiments/operators/funhash_op.cc index 7438ffc9f0fe7..0340308d7e410 100644 --- a/caffe2/experiments/operators/funhash_op.cc +++ b/caffe2/experiments/operators/funhash_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/experiments/operators/funhash_op.h" namespace caffe2 { diff --git a/caffe2/experiments/operators/funhash_op.h b/caffe2/experiments/operators/funhash_op.h index 2f607a48d177e..76bd37aee08e6 100644 --- a/caffe2/experiments/operators/funhash_op.h +++ b/caffe2/experiments/operators/funhash_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_FUNHASH_OP_H_ #define CAFFE2_OPERATORS_FUNHASH_OP_H_ diff --git a/caffe2/experiments/operators/sparse_funhash_op.cc b/caffe2/experiments/operators/sparse_funhash_op.cc index 219343afefd31..58caa63342414 100644 --- a/caffe2/experiments/operators/sparse_funhash_op.cc +++ b/caffe2/experiments/operators/sparse_funhash_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/experiments/operators/sparse_funhash_op.h" namespace caffe2 { diff --git a/caffe2/experiments/operators/sparse_funhash_op.h b/caffe2/experiments/operators/sparse_funhash_op.h index 6741a5143af16..04c2441f297b1 100644 --- a/caffe2/experiments/operators/sparse_funhash_op.h +++ b/caffe2/experiments/operators/sparse_funhash_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_SPARSE_FUNHASH_OP_H_ #define CAFFE2_OPERATORS_SPARSE_FUNHASH_OP_H_ diff --git a/caffe2/experiments/operators/sparse_matrix_reshape_op.cc b/caffe2/experiments/operators/sparse_matrix_reshape_op.cc index be1ff3e6ec04c..b7dd5bf0c8d64 100644 --- a/caffe2/experiments/operators/sparse_matrix_reshape_op.cc +++ b/caffe2/experiments/operators/sparse_matrix_reshape_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/experiments/operators/sparse_matrix_reshape_op.h" namespace caffe2 { diff --git a/caffe2/experiments/operators/sparse_matrix_reshape_op.h b/caffe2/experiments/operators/sparse_matrix_reshape_op.h index f533b265baf58..b952a72158f45 100644 --- a/caffe2/experiments/operators/sparse_matrix_reshape_op.h +++ b/caffe2/experiments/operators/sparse_matrix_reshape_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_SPARSE_MATRIX_RESHAPE_H_ #define CAFFE2_OPERATORS_SPARSE_MATRIX_RESHAPE_H_ diff --git a/caffe2/experiments/operators/tt_contraction_op.cc b/caffe2/experiments/operators/tt_contraction_op.cc index 693311daa7f28..68c61d6b4ad46 100644 --- a/caffe2/experiments/operators/tt_contraction_op.cc +++ b/caffe2/experiments/operators/tt_contraction_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/experiments/operators/tt_contraction_op.h" namespace caffe2 { diff --git a/caffe2/experiments/operators/tt_contraction_op.h b/caffe2/experiments/operators/tt_contraction_op.h index f58b40c0228b9..11ef35bd235ab 100644 --- a/caffe2/experiments/operators/tt_contraction_op.h +++ b/caffe2/experiments/operators/tt_contraction_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_TT_CONTRACTION_OP_H_ #define CAFFE2_OPERATORS_TT_CONTRACTION_OP_H_ diff --git a/caffe2/experiments/operators/tt_contraction_op_gpu.cc b/caffe2/experiments/operators/tt_contraction_op_gpu.cc index 7d0d5235958b3..496d8cb8dfcb9 100644 --- a/caffe2/experiments/operators/tt_contraction_op_gpu.cc +++ b/caffe2/experiments/operators/tt_contraction_op_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/experiments/operators/tt_contraction_op.h" diff --git a/caffe2/experiments/operators/tt_pad_op.cc b/caffe2/experiments/operators/tt_pad_op.cc index 47816fd70f2e0..4d8d9f302c646 100644 --- a/caffe2/experiments/operators/tt_pad_op.cc +++ b/caffe2/experiments/operators/tt_pad_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/experiments/operators/tt_pad_op.h" namespace caffe2 { diff --git a/caffe2/experiments/operators/tt_pad_op.h b/caffe2/experiments/operators/tt_pad_op.h index 220eecccfdc64..c85101542ce4f 100644 --- a/caffe2/experiments/operators/tt_pad_op.h +++ b/caffe2/experiments/operators/tt_pad_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_TT_PAD_OP_H_ #define CAFFE2_OPERATORS_TT_PAD_OP_H_ diff --git a/caffe2/experiments/python/SparseTransformer.py b/caffe2/experiments/python/SparseTransformer.py index c09bb09574798..ff9ab7715c337 100644 --- a/caffe2/experiments/python/SparseTransformer.py +++ b/caffe2/experiments/python/SparseTransformer.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package SparseTransformer # Module caffe2.experiments.python.SparseTransformer from __future__ import absolute_import diff --git a/caffe2/experiments/python/convnet_benchmarks.py b/caffe2/experiments/python/convnet_benchmarks.py index cec67c38e7ad4..b02318594e3b7 100644 --- a/caffe2/experiments/python/convnet_benchmarks.py +++ b/caffe2/experiments/python/convnet_benchmarks.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package convnet_benchmarks # Module caffe2.experiments.python.convnet_benchmarks from __future__ import absolute_import diff --git a/caffe2/experiments/python/device_reduce_sum_bench.py b/caffe2/experiments/python/device_reduce_sum_bench.py index 7da34fd4bc983..dbe0dae4f0c2d 100644 --- a/caffe2/experiments/python/device_reduce_sum_bench.py +++ b/caffe2/experiments/python/device_reduce_sum_bench.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package device_reduce_sum_bench # Module caffe2.experiments.python.device_reduce_sum_bench from __future__ import absolute_import diff --git a/caffe2/experiments/python/funhash_op_test.py b/caffe2/experiments/python/funhash_op_test.py index c6371c05f08e3..6a4eb0e6b5b59 100644 --- a/caffe2/experiments/python/funhash_op_test.py +++ b/caffe2/experiments/python/funhash_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/experiments/python/net_construct_bench.py b/caffe2/experiments/python/net_construct_bench.py index 762b0fb1aa308..da98100b16cbe 100644 --- a/caffe2/experiments/python/net_construct_bench.py +++ b/caffe2/experiments/python/net_construct_bench.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package net_construct_bench # Module caffe2.experiments.python.net_construct_bench from __future__ import absolute_import diff --git a/caffe2/experiments/python/sparse_funhash_op_test.py b/caffe2/experiments/python/sparse_funhash_op_test.py index 10b1c0f52a56f..2af006249c7d7 100644 --- a/caffe2/experiments/python/sparse_funhash_op_test.py +++ b/caffe2/experiments/python/sparse_funhash_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/experiments/python/sparse_reshape_op_test.py b/caffe2/experiments/python/sparse_reshape_op_test.py index 3454271302410..5849580f09e17 100644 --- a/caffe2/experiments/python/sparse_reshape_op_test.py +++ b/caffe2/experiments/python/sparse_reshape_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/experiments/python/tt_contraction_op_test.py b/caffe2/experiments/python/tt_contraction_op_test.py index 048145c47a1f7..4cd04a16ea230 100644 --- a/caffe2/experiments/python/tt_contraction_op_test.py +++ b/caffe2/experiments/python/tt_contraction_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/experiments/python/tt_pad_op_test.py b/caffe2/experiments/python/tt_pad_op_test.py index e66c52af324e9..10be7adcb4532 100644 --- a/caffe2/experiments/python/tt_pad_op_test.py +++ b/caffe2/experiments/python/tt_pad_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/image/image_input_op.cc b/caffe2/image/image_input_op.cc index 25fe290ba8455..251563432fe97 100644 --- a/caffe2/image/image_input_op.cc +++ b/caffe2/image/image_input_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/image/image_input_op.h" namespace caffe2 { diff --git a/caffe2/image/image_input_op.h b/caffe2/image/image_input_op.h index 5387a110f793e..ac295c6882942 100644 --- a/caffe2/image/image_input_op.h +++ b/caffe2/image/image_input_op.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_IMAGE_IMAGE_INPUT_OP_H_ #define CAFFE2_IMAGE_IMAGE_INPUT_OP_H_ diff --git a/caffe2/image/image_input_op_gpu.cc b/caffe2/image/image_input_op_gpu.cc index c69889c3f8127..32208120d6208 100644 --- a/caffe2/image/image_input_op_gpu.cc +++ b/caffe2/image/image_input_op_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/common_gpu.h" #include "caffe2/core/context_gpu.h" #include "caffe2/image/image_input_op.h" diff --git a/caffe2/image/transform_gpu.cu b/caffe2/image/transform_gpu.cu index c6d8d775332d9..0ffb70b254100 100644 --- a/caffe2/image/transform_gpu.cu +++ b/caffe2/image/transform_gpu.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/image/transform_gpu.h" #include "caffe2/utils/conversions.h" diff --git a/caffe2/image/transform_gpu.h b/caffe2/image/transform_gpu.h index a19b5251f5d72..16543e28e3d7a 100644 --- a/caffe2/image/transform_gpu.h +++ b/caffe2/image/transform_gpu.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_IMAGE_TRANSFORM_GPU_H_ #define CAFFE2_IMAGE_TRANSFORM_GPU_H_ diff --git a/caffe2/mkl/mkl_operator.cc b/caffe2/mkl/mkl_operator.cc index 45cec05b12435..4ac0a85a27992 100644 --- a/caffe2/mkl/mkl_operator.cc +++ b/caffe2/mkl/mkl_operator.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/operator.h" #include "caffe2/proto/caffe2.pb.h" diff --git a/caffe2/mkl/mkl_utils.h b/caffe2/mkl/mkl_utils.h index 9514129b89fb3..3931a7192833e 100644 --- a/caffe2/mkl/mkl_utils.h +++ b/caffe2/mkl/mkl_utils.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_UTILS_MKL_UTILS_H_ #define CAFFE2_UTILS_MKL_UTILS_H_ diff --git a/caffe2/mkl/mkl_utils_test.cc b/caffe2/mkl/mkl_utils_test.cc index d1ff64cfed2e1..5411edbd5a848 100644 --- a/caffe2/mkl/mkl_utils_test.cc +++ b/caffe2/mkl/mkl_utils_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/blob.h" #include "caffe2/core/context.h" #include "caffe2/core/tensor.h" diff --git a/caffe2/mkl/mklmemory_serialization.cc b/caffe2/mkl/mklmemory_serialization.cc index 35f787b8f6f61..cbde4d0be0001 100644 --- a/caffe2/mkl/mklmemory_serialization.cc +++ b/caffe2/mkl/mklmemory_serialization.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/blob.h" #include "caffe2/core/blob_serialization.h" #include "caffe2/mkl/mkl_utils.h" diff --git a/caffe2/mkl/mklmemory_serialization_test.cc b/caffe2/mkl/mklmemory_serialization_test.cc index d4b84817dc41e..26fb02bac629a 100644 --- a/caffe2/mkl/mklmemory_serialization_test.cc +++ b/caffe2/mkl/mklmemory_serialization_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/blob.h" #include "caffe2/core/blob_serialization.h" #include "caffe2/core/common.h" diff --git a/caffe2/mkl/operators/conv_op.cc b/caffe2/mkl/operators/conv_op.cc index 32d307fa4a273..ffe3c1f80e9f0 100644 --- a/caffe2/mkl/operators/conv_op.cc +++ b/caffe2/mkl/operators/conv_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context.h" #include "caffe2/core/operator.h" #include "caffe2/mkl/mkl_utils.h" diff --git a/caffe2/mkl/operators/conv_op_mkldnn.cc b/caffe2/mkl/operators/conv_op_mkldnn.cc index 0e363863bc435..b485e20cc2861 100644 --- a/caffe2/mkl/operators/conv_op_mkldnn.cc +++ b/caffe2/mkl/operators/conv_op_mkldnn.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context.h" #include "caffe2/core/operator.h" #include "caffe2/mkl/mkl_utils.h" diff --git a/caffe2/mkl/operators/elementwise_sum_op.cc b/caffe2/mkl/operators/elementwise_sum_op.cc index 3778e93c4d42d..2c569765d5495 100644 --- a/caffe2/mkl/operators/elementwise_sum_op.cc +++ b/caffe2/mkl/operators/elementwise_sum_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context.h" #include "caffe2/core/operator.h" #include "caffe2/mkl/mkl_utils.h" diff --git a/caffe2/mkl/operators/fully_connected_op.cc b/caffe2/mkl/operators/fully_connected_op.cc index 79b490d444a4f..dd9408169acac 100644 --- a/caffe2/mkl/operators/fully_connected_op.cc +++ b/caffe2/mkl/operators/fully_connected_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context.h" #include "caffe2/core/operator.h" #include "caffe2/mkl/mkl_utils.h" diff --git a/caffe2/mkl/operators/local_response_normalization_op.cc b/caffe2/mkl/operators/local_response_normalization_op.cc index 79b663dda6502..8dcf432306abf 100644 --- a/caffe2/mkl/operators/local_response_normalization_op.cc +++ b/caffe2/mkl/operators/local_response_normalization_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/local_response_normalization_op.h" #include "caffe2/core/context.h" #include "caffe2/core/operator.h" diff --git a/caffe2/mkl/operators/operator_fallback_mkl.cc b/caffe2/mkl/operators/operator_fallback_mkl.cc index 819c24c418b78..8edd542af9fec 100644 --- a/caffe2/mkl/operators/operator_fallback_mkl.cc +++ b/caffe2/mkl/operators/operator_fallback_mkl.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/mkl/operators/operator_fallback_mkl.h" #include "caffe2/mkl/utils/mkl_operator.h" diff --git a/caffe2/mkl/operators/operator_fallback_mkl.h b/caffe2/mkl/operators/operator_fallback_mkl.h index cc90bc16c0836..c1aa2337ae6a8 100644 --- a/caffe2/mkl/operators/operator_fallback_mkl.h +++ b/caffe2/mkl/operators/operator_fallback_mkl.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_OPERATOR_FALLBACK_H_ #define CAFFE2_OPERATORS_OPERATOR_FALLBACK_H_ diff --git a/caffe2/mkl/operators/packed_fc_op.cc b/caffe2/mkl/operators/packed_fc_op.cc index 89927762cd2a0..494530c222da9 100644 --- a/caffe2/mkl/operators/packed_fc_op.cc +++ b/caffe2/mkl/operators/packed_fc_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/context.h" diff --git a/caffe2/mkl/operators/pool_op.cc b/caffe2/mkl/operators/pool_op.cc index 2199299862090..94b50686927ce 100644 --- a/caffe2/mkl/operators/pool_op.cc +++ b/caffe2/mkl/operators/pool_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context.h" #include "caffe2/core/operator.h" #include "caffe2/operators/conv_pool_op_base.h" diff --git a/caffe2/mkl/operators/relu_op.cc b/caffe2/mkl/operators/relu_op.cc index 83899bdee0e27..46449436c0ad1 100644 --- a/caffe2/mkl/operators/relu_op.cc +++ b/caffe2/mkl/operators/relu_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/relu_op.h" #include "caffe2/mkl/mkl_utils.h" diff --git a/caffe2/mkl/operators/spatial_batch_norm_op.cc b/caffe2/mkl/operators/spatial_batch_norm_op.cc index efc2d7f0183f7..b30403db20a29 100644 --- a/caffe2/mkl/operators/spatial_batch_norm_op.cc +++ b/caffe2/mkl/operators/spatial_batch_norm_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/spatial_batch_norm_op.h" #include diff --git a/caffe2/mkl/operators/utility_ops.cc b/caffe2/mkl/operators/utility_ops.cc index da503cab5b53f..786db238de2ba 100644 --- a/caffe2/mkl/operators/utility_ops.cc +++ b/caffe2/mkl/operators/utility_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/utility_ops.h" #include "caffe2/core/operator.h" #include "caffe2/mkl/mkl_utils.h" diff --git a/caffe2/mkl/utils/mkl_context.cc b/caffe2/mkl/utils/mkl_context.cc index 609a34913e292..efe0ea0d6f2e9 100644 --- a/caffe2/mkl/utils/mkl_context.cc +++ b/caffe2/mkl/utils/mkl_context.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/mkl/utils/mkl_context.h" #include "caffe2/core/event.h" diff --git a/caffe2/mkl/utils/mkl_context.h b/caffe2/mkl/utils/mkl_context.h index 7186ed7c374a2..64ddd0c95be27 100644 --- a/caffe2/mkl/utils/mkl_context.h +++ b/caffe2/mkl/utils/mkl_context.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_UTILS_MKL_CONTEXT_H_ #define CAFFE2_UTILS_MKL_CONTEXT_H_ diff --git a/caffe2/mkl/utils/mkl_dnn_cppwrapper.h b/caffe2/mkl/utils/mkl_dnn_cppwrapper.h index f775c0f3d4a68..541c848e51057 100644 --- a/caffe2/mkl/utils/mkl_dnn_cppwrapper.h +++ b/caffe2/mkl/utils/mkl_dnn_cppwrapper.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + // Do not directl include this file. Include caffe2/mkl/mkl_utils.h instead. #ifndef CAFFE2_UTILS_MKL_MKL_DNN_CPPWRAPPER_H #define CAFFE2_UTILS_MKL_MKL_DNN_CPPWRAPPER_H diff --git a/caffe2/mkl/utils/mkl_memory.cc b/caffe2/mkl/utils/mkl_memory.cc index 537b0b505d53e..63836b7a8df79 100644 --- a/caffe2/mkl/utils/mkl_memory.cc +++ b/caffe2/mkl/utils/mkl_memory.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/mkl/mkl_utils.h" #ifdef CAFFE2_HAS_MKL_DNN diff --git a/caffe2/mkl/utils/mkl_memory.h b/caffe2/mkl/utils/mkl_memory.h index f8954440c7770..ad6fe62d2f478 100644 --- a/caffe2/mkl/utils/mkl_memory.h +++ b/caffe2/mkl/utils/mkl_memory.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_UTILS_MKL_MKL_MEMORY_H_ #define CAFFE2_UTILS_MKL_MKL_MEMORY_H_ diff --git a/caffe2/mkl/utils/mkl_operator.h b/caffe2/mkl/utils/mkl_operator.h index 23189fb42d8dc..5610a11471fc8 100644 --- a/caffe2/mkl/utils/mkl_operator.h +++ b/caffe2/mkl/utils/mkl_operator.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_UTILS_MKL_OPERATOR_H_ #define CAFFE2_UTILS_MKL_OPERATOR_H_ diff --git a/caffe2/mkl/utils/mkl_version_check.h b/caffe2/mkl/utils/mkl_version_check.h index 7a125c2b527c9..8cd7538254ef4 100644 --- a/caffe2/mkl/utils/mkl_version_check.h +++ b/caffe2/mkl/utils/mkl_version_check.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_UTILS_MKL_MKL_VERSION_CHECK_H_ #define CAFFE2_UTILS_MKL_MKL_VERSION_CHECK_H_ #ifdef CAFFE2_USE_MKL diff --git a/caffe2/mkl/utils/sgemm_pack.h b/caffe2/mkl/utils/sgemm_pack.h index 5d45f84559101..58d504edc45f4 100644 --- a/caffe2/mkl/utils/sgemm_pack.h +++ b/caffe2/mkl/utils/sgemm_pack.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_UTILS_MKL_SGEMM_PACK_H_ #define CAFFE2_UTILS_MKL_SGEMM_PACK_H_ diff --git a/caffe2/mobile/contrib/ios/ios_caffe.cc b/caffe2/mobile/contrib/ios/ios_caffe.cc index c8d7e524af140..435efe40c0393 100644 --- a/caffe2/mobile/contrib/ios/ios_caffe.cc +++ b/caffe2/mobile/contrib/ios/ios_caffe.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "ios_caffe.h" #include "caffe2/core/predictor.h" diff --git a/caffe2/mobile/contrib/ios/ios_caffe.h b/caffe2/mobile/contrib/ios/ios_caffe.h index e97d63bf3c540..79eae933d45b1 100644 --- a/caffe2/mobile/contrib/ios/ios_caffe.h +++ b/caffe2/mobile/contrib/ios/ios_caffe.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifdef __cplusplus diff --git a/caffe2/mobile/contrib/ios/ios_caffe_defines.h b/caffe2/mobile/contrib/ios/ios_caffe_defines.h index c31e6990dd995..9ace570f73fff 100644 --- a/caffe2/mobile/contrib/ios/ios_caffe_defines.h +++ b/caffe2/mobile/contrib/ios/ios_caffe_defines.h @@ -1,3 +1,18 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #define IOS_CAFFE_EXPORT __attribute__((visibility("default"))) diff --git a/caffe2/mobile/contrib/ios/ios_caffe_predictor.cc b/caffe2/mobile/contrib/ios/ios_caffe_predictor.cc index d497c9b7b7047..02d618a7b4c7f 100644 --- a/caffe2/mobile/contrib/ios/ios_caffe_predictor.cc +++ b/caffe2/mobile/contrib/ios/ios_caffe_predictor.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/mobile/contrib/ios/ios_caffe_predictor.h" #include "caffe2/core/flags.h" #include "caffe2/core/tensor.h" diff --git a/caffe2/mobile/contrib/ios/ios_caffe_predictor.h b/caffe2/mobile/contrib/ios/ios_caffe_predictor.h index 05c13a10e9ef5..413dbe4b902bc 100644 --- a/caffe2/mobile/contrib/ios/ios_caffe_predictor.h +++ b/caffe2/mobile/contrib/ios/ios_caffe_predictor.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once diff --git a/caffe2/mobile/contrib/ios/mobile_nnpack.cc b/caffe2/mobile/contrib/ios/mobile_nnpack.cc index cfb59c23d9da4..c67557ff33abd 100644 --- a/caffe2/mobile/contrib/ios/mobile_nnpack.cc +++ b/caffe2/mobile/contrib/ios/mobile_nnpack.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/common.h" #ifndef CAFFE2_MOBILE diff --git a/caffe2/mobile/contrib/ios/mobile_nnpack_test.cc b/caffe2/mobile/contrib/ios/mobile_nnpack_test.cc index ebbd8669eadb5..8fc3e22513662 100644 --- a/caffe2/mobile/contrib/ios/mobile_nnpack_test.cc +++ b/caffe2/mobile/contrib/ios/mobile_nnpack_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/init.h" #include "caffe2/core/operator.h" #include "caffe2/core/tensor.h" diff --git a/caffe2/mobile/contrib/ios/mpscnn/MPSCNN.metal b/caffe2/mobile/contrib/ios/mpscnn/MPSCNN.metal index 354f8cfc86d06..35cb409b29e79 100644 --- a/caffe2/mobile/contrib/ios/mpscnn/MPSCNN.metal +++ b/caffe2/mobile/contrib/ios/mpscnn/MPSCNN.metal @@ -1,4 +1,3 @@ -// Copyright 2004-present Facebook. All Rights Reserved. #include diff --git a/caffe2/mobile/contrib/ios/mpscnn/mpscnn.h b/caffe2/mobile/contrib/ios/mpscnn/mpscnn.h index f75e9b47973af..2ed3531e33058 100644 --- a/caffe2/mobile/contrib/ios/mpscnn/mpscnn.h +++ b/caffe2/mobile/contrib/ios/mpscnn/mpscnn.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/core/net.h" diff --git a/caffe2/mobile/contrib/ios/mpscnn/mpscnn.mm b/caffe2/mobile/contrib/ios/mpscnn/mpscnn.mm index 93772e337ac78..4f4b8eec9400d 100644 --- a/caffe2/mobile/contrib/ios/mpscnn/mpscnn.mm +++ b/caffe2/mobile/contrib/ios/mpscnn/mpscnn.mm @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/common.h" #include "caffe2/core/context.h" diff --git a/caffe2/mobile/contrib/ios/mpscnn/mpscnn_context.h b/caffe2/mobile/contrib/ios/mpscnn/mpscnn_context.h index 19b45672cd0bc..f5f3c964be27b 100644 --- a/caffe2/mobile/contrib/ios/mpscnn/mpscnn_context.h +++ b/caffe2/mobile/contrib/ios/mpscnn/mpscnn_context.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once diff --git a/caffe2/mobile/contrib/ios/mpscnn/mpscnn_context.mm b/caffe2/mobile/contrib/ios/mpscnn/mpscnn_context.mm index 7a62380983ad1..c95b11dc4557f 100644 --- a/caffe2/mobile/contrib/ios/mpscnn/mpscnn_context.mm +++ b/caffe2/mobile/contrib/ios/mpscnn/mpscnn_context.mm @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/common.h" diff --git a/caffe2/mobile/contrib/ios/mpscnn/mpscnn_graph.mm b/caffe2/mobile/contrib/ios/mpscnn/mpscnn_graph.mm index 43a6201d11c7e..e2c8db962265b 100644 --- a/caffe2/mobile/contrib/ios/mpscnn/mpscnn_graph.mm +++ b/caffe2/mobile/contrib/ios/mpscnn/mpscnn_graph.mm @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/operator.h" #include "mpscnn.h" diff --git a/caffe2/mobile/contrib/ios/mpscnn/mpscnn_graph_mask.h b/caffe2/mobile/contrib/ios/mpscnn/mpscnn_graph_mask.h index 7cba876c76ed7..9cda6f91f4e87 100644 --- a/caffe2/mobile/contrib/ios/mpscnn/mpscnn_graph_mask.h +++ b/caffe2/mobile/contrib/ios/mpscnn/mpscnn_graph_mask.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/core/net.h" diff --git a/caffe2/mobile/contrib/ios/mpscnn/mpscnn_graph_mask.mm b/caffe2/mobile/contrib/ios/mpscnn/mpscnn_graph_mask.mm index b5f534e21228d..df088bb30dd7d 100644 --- a/caffe2/mobile/contrib/ios/mpscnn/mpscnn_graph_mask.mm +++ b/caffe2/mobile/contrib/ios/mpscnn/mpscnn_graph_mask.mm @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "mpscnn_graph_mask.h" #include "caffe2/core/operator.h" diff --git a/caffe2/mobile/contrib/ios/mpscnn/mpscnn_kernels.h b/caffe2/mobile/contrib/ios/mpscnn/mpscnn_kernels.h index c5ff599fd6c31..25d6f91a2094d 100644 --- a/caffe2/mobile/contrib/ios/mpscnn/mpscnn_kernels.h +++ b/caffe2/mobile/contrib/ios/mpscnn/mpscnn_kernels.h @@ -1,9 +1,23 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + // @generated static const char* MPSCNN_KERNELS = R"V0G0N( -// Copyright 2004-present Facebook. All Rights Reserved. #include diff --git a/caffe2/mobile/contrib/ios/mpscnn/mpscnn_test.h b/caffe2/mobile/contrib/ios/mpscnn/mpscnn_test.h index 005a312dddd7c..f3b691aa3a343 100644 --- a/caffe2/mobile/contrib/ios/mpscnn/mpscnn_test.h +++ b/caffe2/mobile/contrib/ios/mpscnn/mpscnn_test.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/net.h" #pragma once diff --git a/caffe2/mobile/contrib/ios/mpscnn/mpscnn_test.mm b/caffe2/mobile/contrib/ios/mpscnn/mpscnn_test.mm index 0395c0b8df1ec..d2c8a078a4f22 100644 --- a/caffe2/mobile/contrib/ios/mpscnn/mpscnn_test.mm +++ b/caffe2/mobile/contrib/ios/mpscnn/mpscnn_test.mm @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/common.h" diff --git a/caffe2/mobile/contrib/ios/pool_test.cc b/caffe2/mobile/contrib/ios/pool_test.cc index 80b74332d032f..76923a3a8b3df 100644 --- a/caffe2/mobile/contrib/ios/pool_test.cc +++ b/caffe2/mobile/contrib/ios/pool_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/init.h" #include "caffe2/core/operator.h" #include "caffe2/core/tensor.h" diff --git a/caffe2/mobile/contrib/ios/resize_test.cc b/caffe2/mobile/contrib/ios/resize_test.cc index 6df3f011d2da1..339803d8ede57 100644 --- a/caffe2/mobile/contrib/ios/resize_test.cc +++ b/caffe2/mobile/contrib/ios/resize_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/init.h" #include "caffe2/core/operator.h" #include "caffe2/core/tensor.h" diff --git a/caffe2/mobile/contrib/opengl/android/AndroidGLContext.cc b/caffe2/mobile/contrib/opengl/android/AndroidGLContext.cc index ed693f8f545fd..23adb387ef7fc 100644 --- a/caffe2/mobile/contrib/opengl/android/AndroidGLContext.cc +++ b/caffe2/mobile/contrib/opengl/android/AndroidGLContext.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "AndroidGLContext.h" #include "caffe2/core/logging.h" #include "gl3stub.h" diff --git a/caffe2/mobile/contrib/opengl/android/AndroidGLContext.h b/caffe2/mobile/contrib/opengl/android/AndroidGLContext.h index 4fd58e1e1b458..28b1093b3334e 100644 --- a/caffe2/mobile/contrib/opengl/android/AndroidGLContext.h +++ b/caffe2/mobile/contrib/opengl/android/AndroidGLContext.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once diff --git a/caffe2/mobile/contrib/opengl/android/GLContext.cc b/caffe2/mobile/contrib/opengl/android/GLContext.cc index 566f739ea2889..f2fa318738443 100644 --- a/caffe2/mobile/contrib/opengl/android/GLContext.cc +++ b/caffe2/mobile/contrib/opengl/android/GLContext.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "AndroidGLContext.h" diff --git a/caffe2/mobile/contrib/opengl/android/GLImageAllocator.cc b/caffe2/mobile/contrib/opengl/android/GLImageAllocator.cc index c83edafb00409..e593b730d1bfd 100644 --- a/caffe2/mobile/contrib/opengl/android/GLImageAllocator.cc +++ b/caffe2/mobile/contrib/opengl/android/GLImageAllocator.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "../core/GLImageAllocator.h" #include "../core/arm_neon_support.h" diff --git a/caffe2/mobile/contrib/opengl/android/arm_neon_support.h b/caffe2/mobile/contrib/opengl/android/arm_neon_support.h index eebb972fb877f..ea0e1fc36cfc2 100644 --- a/caffe2/mobile/contrib/opengl/android/arm_neon_support.h +++ b/caffe2/mobile/contrib/opengl/android/arm_neon_support.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once diff --git a/caffe2/mobile/contrib/opengl/android/gl3stub.c b/caffe2/mobile/contrib/opengl/android/gl3stub.c index 0430ef013fc6d..13411de6cc823 100755 --- a/caffe2/mobile/contrib/opengl/android/gl3stub.c +++ b/caffe2/mobile/contrib/opengl/android/gl3stub.c @@ -1,4 +1,3 @@ -// Copyright 2004-present Facebook. All Rights Reserved. // clang-format off diff --git a/caffe2/mobile/contrib/opengl/android/gl3stub.h b/caffe2/mobile/contrib/opengl/android/gl3stub.h old mode 100755 new mode 100644 index 25e792530a3e4..afaf92caab4b9 --- a/caffe2/mobile/contrib/opengl/android/gl3stub.h +++ b/caffe2/mobile/contrib/opengl/android/gl3stub.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef __gl3_h_ #define __gl3_h_ diff --git a/caffe2/mobile/contrib/opengl/core/DataTransfer.cc b/caffe2/mobile/contrib/opengl/core/DataTransfer.cc index 9d545a9963f62..0e58328fdf274 100644 --- a/caffe2/mobile/contrib/opengl/core/DataTransfer.cc +++ b/caffe2/mobile/contrib/opengl/core/DataTransfer.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "DataTransfer.h" #include "GLLogging.h" diff --git a/caffe2/mobile/contrib/opengl/core/DataTransfer.h b/caffe2/mobile/contrib/opengl/core/DataTransfer.h index 65795123eaeaf..e6a36f9416575 100644 --- a/caffe2/mobile/contrib/opengl/core/DataTransfer.h +++ b/caffe2/mobile/contrib/opengl/core/DataTransfer.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once diff --git a/caffe2/mobile/contrib/opengl/core/GL.h b/caffe2/mobile/contrib/opengl/core/GL.h index eaf5f876d48fa..171669ed25e48 100644 --- a/caffe2/mobile/contrib/opengl/core/GL.h +++ b/caffe2/mobile/contrib/opengl/core/GL.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/core/common.h" diff --git a/caffe2/mobile/contrib/opengl/core/GLContext.cc b/caffe2/mobile/contrib/opengl/core/GLContext.cc index ecc38895b6d61..5ebcd1a7b71ad 100644 --- a/caffe2/mobile/contrib/opengl/core/GLContext.cc +++ b/caffe2/mobile/contrib/opengl/core/GLContext.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/logging.h" diff --git a/caffe2/mobile/contrib/opengl/core/GLContext.h b/caffe2/mobile/contrib/opengl/core/GLContext.h index 053a92d356913..15eac5ee85491 100644 --- a/caffe2/mobile/contrib/opengl/core/GLContext.h +++ b/caffe2/mobile/contrib/opengl/core/GLContext.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "GLTexture.h" diff --git a/caffe2/mobile/contrib/opengl/core/GLFilter.cc b/caffe2/mobile/contrib/opengl/core/GLFilter.cc index 296661a667478..cde2be35acff9 100644 --- a/caffe2/mobile/contrib/opengl/core/GLFilter.cc +++ b/caffe2/mobile/contrib/opengl/core/GLFilter.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "GLFilter.h" #include diff --git a/caffe2/mobile/contrib/opengl/core/GLFilter.h b/caffe2/mobile/contrib/opengl/core/GLFilter.h index d93ca7e5a977a..300bd7c631732 100644 --- a/caffe2/mobile/contrib/opengl/core/GLFilter.h +++ b/caffe2/mobile/contrib/opengl/core/GLFilter.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once diff --git a/caffe2/mobile/contrib/opengl/core/GLImage.cc b/caffe2/mobile/contrib/opengl/core/GLImage.cc index 7b7ac0041f363..3a45fa71e5445 100644 --- a/caffe2/mobile/contrib/opengl/core/GLImage.cc +++ b/caffe2/mobile/contrib/opengl/core/GLImage.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "GLImage.h" #include "arm_neon_support.h" diff --git a/caffe2/mobile/contrib/opengl/core/GLImage.h b/caffe2/mobile/contrib/opengl/core/GLImage.h index 9ba63cd2a6eb3..0153813c1c4a7 100644 --- a/caffe2/mobile/contrib/opengl/core/GLImage.h +++ b/caffe2/mobile/contrib/opengl/core/GLImage.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once diff --git a/caffe2/mobile/contrib/opengl/core/GLImageAllocator.cc b/caffe2/mobile/contrib/opengl/core/GLImageAllocator.cc index 5c404ddbea24b..de14ab4124058 100644 --- a/caffe2/mobile/contrib/opengl/core/GLImageAllocator.cc +++ b/caffe2/mobile/contrib/opengl/core/GLImageAllocator.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "GLImageAllocator.h" #include "arm_neon_support.h" diff --git a/caffe2/mobile/contrib/opengl/core/GLImageAllocator.h b/caffe2/mobile/contrib/opengl/core/GLImageAllocator.h index 3dd6e98ea9d3a..a8dc3acd6a158 100644 --- a/caffe2/mobile/contrib/opengl/core/GLImageAllocator.h +++ b/caffe2/mobile/contrib/opengl/core/GLImageAllocator.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once diff --git a/caffe2/mobile/contrib/opengl/core/GLLogging.h b/caffe2/mobile/contrib/opengl/core/GLLogging.h index 9f5b5a1ca6f61..577bd283f6ed7 100644 --- a/caffe2/mobile/contrib/opengl/core/GLLogging.h +++ b/caffe2/mobile/contrib/opengl/core/GLLogging.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once diff --git a/caffe2/mobile/contrib/opengl/core/GLPBO.cc b/caffe2/mobile/contrib/opengl/core/GLPBO.cc index a6651e61cd80c..d625d44f3262f 100644 --- a/caffe2/mobile/contrib/opengl/core/GLPBO.cc +++ b/caffe2/mobile/contrib/opengl/core/GLPBO.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "GLPBO.h" diff --git a/caffe2/mobile/contrib/opengl/core/GLPBO.h b/caffe2/mobile/contrib/opengl/core/GLPBO.h index 6a94dc0388532..f63ae14855dd8 100644 --- a/caffe2/mobile/contrib/opengl/core/GLPBO.h +++ b/caffe2/mobile/contrib/opengl/core/GLPBO.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once diff --git a/caffe2/mobile/contrib/opengl/core/GLPlainTexture.cc b/caffe2/mobile/contrib/opengl/core/GLPlainTexture.cc index 6fe48e9762703..27eca30ba34d6 100644 --- a/caffe2/mobile/contrib/opengl/core/GLPlainTexture.cc +++ b/caffe2/mobile/contrib/opengl/core/GLPlainTexture.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "GLPlainTexture.h" #include "GLPBO.h" diff --git a/caffe2/mobile/contrib/opengl/core/GLPlainTexture.h b/caffe2/mobile/contrib/opengl/core/GLPlainTexture.h index a0d3f48d820bb..e7f047609862e 100644 --- a/caffe2/mobile/contrib/opengl/core/GLPlainTexture.h +++ b/caffe2/mobile/contrib/opengl/core/GLPlainTexture.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once diff --git a/caffe2/mobile/contrib/opengl/core/GLPredictor.cc b/caffe2/mobile/contrib/opengl/core/GLPredictor.cc index 9ca3c4a5e4a93..c482d124cfd28 100644 --- a/caffe2/mobile/contrib/opengl/core/GLPredictor.cc +++ b/caffe2/mobile/contrib/opengl/core/GLPredictor.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "GLPredictor.h" #include "GLContext.h" diff --git a/caffe2/mobile/contrib/opengl/core/GLPredictor.h b/caffe2/mobile/contrib/opengl/core/GLPredictor.h index c6c7342b1ac81..ab7d9f11d9899 100644 --- a/caffe2/mobile/contrib/opengl/core/GLPredictor.h +++ b/caffe2/mobile/contrib/opengl/core/GLPredictor.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once diff --git a/caffe2/mobile/contrib/opengl/core/GLTexture.cc b/caffe2/mobile/contrib/opengl/core/GLTexture.cc index f5b9d4f2a1e34..b6ca604f4b715 100644 --- a/caffe2/mobile/contrib/opengl/core/GLTexture.cc +++ b/caffe2/mobile/contrib/opengl/core/GLTexture.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "GLTexture.h" #include "DataTransfer.h" diff --git a/caffe2/mobile/contrib/opengl/core/GLTexture.h b/caffe2/mobile/contrib/opengl/core/GLTexture.h index ca6e30426d3b0..d0998ec0881f3 100644 --- a/caffe2/mobile/contrib/opengl/core/GLTexture.h +++ b/caffe2/mobile/contrib/opengl/core/GLTexture.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "GL.h" diff --git a/caffe2/mobile/contrib/opengl/core/ImageAllocator.h b/caffe2/mobile/contrib/opengl/core/ImageAllocator.h index 19375e434458c..9a8fde938a71e 100644 --- a/caffe2/mobile/contrib/opengl/core/ImageAllocator.h +++ b/caffe2/mobile/contrib/opengl/core/ImageAllocator.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once diff --git a/caffe2/mobile/contrib/opengl/core/arm_neon_support.h b/caffe2/mobile/contrib/opengl/core/arm_neon_support.h index 681662cf75c05..f971450031b86 100644 --- a/caffe2/mobile/contrib/opengl/core/arm_neon_support.h +++ b/caffe2/mobile/contrib/opengl/core/arm_neon_support.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once diff --git a/caffe2/mobile/contrib/opengl/core/rewrite_net.cc b/caffe2/mobile/contrib/opengl/core/rewrite_net.cc index c69cb7b9473d4..39a2f08b1e801 100644 --- a/caffe2/mobile/contrib/opengl/core/rewrite_net.cc +++ b/caffe2/mobile/contrib/opengl/core/rewrite_net.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "rewrite_net.h" #include "caffe2/core/operator.h" diff --git a/caffe2/mobile/contrib/opengl/core/rewrite_net.h b/caffe2/mobile/contrib/opengl/core/rewrite_net.h index 68074d63afe6d..46feb4994b8bd 100644 --- a/caffe2/mobile/contrib/opengl/core/rewrite_net.h +++ b/caffe2/mobile/contrib/opengl/core/rewrite_net.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "GLPredictor.h" diff --git a/caffe2/mobile/contrib/opengl/ios/GLContext.cc b/caffe2/mobile/contrib/opengl/ios/GLContext.cc index 49ba7eafc6f2b..8b852a3e16dac 100644 --- a/caffe2/mobile/contrib/opengl/ios/GLContext.cc +++ b/caffe2/mobile/contrib/opengl/ios/GLContext.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "IOSGLContext.h" diff --git a/caffe2/mobile/contrib/opengl/ios/GLImageAllocator.cc b/caffe2/mobile/contrib/opengl/ios/GLImageAllocator.cc index 1e78e5009cecf..f5bcb58a9942a 100644 --- a/caffe2/mobile/contrib/opengl/ios/GLImageAllocator.cc +++ b/caffe2/mobile/contrib/opengl/ios/GLImageAllocator.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "IOSGLImageAllocator.h" #include diff --git a/caffe2/mobile/contrib/opengl/ios/IOSGLContext.h b/caffe2/mobile/contrib/opengl/ios/IOSGLContext.h index 80928ef94b761..2846cd48bd5e8 100644 --- a/caffe2/mobile/contrib/opengl/ios/IOSGLContext.h +++ b/caffe2/mobile/contrib/opengl/ios/IOSGLContext.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once diff --git a/caffe2/mobile/contrib/opengl/ios/IOSGLContext.mm b/caffe2/mobile/contrib/opengl/ios/IOSGLContext.mm index ea0dacbd61e85..73f09a3fd1d34 100644 --- a/caffe2/mobile/contrib/opengl/ios/IOSGLContext.mm +++ b/caffe2/mobile/contrib/opengl/ios/IOSGLContext.mm @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "IOSGLContext.h" #include "IOSGLTexture.h" diff --git a/caffe2/mobile/contrib/opengl/ios/IOSGLImageAllocator.cc b/caffe2/mobile/contrib/opengl/ios/IOSGLImageAllocator.cc index 680ed3bf417fc..d8c5118730002 100644 --- a/caffe2/mobile/contrib/opengl/ios/IOSGLImageAllocator.cc +++ b/caffe2/mobile/contrib/opengl/ios/IOSGLImageAllocator.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "IOSGLImageAllocator.h" diff --git a/caffe2/mobile/contrib/opengl/ios/IOSGLImageAllocator.h b/caffe2/mobile/contrib/opengl/ios/IOSGLImageAllocator.h index 58cca426e1c88..6d0c4f1ec0939 100644 --- a/caffe2/mobile/contrib/opengl/ios/IOSGLImageAllocator.h +++ b/caffe2/mobile/contrib/opengl/ios/IOSGLImageAllocator.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once diff --git a/caffe2/mobile/contrib/opengl/ios/IOSGLTexture.h b/caffe2/mobile/contrib/opengl/ios/IOSGLTexture.h index f1f65591e50be..de7c4dc03a190 100644 --- a/caffe2/mobile/contrib/opengl/ios/IOSGLTexture.h +++ b/caffe2/mobile/contrib/opengl/ios/IOSGLTexture.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once diff --git a/caffe2/mobile/contrib/opengl/ios/IOSGLTexture.mm b/caffe2/mobile/contrib/opengl/ios/IOSGLTexture.mm index b6ace9dd1cf3e..432657560cdf4 100644 --- a/caffe2/mobile/contrib/opengl/ios/IOSGLTexture.mm +++ b/caffe2/mobile/contrib/opengl/ios/IOSGLTexture.mm @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "IOSGLTexture.h" #include "../core/DataTransfer.h" diff --git a/caffe2/mobile/contrib/opengl/operators/GLAdd.cc b/caffe2/mobile/contrib/opengl/operators/GLAdd.cc index 7477d5217fcd6..19a98232523df 100644 --- a/caffe2/mobile/contrib/opengl/operators/GLAdd.cc +++ b/caffe2/mobile/contrib/opengl/operators/GLAdd.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "../core/GLFilter.h" #include "../core/GLImage.h" diff --git a/caffe2/mobile/contrib/opengl/operators/GLConcat.cc b/caffe2/mobile/contrib/opengl/operators/GLConcat.cc index 8bf6768f1a70e..8d16649312d12 100644 --- a/caffe2/mobile/contrib/opengl/operators/GLConcat.cc +++ b/caffe2/mobile/contrib/opengl/operators/GLConcat.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "../core/GLFilter.h" #include "../core/GLImage.h" diff --git a/caffe2/mobile/contrib/opengl/operators/GLConvolution.cc b/caffe2/mobile/contrib/opengl/operators/GLConvolution.cc index fe0813d38e218..3d739e614c9e1 100644 --- a/caffe2/mobile/contrib/opengl/operators/GLConvolution.cc +++ b/caffe2/mobile/contrib/opengl/operators/GLConvolution.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "../core/GLContext.h" #include "../core/GLFilter.h" diff --git a/caffe2/mobile/contrib/opengl/operators/GLCopyOps.cc b/caffe2/mobile/contrib/opengl/operators/GLCopyOps.cc index bcfc483989073..87ad2fb31c6cd 100644 --- a/caffe2/mobile/contrib/opengl/operators/GLCopyOps.cc +++ b/caffe2/mobile/contrib/opengl/operators/GLCopyOps.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/common.h" #include "caffe2/core/operator.h" diff --git a/caffe2/mobile/contrib/opengl/operators/GLInstanceNorm.cc b/caffe2/mobile/contrib/opengl/operators/GLInstanceNorm.cc index c6d99f5786f85..10e8a200e52be 100644 --- a/caffe2/mobile/contrib/opengl/operators/GLInstanceNorm.cc +++ b/caffe2/mobile/contrib/opengl/operators/GLInstanceNorm.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "../core/GLFilter.h" #include "../core/GLImage.h" diff --git a/caffe2/mobile/contrib/opengl/operators/GLMul.cc b/caffe2/mobile/contrib/opengl/operators/GLMul.cc index cd67190ecfb28..4923bb2fbadb1 100644 --- a/caffe2/mobile/contrib/opengl/operators/GLMul.cc +++ b/caffe2/mobile/contrib/opengl/operators/GLMul.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "../core/GLFilter.h" #include "../core/GLImage.h" diff --git a/caffe2/mobile/contrib/opengl/operators/GLNormPlanarYUV.cc b/caffe2/mobile/contrib/opengl/operators/GLNormPlanarYUV.cc index 6d3704e9589f4..33b5abcbd118f 100644 --- a/caffe2/mobile/contrib/opengl/operators/GLNormPlanarYUV.cc +++ b/caffe2/mobile/contrib/opengl/operators/GLNormPlanarYUV.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "../core/GLFilter.h" #include "../core/GLImage.h" diff --git a/caffe2/mobile/contrib/opengl/operators/GLPRelu.cc b/caffe2/mobile/contrib/opengl/operators/GLPRelu.cc index a31b918b94f4e..fc801e00424ea 100644 --- a/caffe2/mobile/contrib/opengl/operators/GLPRelu.cc +++ b/caffe2/mobile/contrib/opengl/operators/GLPRelu.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "../core/GLFilter.h" #include "../core/GLImage.h" diff --git a/caffe2/mobile/contrib/opengl/operators/GLPadImage.cc b/caffe2/mobile/contrib/opengl/operators/GLPadImage.cc index cd5f0be910931..ba3ac9d6eaf08 100644 --- a/caffe2/mobile/contrib/opengl/operators/GLPadImage.cc +++ b/caffe2/mobile/contrib/opengl/operators/GLPadImage.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "../core/GLFilter.h" #include "../core/GLImage.h" diff --git a/caffe2/mobile/contrib/opengl/operators/GLPool.cc b/caffe2/mobile/contrib/opengl/operators/GLPool.cc index 4d70ac21ecdb5..e0fcbf85ba1f6 100644 --- a/caffe2/mobile/contrib/opengl/operators/GLPool.cc +++ b/caffe2/mobile/contrib/opengl/operators/GLPool.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "../core/GLFilter.h" #include "../core/GLImage.h" diff --git a/caffe2/mobile/contrib/opengl/operators/GLResize.cc b/caffe2/mobile/contrib/opengl/operators/GLResize.cc index bfdd78f815859..ffbbf29e064fe 100644 --- a/caffe2/mobile/contrib/opengl/operators/GLResize.cc +++ b/caffe2/mobile/contrib/opengl/operators/GLResize.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "../core/GLFilter.h" #include "../core/GLImage.h" diff --git a/caffe2/mobile/contrib/opengl/operators/GLSigmoid.cc b/caffe2/mobile/contrib/opengl/operators/GLSigmoid.cc index 2c569d1576e18..4256b335738b5 100644 --- a/caffe2/mobile/contrib/opengl/operators/GLSigmoid.cc +++ b/caffe2/mobile/contrib/opengl/operators/GLSigmoid.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "../core/GLFilter.h" #include "../core/GLImage.h" diff --git a/caffe2/mobile/contrib/opengl/operators/GLSoftmax.cc b/caffe2/mobile/contrib/opengl/operators/GLSoftmax.cc index edbe7e9496dd7..b086beab364f1 100644 --- a/caffe2/mobile/contrib/opengl/operators/GLSoftmax.cc +++ b/caffe2/mobile/contrib/opengl/operators/GLSoftmax.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "../core/GLFilter.h" #include "../core/GLImage.h" diff --git a/caffe2/mobile/contrib/opengl/operators/GLStylizer.cc b/caffe2/mobile/contrib/opengl/operators/GLStylizer.cc index 5db7a5969efd2..5a69b86b2ee8c 100644 --- a/caffe2/mobile/contrib/opengl/operators/GLStylizer.cc +++ b/caffe2/mobile/contrib/opengl/operators/GLStylizer.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "../core/GLContext.h" #include "../core/GLFilter.h" diff --git a/caffe2/mobile/contrib/opengl/operators/GLSub.cc b/caffe2/mobile/contrib/opengl/operators/GLSub.cc index e02f4ed91e3ac..eeb695e1c9814 100644 --- a/caffe2/mobile/contrib/opengl/operators/GLSub.cc +++ b/caffe2/mobile/contrib/opengl/operators/GLSub.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "../core/GLFilter.h" #include "../core/GLImage.h" diff --git a/caffe2/mobile/contrib/opengl/operators/gl_tiling_utils.h b/caffe2/mobile/contrib/opengl/operators/gl_tiling_utils.h index 6100af637f63d..222a8ccd2c10c 100644 --- a/caffe2/mobile/contrib/opengl/operators/gl_tiling_utils.h +++ b/caffe2/mobile/contrib/opengl/operators/gl_tiling_utils.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + // pragma once #include diff --git a/caffe2/mobile/contrib/opengl/test/BenchmarkMPSCNNConvolution.mm b/caffe2/mobile/contrib/opengl/test/BenchmarkMPSCNNConvolution.mm index 23ce15e9a9da5..97f5bed9430bb 100644 --- a/caffe2/mobile/contrib/opengl/test/BenchmarkMPSCNNConvolution.mm +++ b/caffe2/mobile/contrib/opengl/test/BenchmarkMPSCNNConvolution.mm @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/flags.h" #include "caffe2/core/operator.h" diff --git a/caffe2/mobile/contrib/opengl/test/TestGLConvolution.cc b/caffe2/mobile/contrib/opengl/test/TestGLConvolution.cc index 7f5daa72ffa01..53be3df7016e8 100644 --- a/caffe2/mobile/contrib/opengl/test/TestGLConvolution.cc +++ b/caffe2/mobile/contrib/opengl/test/TestGLConvolution.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/operator.h" #include "caffe2/core/timer.h" diff --git a/caffe2/mobile/contrib/opengl/test/TestGLConvolution.h b/caffe2/mobile/contrib/opengl/test/TestGLConvolution.h index ce54f34d2625a..404a1b663f097 100644 --- a/caffe2/mobile/contrib/opengl/test/TestGLConvolution.h +++ b/caffe2/mobile/contrib/opengl/test/TestGLConvolution.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once diff --git a/caffe2/mobile/contrib/opengl/test/opengl_test.cc b/caffe2/mobile/contrib/opengl/test/opengl_test.cc index 9be22441a212e..af035051fd99e 100644 --- a/caffe2/mobile/contrib/opengl/test/opengl_test.cc +++ b/caffe2/mobile/contrib/opengl/test/opengl_test.cc @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "opengl_test.h" diff --git a/caffe2/mobile/contrib/opengl/test/opengl_test.h b/caffe2/mobile/contrib/opengl/test/opengl_test.h index b5fd906e90b55..30cf6ed06b318 100644 --- a/caffe2/mobile/contrib/opengl/test/opengl_test.h +++ b/caffe2/mobile/contrib/opengl/test/opengl_test.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/proto/caffe2.pb.h" diff --git a/caffe2/mobile/contrib/snpe/snpe_ffi.cc b/caffe2/mobile/contrib/snpe/snpe_ffi.cc index b57bacd4af0a9..327d672a677af 100644 --- a/caffe2/mobile/contrib/snpe/snpe_ffi.cc +++ b/caffe2/mobile/contrib/snpe/snpe_ffi.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "snpe_ffi.h" #include "DiagLog/IDiagLog.hpp" diff --git a/caffe2/mobile/contrib/snpe/snpe_ffi.h b/caffe2/mobile/contrib/snpe/snpe_ffi.h index 54c713d5bab57..a37f38b683239 100644 --- a/caffe2/mobile/contrib/snpe/snpe_ffi.h +++ b/caffe2/mobile/contrib/snpe/snpe_ffi.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_SNPE_FFI_H_ #define CAFFE2_SNPE_FFI_H_ diff --git a/caffe2/mobile/contrib/snpe/snpe_globals.cc b/caffe2/mobile/contrib/snpe/snpe_globals.cc index 0df8ac1c99dbc..86c3530c3048c 100644 --- a/caffe2/mobile/contrib/snpe/snpe_globals.cc +++ b/caffe2/mobile/contrib/snpe/snpe_globals.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "snpe_ffi.h" #include #include diff --git a/caffe2/mobile/contrib/snpe/snpe_op.cc b/caffe2/mobile/contrib/snpe/snpe_op.cc index fa015960183d2..a0e37cb97038c 100644 --- a/caffe2/mobile/contrib/snpe/snpe_op.cc +++ b/caffe2/mobile/contrib/snpe/snpe_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context.h" #include "caffe2/core/logging.h" #include "caffe2/core/operator.h" diff --git a/caffe2/mobile/contrib/snpe/snpe_op_benchmark.cc b/caffe2/mobile/contrib/snpe/snpe_op_benchmark.cc index 58e3ccbb8a7b6..9d0123c3ffc8f 100644 --- a/caffe2/mobile/contrib/snpe/snpe_op_benchmark.cc +++ b/caffe2/mobile/contrib/snpe/snpe_op_benchmark.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifdef __ARM_NEON__ #include "caffe2/core/init.h" #include "caffe2/core/operator.h" diff --git a/caffe2/mobile/contrib/ulp2/ulp.cc b/caffe2/mobile/contrib/ulp2/ulp.cc index 9146dbc9d6a64..7988997a602b5 100644 --- a/caffe2/mobile/contrib/ulp2/ulp.cc +++ b/caffe2/mobile/contrib/ulp2/ulp.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "ulp.h" #include "caffe2/operators/conv_pool_op_base.h" #include "ulp_neon.h" diff --git a/caffe2/mobile/contrib/ulp2/ulp.h b/caffe2/mobile/contrib/ulp2/ulp.h index bddbf85bb0533..cf9d8d27627aa 100644 --- a/caffe2/mobile/contrib/ulp2/ulp.h +++ b/caffe2/mobile/contrib/ulp2/ulp.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/core/operator.h" diff --git a/caffe2/mobile/contrib/ulp2/ulp_neon.cc b/caffe2/mobile/contrib/ulp2/ulp_neon.cc index a341a3f6434b9..2eb0e464d3f58 100644 --- a/caffe2/mobile/contrib/ulp2/ulp_neon.cc +++ b/caffe2/mobile/contrib/ulp2/ulp_neon.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "ulp_neon.h" #include "caffe2/core/timer.h" #include "caffe2/utils/math.h" diff --git a/caffe2/mobile/contrib/ulp2/ulp_neon.h b/caffe2/mobile/contrib/ulp2/ulp_neon.h index 6ec1bd1021fb7..4132148076878 100644 --- a/caffe2/mobile/contrib/ulp2/ulp_neon.h +++ b/caffe2/mobile/contrib/ulp2/ulp_neon.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "ulp.h" diff --git a/caffe2/mobile/contrib/ulp2/ulp_test.cc b/caffe2/mobile/contrib/ulp2/ulp_test.cc index 58bc5e7132836..386244115c4c8 100644 --- a/caffe2/mobile/contrib/ulp2/ulp_test.cc +++ b/caffe2/mobile/contrib/ulp2/ulp_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "ulp.h" #include "ulp_neon.h" #include "gtest/gtest.h" diff --git a/caffe2/mpi/mpi_common.cc b/caffe2/mpi/mpi_common.cc index ff5bef64d1565..202dd45422634 100644 --- a/caffe2/mpi/mpi_common.cc +++ b/caffe2/mpi/mpi_common.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/mpi/mpi_common.h" #include diff --git a/caffe2/mpi/mpi_common.h b/caffe2/mpi/mpi_common.h index 3e1e7a5625bd2..b6eec5a419603 100644 --- a/caffe2/mpi/mpi_common.h +++ b/caffe2/mpi/mpi_common.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_MPI_MPI_COMMON_H_ #define CAFFE2_MPI_MPI_COMMON_H_ diff --git a/caffe2/mpi/mpi_gpu_test.cc b/caffe2/mpi/mpi_gpu_test.cc index 83a7611b02138..0decba122386a 100644 --- a/caffe2/mpi/mpi_gpu_test.cc +++ b/caffe2/mpi/mpi_gpu_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/init.h" #include "caffe2/core/context_gpu.h" #include "caffe2/core/net.h" diff --git a/caffe2/mpi/mpi_ops.cc b/caffe2/mpi/mpi_ops.cc index a766b98483dfb..7fd8a20fb6e0a 100644 --- a/caffe2/mpi/mpi_ops.cc +++ b/caffe2/mpi/mpi_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/mpi/mpi_ops.h" namespace caffe2 { diff --git a/caffe2/mpi/mpi_ops.h b/caffe2/mpi/mpi_ops.h index 108bf45afdb04..c5a8909a9ccf6 100644 --- a/caffe2/mpi/mpi_ops.h +++ b/caffe2/mpi/mpi_ops.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_MPI_MPI_OPS_H_ #define CAFFE2_MPI_MPI_OPS_H_ diff --git a/caffe2/mpi/mpi_ops_gpu.cc b/caffe2/mpi/mpi_ops_gpu.cc index b28a31f00cda3..d5287ebb62846 100644 --- a/caffe2/mpi/mpi_ops_gpu.cc +++ b/caffe2/mpi/mpi_ops_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/mpi/mpi_ops.h" #include "caffe2/core/context_gpu.h" #include "caffe2/operators/operator_fallback_gpu.h" diff --git a/caffe2/mpi/mpi_test.cc b/caffe2/mpi/mpi_test.cc index de623de1367ab..ecf0ab59137ec 100644 --- a/caffe2/mpi/mpi_test.cc +++ b/caffe2/mpi/mpi_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/init.h" #include "caffe2/core/net.h" #include "caffe2/core/operator.h" diff --git a/caffe2/operators/abs_op.cc b/caffe2/operators/abs_op.cc index f38d0827a1090..a9b1d23a1def1 100644 --- a/caffe2/operators/abs_op.cc +++ b/caffe2/operators/abs_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/elementwise_op.h" #include "caffe2/utils/math.h" diff --git a/caffe2/operators/abs_op.cu b/caffe2/operators/abs_op.cu index c4ccdd7ffde22..cd87d198cf815 100644 --- a/caffe2/operators/abs_op.cu +++ b/caffe2/operators/abs_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/context_gpu.h" diff --git a/caffe2/operators/accumulate_op.cc b/caffe2/operators/accumulate_op.cc index 0037bd7c95bb3..ddebb76c79149 100644 --- a/caffe2/operators/accumulate_op.cc +++ b/caffe2/operators/accumulate_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/accumulate_op.h" namespace caffe2 { diff --git a/caffe2/operators/accumulate_op.cu b/caffe2/operators/accumulate_op.cu index 96f0d0c5ba7d4..4bd73ab727173 100644 --- a/caffe2/operators/accumulate_op.cu +++ b/caffe2/operators/accumulate_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/accumulate_op.h" diff --git a/caffe2/operators/accumulate_op.h b/caffe2/operators/accumulate_op.h index 20cd4a386605c..fe4dac3e09cdb 100644 --- a/caffe2/operators/accumulate_op.h +++ b/caffe2/operators/accumulate_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_ACCUMULATE_OP_H_ #define CAFFE2_OPERATORS_ACCUMULATE_OP_H_ diff --git a/caffe2/operators/accuracy_op.cc b/caffe2/operators/accuracy_op.cc index 03733ed89a3b2..243f1241bc4f8 100644 --- a/caffe2/operators/accuracy_op.cc +++ b/caffe2/operators/accuracy_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/accuracy_op.h" namespace caffe2 { diff --git a/caffe2/operators/accuracy_op.cu b/caffe2/operators/accuracy_op.cu index 949a077ec9a80..86f1e3dcf23e9 100644 --- a/caffe2/operators/accuracy_op.cu +++ b/caffe2/operators/accuracy_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/accuracy_op.h" #include "caffe2/utils/math.h" diff --git a/caffe2/operators/accuracy_op.h b/caffe2/operators/accuracy_op.h index e2dfb95512c20..1b5bc7ae89269 100644 --- a/caffe2/operators/accuracy_op.h +++ b/caffe2/operators/accuracy_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_ACCURACY_OP_H_ #define CAFFE2_OPERATORS_ACCURACY_OP_H_ diff --git a/caffe2/operators/apmeter_op.cc b/caffe2/operators/apmeter_op.cc index 7965c81cad2e5..6e652f14cf848 100644 --- a/caffe2/operators/apmeter_op.cc +++ b/caffe2/operators/apmeter_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/apmeter_op.h" namespace caffe2 { diff --git a/caffe2/operators/apmeter_op.h b/caffe2/operators/apmeter_op.h index 4023e4ac0e282..441199a2701be 100644 --- a/caffe2/operators/apmeter_op.h +++ b/caffe2/operators/apmeter_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_MAP_OP_H_ #define CAFFE2_MAP_OP_H_ diff --git a/caffe2/operators/atomic_ops.cc b/caffe2/operators/atomic_ops.cc index 5379c3bbc4e54..0cce847d6aae1 100644 --- a/caffe2/operators/atomic_ops.cc +++ b/caffe2/operators/atomic_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/context.h" #include "caffe2/core/operator.h" diff --git a/caffe2/operators/batch_box_cox_op.cc b/caffe2/operators/batch_box_cox_op.cc index b273e90333f95..9f91932b5ab84 100644 --- a/caffe2/operators/batch_box_cox_op.cc +++ b/caffe2/operators/batch_box_cox_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/batch_box_cox_op.h" #include "caffe2/core/operator.h" diff --git a/caffe2/operators/batch_box_cox_op.h b/caffe2/operators/batch_box_cox_op.h index 0825321efb4df..a015980897c1d 100644 --- a/caffe2/operators/batch_box_cox_op.h +++ b/caffe2/operators/batch_box_cox_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE_OPERATORS_BATCH_BOX_COX_OPS_H_ #define CAFFE_OPERATORS_BATCH_BOX_COX_OPS_H_ diff --git a/caffe2/operators/batch_gather_ops.cc b/caffe2/operators/batch_gather_ops.cc index 26bb44b409e6a..55f078c1bd630 100644 --- a/caffe2/operators/batch_gather_ops.cc +++ b/caffe2/operators/batch_gather_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/batch_gather_ops.h" namespace caffe2 { diff --git a/caffe2/operators/batch_gather_ops.cu b/caffe2/operators/batch_gather_ops.cu index 8aa8cb42a3e01..127b509334268 100644 --- a/caffe2/operators/batch_gather_ops.cu +++ b/caffe2/operators/batch_gather_ops.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/common_gpu.h" #include "caffe2/core/context_gpu.h" diff --git a/caffe2/operators/batch_gather_ops.h b/caffe2/operators/batch_gather_ops.h index f70d6dc21fc5a..c282c78fc17ce 100644 --- a/caffe2/operators/batch_gather_ops.h +++ b/caffe2/operators/batch_gather_ops.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_BATCH_GATHER_OPS_H_ #define CAFFE2_OPERATORS_BATCH_GATHER_OPS_H_ diff --git a/caffe2/operators/batch_matmul_op.cc b/caffe2/operators/batch_matmul_op.cc index ddb55620f30e3..c5de3f47aa70f 100644 --- a/caffe2/operators/batch_matmul_op.cc +++ b/caffe2/operators/batch_matmul_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/batch_matmul_op.h" #include "caffe2/core/operator_schema.h" diff --git a/caffe2/operators/batch_matmul_op.cu b/caffe2/operators/batch_matmul_op.cu index 2eee5f7b2d398..50de45e51fd91 100644 --- a/caffe2/operators/batch_matmul_op.cu +++ b/caffe2/operators/batch_matmul_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/batch_matmul_op.h" #include "caffe2/core/context_gpu.h" diff --git a/caffe2/operators/batch_matmul_op.h b/caffe2/operators/batch_matmul_op.h index 9b80acb38d924..95d94ba580d05 100644 --- a/caffe2/operators/batch_matmul_op.h +++ b/caffe2/operators/batch_matmul_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_MATMUL_OP_H_ #define CAFFE2_OPERATORS_MATMUL_OP_H_ diff --git a/caffe2/operators/boolean_mask_ops.cc b/caffe2/operators/boolean_mask_ops.cc index 32aea14ac00ef..b943334e69bad 100644 --- a/caffe2/operators/boolean_mask_ops.cc +++ b/caffe2/operators/boolean_mask_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/boolean_mask_ops.h" #include "caffe2/core/operator.h" #include "caffe2/core/tensor.h" diff --git a/caffe2/operators/boolean_mask_ops.cu b/caffe2/operators/boolean_mask_ops.cu index 3af83920107c2..b0a6c57010ecb 100644 --- a/caffe2/operators/boolean_mask_ops.cu +++ b/caffe2/operators/boolean_mask_ops.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/boolean_mask_ops.h" diff --git a/caffe2/operators/boolean_mask_ops.h b/caffe2/operators/boolean_mask_ops.h index 3e3120c63f421..f38a199546e4e 100644 --- a/caffe2/operators/boolean_mask_ops.h +++ b/caffe2/operators/boolean_mask_ops.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef BOOLEAN_MASK_OPS_H #define BOOLEAN_MASK_OPS_H diff --git a/caffe2/operators/boolean_unmask_ops.cc b/caffe2/operators/boolean_unmask_ops.cc index dbb2d58781f30..8511318237c00 100644 --- a/caffe2/operators/boolean_unmask_ops.cc +++ b/caffe2/operators/boolean_unmask_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/boolean_unmask_ops.h" #include "caffe2/core/operator.h" #include "caffe2/core/tensor.h" diff --git a/caffe2/operators/boolean_unmask_ops.cu b/caffe2/operators/boolean_unmask_ops.cu index 42801e17a6481..fcf4061f757df 100644 --- a/caffe2/operators/boolean_unmask_ops.cu +++ b/caffe2/operators/boolean_unmask_ops.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/boolean_unmask_ops.h" diff --git a/caffe2/operators/boolean_unmask_ops.h b/caffe2/operators/boolean_unmask_ops.h index 41c6693c71ede..0512d8291ffc6 100644 --- a/caffe2/operators/boolean_unmask_ops.h +++ b/caffe2/operators/boolean_unmask_ops.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef BOOLEAN_UNMASK_OPS_H #define BOOLEAN_UNMASK_OPS_H diff --git a/caffe2/operators/boolean_unmask_ops_test.cc b/caffe2/operators/boolean_unmask_ops_test.cc index 05c588f36aa0a..80bf31dacb33f 100644 --- a/caffe2/operators/boolean_unmask_ops_test.cc +++ b/caffe2/operators/boolean_unmask_ops_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include diff --git a/caffe2/operators/cast_op.cc b/caffe2/operators/cast_op.cc index 750b72a464ea8..873b03855f14d 100644 --- a/caffe2/operators/cast_op.cc +++ b/caffe2/operators/cast_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/cast_op.h" namespace caffe2 { diff --git a/caffe2/operators/cast_op.cu b/caffe2/operators/cast_op.cu index c6f52c1923659..c4b0b02a87f64 100644 --- a/caffe2/operators/cast_op.cu +++ b/caffe2/operators/cast_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/cast_op.h" #include "caffe2/utils/conversions.h" diff --git a/caffe2/operators/cast_op.h b/caffe2/operators/cast_op.h index 491028c8105af..2fd72d34c7383 100644 --- a/caffe2/operators/cast_op.h +++ b/caffe2/operators/cast_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/core/context.h" diff --git a/caffe2/operators/channel_shuffle_op.cc b/caffe2/operators/channel_shuffle_op.cc index b5527be7b5165..ffd1459d0af0f 100644 --- a/caffe2/operators/channel_shuffle_op.cc +++ b/caffe2/operators/channel_shuffle_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "channel_shuffle_op.h" namespace caffe2 { diff --git a/caffe2/operators/channel_shuffle_op.h b/caffe2/operators/channel_shuffle_op.h index d42c722c46df7..671f6ac91a7d4 100644 --- a/caffe2/operators/channel_shuffle_op.h +++ b/caffe2/operators/channel_shuffle_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/operators/conv_pool_op_base.h" diff --git a/caffe2/operators/channel_shuffle_op_gpu.cu b/caffe2/operators/channel_shuffle_op_gpu.cu index 731ac9c47c494..1fdc6f672ebae 100644 --- a/caffe2/operators/channel_shuffle_op_gpu.cu +++ b/caffe2/operators/channel_shuffle_op_gpu.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "channel_shuffle_op.h" diff --git a/caffe2/operators/clip_op.cc b/caffe2/operators/clip_op.cc index e083f5992855b..1866aa377b632 100644 --- a/caffe2/operators/clip_op.cc +++ b/caffe2/operators/clip_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/clip_op.h" namespace caffe2 { diff --git a/caffe2/operators/clip_op.cu b/caffe2/operators/clip_op.cu index 91b6dca882f39..337232c0ff457 100644 --- a/caffe2/operators/clip_op.cu +++ b/caffe2/operators/clip_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/clip_op.h" diff --git a/caffe2/operators/clip_op.h b/caffe2/operators/clip_op.h index d2d899eaf878f..5e62d83e574f8 100644 --- a/caffe2/operators/clip_op.h +++ b/caffe2/operators/clip_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_CLIP_OP_H_ #define CAFFE2_OPERATORS_CLIP_OP_H_ diff --git a/caffe2/operators/communicator_op.cc b/caffe2/operators/communicator_op.cc index 246ae7729cf6b..d66ddea9eca16 100644 --- a/caffe2/operators/communicator_op.cc +++ b/caffe2/operators/communicator_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/operator.h" #include "caffe2/operators/no_default_engine_op.h" diff --git a/caffe2/operators/communicator_op_gpu.cc b/caffe2/operators/communicator_op_gpu.cc index aef6d037806a2..517f02dd70e99 100644 --- a/caffe2/operators/communicator_op_gpu.cc +++ b/caffe2/operators/communicator_op_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/core/operator.h" #include "caffe2/operators/no_default_engine_op.h" diff --git a/caffe2/operators/concat_split_op.cc b/caffe2/operators/concat_split_op.cc index 102a20ca9cbdf..596a87d936a0a 100644 --- a/caffe2/operators/concat_split_op.cc +++ b/caffe2/operators/concat_split_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/concat_split_op.h" namespace caffe2 { diff --git a/caffe2/operators/concat_split_op.h b/caffe2/operators/concat_split_op.h index ccc9343753cfd..7456da63024a9 100644 --- a/caffe2/operators/concat_split_op.h +++ b/caffe2/operators/concat_split_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_CONCAT_SPLIT_OP_H_ #define CAFFE2_OPERATORS_CONCAT_SPLIT_OP_H_ diff --git a/caffe2/operators/concat_split_op_gpu.cc b/caffe2/operators/concat_split_op_gpu.cc index 5e9d8bc34a22d..98ab9aa0f2107 100644 --- a/caffe2/operators/concat_split_op_gpu.cc +++ b/caffe2/operators/concat_split_op_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/concat_split_op.h" diff --git a/caffe2/operators/conditional_op.cc b/caffe2/operators/conditional_op.cc index 8eb9875f5a2da..6d2669949ccf0 100644 --- a/caffe2/operators/conditional_op.cc +++ b/caffe2/operators/conditional_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/conditional_op.h" #include "caffe2/core/operator.h" #include "caffe2/core/tensor.h" diff --git a/caffe2/operators/conditional_op.h b/caffe2/operators/conditional_op.h index 9fa53fee8679c..f7a5c9bf2d7f3 100644 --- a/caffe2/operators/conditional_op.h +++ b/caffe2/operators/conditional_op.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CONDITIONAL_OP_H #define CONDITIONAL_OP_H diff --git a/caffe2/operators/conv_gradient_op.cc b/caffe2/operators/conv_gradient_op.cc index 8e357e1224c74..23d099d919c14 100644 --- a/caffe2/operators/conv_gradient_op.cc +++ b/caffe2/operators/conv_gradient_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/conv_op.h" #include "caffe2/operators/conv_op_impl.h" #include "caffe2/operators/conv_pool_op_base.h" diff --git a/caffe2/operators/conv_op.cc b/caffe2/operators/conv_op.cc index 5a134ab8fb662..c714b7aebd734 100644 --- a/caffe2/operators/conv_op.cc +++ b/caffe2/operators/conv_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/conv_op.h" #include "caffe2/operators/conv_op_impl.h" #include "caffe2/operators/conv_pool_op_base.h" diff --git a/caffe2/operators/conv_op.h b/caffe2/operators/conv_op.h index 7153b14229960..d9f8ae016a0c6 100644 --- a/caffe2/operators/conv_op.h +++ b/caffe2/operators/conv_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_CONV_OP_H_ #define CAFFE2_OPERATORS_CONV_OP_H_ diff --git a/caffe2/operators/conv_op_cache_cudnn.cc b/caffe2/operators/conv_op_cache_cudnn.cc index 90bdb07636ca3..f930cf0c883f3 100644 --- a/caffe2/operators/conv_op_cache_cudnn.cc +++ b/caffe2/operators/conv_op_cache_cudnn.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/conv_op_cache_cudnn.h" #include diff --git a/caffe2/operators/conv_op_cache_cudnn.h b/caffe2/operators/conv_op_cache_cudnn.h index d02a84f6b825f..6b221400caa3d 100644 --- a/caffe2/operators/conv_op_cache_cudnn.h +++ b/caffe2/operators/conv_op_cache_cudnn.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_CONV_OP_CACHE_H_ #define CAFFE2_OPERATORS_CONV_OP_CACHE_H_ diff --git a/caffe2/operators/conv_op_cache_cudnn_test.cc b/caffe2/operators/conv_op_cache_cudnn_test.cc index a1f94daee2a66..a92474138e8f3 100644 --- a/caffe2/operators/conv_op_cache_cudnn_test.cc +++ b/caffe2/operators/conv_op_cache_cudnn_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/context_gpu.h" diff --git a/caffe2/operators/conv_op_cudnn.cc b/caffe2/operators/conv_op_cudnn.cc index d2f4630c6d323..e2e6ee7bf9207 100644 --- a/caffe2/operators/conv_op_cudnn.cc +++ b/caffe2/operators/conv_op_cudnn.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/common_cudnn.h" #include "caffe2/core/context_gpu.h" #include "caffe2/operators/conv_op.h" diff --git a/caffe2/operators/conv_op_eigen.cc b/caffe2/operators/conv_op_eigen.cc index 973b80e72bfaa..86597ed5a4028 100644 --- a/caffe2/operators/conv_op_eigen.cc +++ b/caffe2/operators/conv_op_eigen.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context.h" #include "caffe2/core/operator.h" #include "caffe2/operators/conv_pool_op_base.h" diff --git a/caffe2/operators/conv_op_gpu.cc b/caffe2/operators/conv_op_gpu.cc index d147cb5b8c11b..75936d13bcdc4 100644 --- a/caffe2/operators/conv_op_gpu.cc +++ b/caffe2/operators/conv_op_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/conv_op.h" #include "caffe2/operators/conv_op_impl.h" #include "caffe2/core/context_gpu.h" diff --git a/caffe2/operators/conv_op_impl.h b/caffe2/operators/conv_op_impl.h index 93a5fb67232d9..018d45a14198b 100644 --- a/caffe2/operators/conv_op_impl.h +++ b/caffe2/operators/conv_op_impl.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + // conv_op_impl.h is the templated implementation of the conv_op.h file. #ifndef CAFFE2_OPERATORS_CONV_OP_IMPL_H_ #define CAFFE2_OPERATORS_CONV_OP_IMPL_H_ diff --git a/caffe2/operators/conv_op_shared.cc b/caffe2/operators/conv_op_shared.cc index b0ad152a56f9c..ca607129cf028 100644 --- a/caffe2/operators/conv_op_shared.cc +++ b/caffe2/operators/conv_op_shared.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "conv_op_shared.h" #include "caffe2/core/context.h" #include "caffe2/core/flags.h" diff --git a/caffe2/operators/conv_op_shared.h b/caffe2/operators/conv_op_shared.h index 18f7aa898a6b5..23fa93c9ad208 100644 --- a/caffe2/operators/conv_op_shared.h +++ b/caffe2/operators/conv_op_shared.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_CONV_OP_SHARED_H_ #define CAFFE2_OPERATORS_CONV_OP_SHARED_H_ diff --git a/caffe2/operators/conv_op_shared_gpu.cc b/caffe2/operators/conv_op_shared_gpu.cc index 70570bde1c416..24c6872de7608 100644 --- a/caffe2/operators/conv_op_shared_gpu.cc +++ b/caffe2/operators/conv_op_shared_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "conv_op_shared.h" diff --git a/caffe2/operators/conv_pool_op_base.h b/caffe2/operators/conv_pool_op_base.h index e0c7c9ea2f7b4..80549f26c08ba 100644 --- a/caffe2/operators/conv_pool_op_base.h +++ b/caffe2/operators/conv_pool_op_base.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_CONV_POOL_OP_BASE_H_ #define CAFFE2_OPERATORS_CONV_POOL_OP_BASE_H_ diff --git a/caffe2/operators/conv_transpose_gradient_op.cc b/caffe2/operators/conv_transpose_gradient_op.cc index f54af6a8a4796..1fecc471e7881 100644 --- a/caffe2/operators/conv_transpose_gradient_op.cc +++ b/caffe2/operators/conv_transpose_gradient_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/conv_transpose_op.h" #include "caffe2/operators/conv_transpose_op_impl.h" diff --git a/caffe2/operators/conv_transpose_op.cc b/caffe2/operators/conv_transpose_op.cc index 64aefef6060d6..6761c56add3c8 100644 --- a/caffe2/operators/conv_transpose_op.cc +++ b/caffe2/operators/conv_transpose_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/conv_transpose_op.h" #include "caffe2/operators/conv_transpose_op_impl.h" diff --git a/caffe2/operators/conv_transpose_op.h b/caffe2/operators/conv_transpose_op.h index 6dcdbb81b1ced..a37d0fbef9a53 100644 --- a/caffe2/operators/conv_transpose_op.h +++ b/caffe2/operators/conv_transpose_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_CONV_TRANSPOSE_OP_H_ #define CAFFE2_OPERATORS_CONV_TRANSPOSE_OP_H_ diff --git a/caffe2/operators/conv_transpose_op_cudnn.cc b/caffe2/operators/conv_transpose_op_cudnn.cc index fb0caf30883a8..0a9f5c7c4a536 100644 --- a/caffe2/operators/conv_transpose_op_cudnn.cc +++ b/caffe2/operators/conv_transpose_op_cudnn.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/common_cudnn.h" #include "caffe2/core/context_gpu.h" #include "caffe2/operators/conv_op_cache_cudnn.h" diff --git a/caffe2/operators/conv_transpose_op_gpu.cc b/caffe2/operators/conv_transpose_op_gpu.cc index d7993cf82d7b3..f793db74f50c4 100644 --- a/caffe2/operators/conv_transpose_op_gpu.cc +++ b/caffe2/operators/conv_transpose_op_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/conv_transpose_op.h" #include "caffe2/operators/conv_transpose_op_impl.h" diff --git a/caffe2/operators/conv_transpose_op_impl.h b/caffe2/operators/conv_transpose_op_impl.h index e12c328f74447..c9cce0be69558 100644 --- a/caffe2/operators/conv_transpose_op_impl.h +++ b/caffe2/operators/conv_transpose_op_impl.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + // conv_transpose_op_impl.h is the templated implementation of the // conv_transpose_op.h file. #ifndef CAFFE2_OPERATORS_CONV_TRANSPOSE_OP_IMPL_H_ diff --git a/caffe2/operators/conv_transpose_op_mobile.cc b/caffe2/operators/conv_transpose_op_mobile.cc index 468d46c7f856e..d17c465d9a374 100644 --- a/caffe2/operators/conv_transpose_op_mobile.cc +++ b/caffe2/operators/conv_transpose_op_mobile.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/conv_transpose_op_mobile.h" #include "caffe2/operators/conv_transpose_op_mobile_impl.h" diff --git a/caffe2/operators/conv_transpose_op_mobile.h b/caffe2/operators/conv_transpose_op_mobile.h index ddfe365e678dc..5322390f2f7c2 100644 --- a/caffe2/operators/conv_transpose_op_mobile.h +++ b/caffe2/operators/conv_transpose_op_mobile.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_CONV_TRANSPOSE_MOBILE_OP_H_ #define CAFFE2_OPERATORS_CONV_TRANSPOSE_MOBILE_OP_H_ diff --git a/caffe2/operators/conv_transpose_op_mobile_impl.h b/caffe2/operators/conv_transpose_op_mobile_impl.h index 2514fd1386bc3..b3551b74b6052 100644 --- a/caffe2/operators/conv_transpose_op_mobile_impl.h +++ b/caffe2/operators/conv_transpose_op_mobile_impl.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + // conv_transpose_op_impl.h is the templated implementation of the // conv_transpose_op.h file. #ifndef CAFFE2_OPERATORS_CONV_TRANSPOSE_MOBILE_OP_IMPL_H_ diff --git a/caffe2/operators/conv_transpose_op_mobile_test.cc b/caffe2/operators/conv_transpose_op_mobile_test.cc index ecefdce864b1a..200625a4e46a8 100644 --- a/caffe2/operators/conv_transpose_op_mobile_test.cc +++ b/caffe2/operators/conv_transpose_op_mobile_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/init.h" #include "caffe2/core/operator.h" #include "caffe2/core/tensor.h" diff --git a/caffe2/operators/conv_transpose_unpool_op_base.h b/caffe2/operators/conv_transpose_unpool_op_base.h index bf2708d22733e..080b509e1d047 100644 --- a/caffe2/operators/conv_transpose_unpool_op_base.h +++ b/caffe2/operators/conv_transpose_unpool_op_base.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_CONV_TRANSPOSE_UNPOOL_OP_BASE_H_ #define CAFFE2_OPERATORS_CONV_TRANSPOSE_UNPOOL_OP_BASE_H_ diff --git a/caffe2/operators/cos_op.cc b/caffe2/operators/cos_op.cc index 8328a3c47046b..6e086ed4defc3 100644 --- a/caffe2/operators/cos_op.cc +++ b/caffe2/operators/cos_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/elementwise_op.h" #include "caffe2/utils/math.h" diff --git a/caffe2/operators/cos_op.cu b/caffe2/operators/cos_op.cu index 76aa1e443ac92..72aa75e139d80 100644 --- a/caffe2/operators/cos_op.cu +++ b/caffe2/operators/cos_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/context_gpu.h" diff --git a/caffe2/operators/cosine_embedding_criterion_op.cc b/caffe2/operators/cosine_embedding_criterion_op.cc index 4cb3611b0d53c..8b364538dd331 100644 --- a/caffe2/operators/cosine_embedding_criterion_op.cc +++ b/caffe2/operators/cosine_embedding_criterion_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/cosine_embedding_criterion_op.h" #include diff --git a/caffe2/operators/cosine_embedding_criterion_op.cu b/caffe2/operators/cosine_embedding_criterion_op.cu index 792062f086b59..2c62a6ce21806 100644 --- a/caffe2/operators/cosine_embedding_criterion_op.cu +++ b/caffe2/operators/cosine_embedding_criterion_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/cosine_embedding_criterion_op.h" diff --git a/caffe2/operators/cosine_embedding_criterion_op.h b/caffe2/operators/cosine_embedding_criterion_op.h index 0d9599d2b77b3..29224cd859650 100644 --- a/caffe2/operators/cosine_embedding_criterion_op.h +++ b/caffe2/operators/cosine_embedding_criterion_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_COSINE_EMBEDDING_CRITERION_OP_H_ #define CAFFE2_OPERATORS_COSINE_EMBEDDING_CRITERION_OP_H_ diff --git a/caffe2/operators/counter_ops.cc b/caffe2/operators/counter_ops.cc index e636b083802a4..9f52d833b8c4e 100644 --- a/caffe2/operators/counter_ops.cc +++ b/caffe2/operators/counter_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "counter_ops.h" #include "caffe2/core/blob_serialization.h" diff --git a/caffe2/operators/counter_ops.h b/caffe2/operators/counter_ops.h index 3b7bf7dd82711..d947b7a2111fb 100644 --- a/caffe2/operators/counter_ops.h +++ b/caffe2/operators/counter_ops.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_COUNTER_OPS_H #define CAFFE2_OPERATORS_COUNTER_OPS_H diff --git a/caffe2/operators/counter_ops_gpu.cc b/caffe2/operators/counter_ops_gpu.cc index 7880aeeb41937..80d59a3b1b89f 100644 --- a/caffe2/operators/counter_ops_gpu.cc +++ b/caffe2/operators/counter_ops_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "counter_ops.h" diff --git a/caffe2/operators/create_scope_op.cc b/caffe2/operators/create_scope_op.cc index 2013415b9ebd1..ad512df1a366c 100644 --- a/caffe2/operators/create_scope_op.cc +++ b/caffe2/operators/create_scope_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/create_scope_op.h" CAFFE2_DEFINE_bool( diff --git a/caffe2/operators/create_scope_op.h b/caffe2/operators/create_scope_op.h index 8a432acc5dde9..785afe98f082a 100644 --- a/caffe2/operators/create_scope_op.h +++ b/caffe2/operators/create_scope_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_CREATE_SCOPE_OP_H_ #define CAFFE2_OPERATORS_CREATE_SCOPE_OP_H_ diff --git a/caffe2/operators/cross_entropy_op.cc b/caffe2/operators/cross_entropy_op.cc index 46d71b6dfc048..07cb02bc58ca9 100644 --- a/caffe2/operators/cross_entropy_op.cc +++ b/caffe2/operators/cross_entropy_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/cross_entropy_op.h" namespace caffe2 { diff --git a/caffe2/operators/cross_entropy_op.cu b/caffe2/operators/cross_entropy_op.cu index ab87c936ac6f7..0822070cb864b 100644 --- a/caffe2/operators/cross_entropy_op.cu +++ b/caffe2/operators/cross_entropy_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include diff --git a/caffe2/operators/cross_entropy_op.h b/caffe2/operators/cross_entropy_op.h index 2fba1277bc744..a1be1636e4e03 100644 --- a/caffe2/operators/cross_entropy_op.h +++ b/caffe2/operators/cross_entropy_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_CROSS_ENTROPY_OP_H_ #define CAFFE2_OPERATORS_CROSS_ENTROPY_OP_H_ diff --git a/caffe2/operators/dataset_ops.cc b/caffe2/operators/dataset_ops.cc index aaf37e1715cb0..27f22ff6bdcb3 100644 --- a/caffe2/operators/dataset_ops.cc +++ b/caffe2/operators/dataset_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/dataset_ops.h" #include diff --git a/caffe2/operators/dataset_ops.h b/caffe2/operators/dataset_ops.h index 98bf6721d7e98..425ebaf753aa0 100644 --- a/caffe2/operators/dataset_ops.h +++ b/caffe2/operators/dataset_ops.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_DATASET_OPS_H_ #define CAFFE2_OPERATORS_DATASET_OPS_H_ diff --git a/caffe2/operators/deform_conv_gradient_op.cc b/caffe2/operators/deform_conv_gradient_op.cc index 180827914fa12..a1e653ef82e73 100644 --- a/caffe2/operators/deform_conv_gradient_op.cc +++ b/caffe2/operators/deform_conv_gradient_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/conv_pool_op_base.h" #include "caffe2/operators/deform_conv_op.h" #include "caffe2/operators/deform_conv_op_impl.h" diff --git a/caffe2/operators/deform_conv_op.cc b/caffe2/operators/deform_conv_op.cc index cf1018ac72faf..cf5bb63727fad 100644 --- a/caffe2/operators/deform_conv_op.cc +++ b/caffe2/operators/deform_conv_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/deform_conv_op.h" #include "caffe2/operators/conv_pool_op_base.h" #include "caffe2/operators/deform_conv_op_impl.h" diff --git a/caffe2/operators/deform_conv_op.cu b/caffe2/operators/deform_conv_op.cu index 29e5552612bfe..c202f713a8a69 100644 --- a/caffe2/operators/deform_conv_op.cu +++ b/caffe2/operators/deform_conv_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + /*! ******************* BEGIN Caffe Copyright Notice and Disclaimer **************** * diff --git a/caffe2/operators/deform_conv_op.h b/caffe2/operators/deform_conv_op.h index 56b4d3228b1db..9d1dcd0caba69 100644 --- a/caffe2/operators/deform_conv_op.h +++ b/caffe2/operators/deform_conv_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_DEFORM_CONV_OP_H_ #define CAFFE2_OPERATORS_DEFORM_CONV_OP_H_ diff --git a/caffe2/operators/deform_conv_op_impl.h b/caffe2/operators/deform_conv_op_impl.h index 072c156cf5bae..1a87e3c43033b 100644 --- a/caffe2/operators/deform_conv_op_impl.h +++ b/caffe2/operators/deform_conv_op_impl.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + // conv_op_impl.h is the templated implementation of the conv_op.h file. #ifndef CAFFE2_OPERATORS_DEFORM_CONV_OP_IMPL_H_ #define CAFFE2_OPERATORS_DEFORM_CONV_OP_IMPL_H_ diff --git a/caffe2/operators/distance_op.cc b/caffe2/operators/distance_op.cc index b8da0d1e27681..147a720a63ea8 100644 --- a/caffe2/operators/distance_op.cc +++ b/caffe2/operators/distance_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/distance_op.h" namespace caffe2 { diff --git a/caffe2/operators/distance_op.cu b/caffe2/operators/distance_op.cu index 49450f9b98edd..b17e4677a6056 100644 --- a/caffe2/operators/distance_op.cu +++ b/caffe2/operators/distance_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/context_gpu.h" diff --git a/caffe2/operators/distance_op.h b/caffe2/operators/distance_op.h index aad57e955dac2..98d382d93bbb0 100644 --- a/caffe2/operators/distance_op.h +++ b/caffe2/operators/distance_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_DISTANCE_OP_H_ #define CAFFE2_OPERATORS_DISTANCE_OP_H_ diff --git a/caffe2/operators/do_op.cc b/caffe2/operators/do_op.cc index d995ea0afd27b..cd5cb9969afc0 100644 --- a/caffe2/operators/do_op.cc +++ b/caffe2/operators/do_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/do_op.h" #include "caffe2/operators/create_scope_op.h" diff --git a/caffe2/operators/do_op.h b/caffe2/operators/do_op.h index fa0ac87999092..68775dee6e17b 100644 --- a/caffe2/operators/do_op.h +++ b/caffe2/operators/do_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_DO_OP_H_ #define CAFFE2_OPERATORS_DO_OP_H_ diff --git a/caffe2/operators/dropout_op.cc b/caffe2/operators/dropout_op.cc index e0cd599ce1847..04de934e9f71f 100644 --- a/caffe2/operators/dropout_op.cc +++ b/caffe2/operators/dropout_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/dropout_op.h" namespace caffe2 { diff --git a/caffe2/operators/dropout_op.cu b/caffe2/operators/dropout_op.cu index 745840e82affc..6d1cc8c55984d 100644 --- a/caffe2/operators/dropout_op.cu +++ b/caffe2/operators/dropout_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/dropout_op.h" diff --git a/caffe2/operators/dropout_op.h b/caffe2/operators/dropout_op.h index f368886b9e810..fd55b88ae55db 100644 --- a/caffe2/operators/dropout_op.h +++ b/caffe2/operators/dropout_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_DROPOUT_OP_H_ #define CAFFE2_OPERATORS_DROPOUT_OP_H_ diff --git a/caffe2/operators/dropout_op_cudnn.cc b/caffe2/operators/dropout_op_cudnn.cc index 4a31a5f213598..3d2c950a34b18 100644 --- a/caffe2/operators/dropout_op_cudnn.cc +++ b/caffe2/operators/dropout_op_cudnn.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/common_cudnn.h" #include "caffe2/core/context_gpu.h" #include "caffe2/core/operator.h" diff --git a/caffe2/operators/elementwise_add_op.cc b/caffe2/operators/elementwise_add_op.cc index d914876e2ae0a..cf3f1e85c1dc9 100644 --- a/caffe2/operators/elementwise_add_op.cc +++ b/caffe2/operators/elementwise_add_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/elementwise_op.h" namespace caffe2 { diff --git a/caffe2/operators/elementwise_div_op.cc b/caffe2/operators/elementwise_div_op.cc index 955ab848d566a..2873366c4f81c 100644 --- a/caffe2/operators/elementwise_div_op.cc +++ b/caffe2/operators/elementwise_div_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/elementwise_op.h" namespace caffe2 { diff --git a/caffe2/operators/elementwise_linear_op.cc b/caffe2/operators/elementwise_linear_op.cc index b6482e09f39dd..5d5d82a900ca9 100644 --- a/caffe2/operators/elementwise_linear_op.cc +++ b/caffe2/operators/elementwise_linear_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "elementwise_linear_op.h" namespace caffe2 { diff --git a/caffe2/operators/elementwise_linear_op.cu b/caffe2/operators/elementwise_linear_op.cu index 503675a86d7de..9c4ae66ac0564 100644 --- a/caffe2/operators/elementwise_linear_op.cu +++ b/caffe2/operators/elementwise_linear_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "elementwise_linear_op.h" diff --git a/caffe2/operators/elementwise_linear_op.h b/caffe2/operators/elementwise_linear_op.h index f2811aa080aeb..f117e888d619e 100644 --- a/caffe2/operators/elementwise_linear_op.h +++ b/caffe2/operators/elementwise_linear_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_ELEMENTWISE_LINEAR_OP_H_ #define CAFFE2_OPERATORS_ELEMENTWISE_LINEAR_OP_H_ diff --git a/caffe2/operators/elementwise_logical_ops.cc b/caffe2/operators/elementwise_logical_ops.cc index e729caec390c5..6c429e90bb9bc 100644 --- a/caffe2/operators/elementwise_logical_ops.cc +++ b/caffe2/operators/elementwise_logical_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/elementwise_logical_ops.h" namespace caffe2 { diff --git a/caffe2/operators/elementwise_logical_ops.h b/caffe2/operators/elementwise_logical_ops.h index 90ec047e390a0..541acb924f4c8 100644 --- a/caffe2/operators/elementwise_logical_ops.h +++ b/caffe2/operators/elementwise_logical_ops.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_ELEMENTWISE_LOGICAL_OPS_H_ #define CAFFE2_OPERATORS_ELEMENTWISE_LOGICAL_OPS_H_ diff --git a/caffe2/operators/elementwise_mul_op.cc b/caffe2/operators/elementwise_mul_op.cc index 75a5e076aef15..a0835bd96271a 100644 --- a/caffe2/operators/elementwise_mul_op.cc +++ b/caffe2/operators/elementwise_mul_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/elementwise_op.h" namespace caffe2 { diff --git a/caffe2/operators/elementwise_op.cc b/caffe2/operators/elementwise_op.cc index 3a051502d9e02..1557f75c5a63c 100644 --- a/caffe2/operators/elementwise_op.cc +++ b/caffe2/operators/elementwise_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/elementwise_op.h" namespace caffe2 { diff --git a/caffe2/operators/elementwise_op.cu b/caffe2/operators/elementwise_op.cu index 52599c9b112af..3889b5f4cdcae 100644 --- a/caffe2/operators/elementwise_op.cu +++ b/caffe2/operators/elementwise_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #define CUB_STDERR #include #include diff --git a/caffe2/operators/elementwise_op.h b/caffe2/operators/elementwise_op.h index 84b9c44d1c3f7..209ce84d2e767 100644 --- a/caffe2/operators/elementwise_op.h +++ b/caffe2/operators/elementwise_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_ELEMENTWISE_OP_H_ #define CAFFE2_OPERATORS_ELEMENTWISE_OP_H_ diff --git a/caffe2/operators/elementwise_op_gpu_test.cc b/caffe2/operators/elementwise_op_gpu_test.cc index b152f96847bfc..f4dc9da38bea0 100644 --- a/caffe2/operators/elementwise_op_gpu_test.cc +++ b/caffe2/operators/elementwise_op_gpu_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/elementwise_op_test.h" #include "caffe2/core/context_gpu.h" diff --git a/caffe2/operators/elementwise_op_schema.cc b/caffe2/operators/elementwise_op_schema.cc index 16387d4b1181f..9fbc3b767daa1 100644 --- a/caffe2/operators/elementwise_op_schema.cc +++ b/caffe2/operators/elementwise_op_schema.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/operator_gradient.h" #include "caffe2/operators/elementwise_op.h" #include "caffe2/utils/proto_utils.h" diff --git a/caffe2/operators/elementwise_op_test.cc b/caffe2/operators/elementwise_op_test.cc index ad0fe08bd2197..1e832d3ce1448 100644 --- a/caffe2/operators/elementwise_op_test.cc +++ b/caffe2/operators/elementwise_op_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/elementwise_op_test.h" #include "caffe2/core/flags.h" diff --git a/caffe2/operators/elementwise_op_test.h b/caffe2/operators/elementwise_op_test.h index c4f74299b7ae6..50874a262d94b 100644 --- a/caffe2/operators/elementwise_op_test.h +++ b/caffe2/operators/elementwise_op_test.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_ELEMENTWISE_OP_TEST_H_ #define CAFFE2_OPERATORS_ELEMENTWISE_OP_TEST_H_ diff --git a/caffe2/operators/elementwise_sub_op.cc b/caffe2/operators/elementwise_sub_op.cc index 5cfa15cf75d5d..ae8e487c98ad1 100644 --- a/caffe2/operators/elementwise_sub_op.cc +++ b/caffe2/operators/elementwise_sub_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/elementwise_op.h" namespace caffe2 { diff --git a/caffe2/operators/elementwise_sum_op.cc b/caffe2/operators/elementwise_sum_op.cc index 2dbe95144ae1f..0ba5610e742f4 100644 --- a/caffe2/operators/elementwise_sum_op.cc +++ b/caffe2/operators/elementwise_sum_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/utility_ops.h" namespace caffe2 { diff --git a/caffe2/operators/elu_op.cc b/caffe2/operators/elu_op.cc index 3c2da3daed236..c3bb9e671bcf3 100644 --- a/caffe2/operators/elu_op.cc +++ b/caffe2/operators/elu_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/elu_op.h" #include "caffe2/utils/math.h" diff --git a/caffe2/operators/elu_op.cu b/caffe2/operators/elu_op.cu index ba2d82edfffa4..2a492a37ea085 100644 --- a/caffe2/operators/elu_op.cu +++ b/caffe2/operators/elu_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/elu_op.h" #include "caffe2/core/context_gpu.h" diff --git a/caffe2/operators/elu_op.h b/caffe2/operators/elu_op.h index 0f2e7e7945a03..f14f3f110383b 100644 --- a/caffe2/operators/elu_op.h +++ b/caffe2/operators/elu_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/core/context.h" diff --git a/caffe2/operators/exp_op.cc b/caffe2/operators/exp_op.cc index cf8618d0259ec..dfd18668deffe 100644 --- a/caffe2/operators/exp_op.cc +++ b/caffe2/operators/exp_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/elementwise_op.h" #include "caffe2/utils/math.h" diff --git a/caffe2/operators/exp_op.cu b/caffe2/operators/exp_op.cu index c31b5441d7a45..fe596fc7bd7ff 100644 --- a/caffe2/operators/exp_op.cu +++ b/caffe2/operators/exp_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/context_gpu.h" diff --git a/caffe2/operators/expand_squeeze_dims_op.cc b/caffe2/operators/expand_squeeze_dims_op.cc index e5d31981c7379..22a3d1151fd4d 100644 --- a/caffe2/operators/expand_squeeze_dims_op.cc +++ b/caffe2/operators/expand_squeeze_dims_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/expand_squeeze_dims_op.h" namespace caffe2 { diff --git a/caffe2/operators/expand_squeeze_dims_op.h b/caffe2/operators/expand_squeeze_dims_op.h index ef025edd3ddec..fca542eee241f 100644 --- a/caffe2/operators/expand_squeeze_dims_op.h +++ b/caffe2/operators/expand_squeeze_dims_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_EXPAND_SQUEEZE_DIMS_OP_H_ #define CAFFE2_OPERATORS_EXPAND_SQUEEZE_DIMS_OP_H_ diff --git a/caffe2/operators/expand_squeeze_dims_op_gpu.cc b/caffe2/operators/expand_squeeze_dims_op_gpu.cc index 23f65200e8dcf..03732ab80b43a 100644 --- a/caffe2/operators/expand_squeeze_dims_op_gpu.cc +++ b/caffe2/operators/expand_squeeze_dims_op_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/expand_squeeze_dims_op.h" diff --git a/caffe2/operators/extend_tensor_op.cc b/caffe2/operators/extend_tensor_op.cc index 6622f4ac565fe..294600a7b98a5 100644 --- a/caffe2/operators/extend_tensor_op.cc +++ b/caffe2/operators/extend_tensor_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include #include diff --git a/caffe2/operators/feed_blob_op.cc b/caffe2/operators/feed_blob_op.cc index f86bddb08d558..feb7d0ad79bc9 100644 --- a/caffe2/operators/feed_blob_op.cc +++ b/caffe2/operators/feed_blob_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/feed_blob_op.h" namespace caffe2 { diff --git a/caffe2/operators/feed_blob_op.h b/caffe2/operators/feed_blob_op.h index 412121441114f..805aeb7c9f7f0 100644 --- a/caffe2/operators/feed_blob_op.h +++ b/caffe2/operators/feed_blob_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_FEED_BLOB_OP_H_ #define CAFFE2_OPERATORS_FEED_BLOB_OP_H_ diff --git a/caffe2/operators/filler_op.cc b/caffe2/operators/filler_op.cc index 2c59e0abe16ac..4ddf16bfe2a8c 100644 --- a/caffe2/operators/filler_op.cc +++ b/caffe2/operators/filler_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/filler_op.h" namespace caffe2 { diff --git a/caffe2/operators/filler_op.cu b/caffe2/operators/filler_op.cu index 55db9a57756ed..a66e17e989aef 100644 --- a/caffe2/operators/filler_op.cu +++ b/caffe2/operators/filler_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/context_gpu.h" #include "caffe2/operators/filler_op.h" diff --git a/caffe2/operators/filler_op.h b/caffe2/operators/filler_op.h index d17bd0e6f5388..caf45ecb17689 100644 --- a/caffe2/operators/filler_op.h +++ b/caffe2/operators/filler_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_FILLER_OP_H_ #define CAFFE2_OPERATORS_FILLER_OP_H_ diff --git a/caffe2/operators/find_duplicate_elements_op.cc b/caffe2/operators/find_duplicate_elements_op.cc index 05525f9d9272f..f18560febd069 100644 --- a/caffe2/operators/find_duplicate_elements_op.cc +++ b/caffe2/operators/find_duplicate_elements_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/find_duplicate_elements_op.h" namespace caffe2 { diff --git a/caffe2/operators/find_duplicate_elements_op.h b/caffe2/operators/find_duplicate_elements_op.h index 3dd89db1ca60f..456eb5816e71a 100644 --- a/caffe2/operators/find_duplicate_elements_op.h +++ b/caffe2/operators/find_duplicate_elements_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_FIND_DUPLICATE_ELEMENTS_OP_H #define CAFFE2_OPERATORS_FIND_DUPLICATE_ELEMENTS_OP_H diff --git a/caffe2/operators/find_op.cc b/caffe2/operators/find_op.cc index 6cd425c57d266..c551f9572ecd9 100644 --- a/caffe2/operators/find_op.cc +++ b/caffe2/operators/find_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/find_op.h" namespace caffe2 { diff --git a/caffe2/operators/find_op.cu b/caffe2/operators/find_op.cu index 32bceda79acc8..57d6ba29de179 100644 --- a/caffe2/operators/find_op.cu +++ b/caffe2/operators/find_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/context_gpu.h" #include "caffe2/operators/find_op.h" diff --git a/caffe2/operators/find_op.h b/caffe2/operators/find_op.h index 8ba28a8b0812f..c6aad600996ef 100644 --- a/caffe2/operators/find_op.h +++ b/caffe2/operators/find_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_FIND_OP_H_ #define CAFFE2_OPERATORS_FIND_OP_H_ diff --git a/caffe2/operators/free_op.cc b/caffe2/operators/free_op.cc index 702981ae40519..3b4ffacd276b9 100644 --- a/caffe2/operators/free_op.cc +++ b/caffe2/operators/free_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/free_op.h" namespace caffe2 { diff --git a/caffe2/operators/free_op.h b/caffe2/operators/free_op.h index 7fc38aea7bfbf..7ca09673cda52 100644 --- a/caffe2/operators/free_op.h +++ b/caffe2/operators/free_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_FREE_OP_H_ #define CAFFE2_OPERATORS_FREE_OP_H_ diff --git a/caffe2/operators/free_op_gpu.cc b/caffe2/operators/free_op_gpu.cc index 4b297a8dc91b9..12f481f955ad1 100644 --- a/caffe2/operators/free_op_gpu.cc +++ b/caffe2/operators/free_op_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/free_op.h" diff --git a/caffe2/operators/fully_connected_op.cc b/caffe2/operators/fully_connected_op.cc index 8a24b9e1d0615..ee17c57364716 100644 --- a/caffe2/operators/fully_connected_op.cc +++ b/caffe2/operators/fully_connected_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/fully_connected_op.h" namespace caffe2 { diff --git a/caffe2/operators/fully_connected_op.h b/caffe2/operators/fully_connected_op.h index 8bd972fd118eb..5a05ee3021d1a 100644 --- a/caffe2/operators/fully_connected_op.h +++ b/caffe2/operators/fully_connected_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_FULLY_CONNECTED_OP_H_ #define CAFFE2_OPERATORS_FULLY_CONNECTED_OP_H_ diff --git a/caffe2/operators/fully_connected_op_gpu.cc b/caffe2/operators/fully_connected_op_gpu.cc index 248bbc55c4aae..930b79cd26cc8 100644 --- a/caffe2/operators/fully_connected_op_gpu.cc +++ b/caffe2/operators/fully_connected_op_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/fully_connected_op.h" diff --git a/caffe2/operators/fully_connected_op_gpu_test.cc b/caffe2/operators/fully_connected_op_gpu_test.cc index 55fe88c228450..75b0cf502ba2b 100644 --- a/caffe2/operators/fully_connected_op_gpu_test.cc +++ b/caffe2/operators/fully_connected_op_gpu_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/context_gpu.h" diff --git a/caffe2/operators/fully_connected_op_test.cc b/caffe2/operators/fully_connected_op_test.cc index 9c37f10b0936a..e6d5b682cd38e 100644 --- a/caffe2/operators/fully_connected_op_test.cc +++ b/caffe2/operators/fully_connected_op_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/operators/fully_connected_op.h" diff --git a/caffe2/operators/given_tensor_fill_op.cc b/caffe2/operators/given_tensor_fill_op.cc index 6df0490a8e778..425026c8d637e 100644 --- a/caffe2/operators/given_tensor_fill_op.cc +++ b/caffe2/operators/given_tensor_fill_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/given_tensor_fill_op.h" namespace caffe2 { diff --git a/caffe2/operators/given_tensor_fill_op.cu b/caffe2/operators/given_tensor_fill_op.cu index ef3f8f9997707..034dcb84a7d9a 100644 --- a/caffe2/operators/given_tensor_fill_op.cu +++ b/caffe2/operators/given_tensor_fill_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/given_tensor_fill_op.h" diff --git a/caffe2/operators/given_tensor_fill_op.h b/caffe2/operators/given_tensor_fill_op.h index 5994ad7514142..ede22ab48300b 100644 --- a/caffe2/operators/given_tensor_fill_op.h +++ b/caffe2/operators/given_tensor_fill_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/core/context.h" diff --git a/caffe2/operators/gru_unit_op.cc b/caffe2/operators/gru_unit_op.cc index 2ee02ccec0f8e..70ec509efee2b 100644 --- a/caffe2/operators/gru_unit_op.cc +++ b/caffe2/operators/gru_unit_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "gru_unit_op.h" namespace caffe2 { diff --git a/caffe2/operators/gru_unit_op.h b/caffe2/operators/gru_unit_op.h index 34c25bc90d08e..9232f0b2ce31a 100644 --- a/caffe2/operators/gru_unit_op.h +++ b/caffe2/operators/gru_unit_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_GRU_UNIT_OP_H_ #define CAFFE2_OPERATORS_GRU_UNIT_OP_H_ diff --git a/caffe2/operators/gru_unit_op_gpu.cu b/caffe2/operators/gru_unit_op_gpu.cu index 9e99be1599b0a..4e9b93d3cbfb0 100644 --- a/caffe2/operators/gru_unit_op_gpu.cu +++ b/caffe2/operators/gru_unit_op_gpu.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include #include diff --git a/caffe2/operators/h_softmax_op.cc b/caffe2/operators/h_softmax_op.cc index 8761a65f451c6..9334b4438065a 100644 --- a/caffe2/operators/h_softmax_op.cc +++ b/caffe2/operators/h_softmax_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/h_softmax_op.h" #include diff --git a/caffe2/operators/h_softmax_op.h b/caffe2/operators/h_softmax_op.h index 176bae8dcc5c4..1b3d579356dfa 100644 --- a/caffe2/operators/h_softmax_op.h +++ b/caffe2/operators/h_softmax_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_H_SOFTMAX_OP_H_ #define CAFFE2_OPERATORS_H_SOFTMAX_OP_H_ diff --git a/caffe2/operators/half_float_ops.cc b/caffe2/operators/half_float_ops.cc index 208bfce137433..0156966edb318 100644 --- a/caffe2/operators/half_float_ops.cc +++ b/caffe2/operators/half_float_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/half_float_ops.h" namespace caffe2 { diff --git a/caffe2/operators/half_float_ops.cu b/caffe2/operators/half_float_ops.cu index fb1cd16db4044..650f1414a0d8a 100644 --- a/caffe2/operators/half_float_ops.cu +++ b/caffe2/operators/half_float_ops.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/half_float_ops.h" #include "caffe2/core/context_gpu.h" diff --git a/caffe2/operators/half_float_ops.h b/caffe2/operators/half_float_ops.h index f65720b8b32c7..72bcce3609f06 100644 --- a/caffe2/operators/half_float_ops.h +++ b/caffe2/operators/half_float_ops.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_HALF_FLOAT_OPS_H_ #define CAFFE2_OPERATORS_HALF_FLOAT_OPS_H_ diff --git a/caffe2/operators/if_op.cc b/caffe2/operators/if_op.cc index be6c5502b9afb..0a8eef731e752 100644 --- a/caffe2/operators/if_op.cc +++ b/caffe2/operators/if_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/if_op.h" namespace caffe2 { diff --git a/caffe2/operators/if_op.h b/caffe2/operators/if_op.h index 401db2884800d..a2e731fecd982 100644 --- a/caffe2/operators/if_op.h +++ b/caffe2/operators/if_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_IF_OP_H_ #define CAFFE2_OPERATORS_IF_OP_H_ diff --git a/caffe2/operators/im2col_op.cc b/caffe2/operators/im2col_op.cc index f8bb7118d51c9..a7e4cc4bfab03 100644 --- a/caffe2/operators/im2col_op.cc +++ b/caffe2/operators/im2col_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/im2col_op.h" namespace caffe2 { diff --git a/caffe2/operators/im2col_op.h b/caffe2/operators/im2col_op.h index f89131efec1c7..bb72de887e8bc 100644 --- a/caffe2/operators/im2col_op.h +++ b/caffe2/operators/im2col_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_IM2COL_OP_H_ #define CAFFE2_OPERATORS_IM2COL_OP_H_ diff --git a/caffe2/operators/im2col_op_gpu.cc b/caffe2/operators/im2col_op_gpu.cc index ebfec0f198751..9e441466d6f7c 100644 --- a/caffe2/operators/im2col_op_gpu.cc +++ b/caffe2/operators/im2col_op_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/im2col_op.h" diff --git a/caffe2/operators/index_hash_ops.cc b/caffe2/operators/index_hash_ops.cc index 191d8e5fcfc58..5f9069e46bc32 100644 --- a/caffe2/operators/index_hash_ops.cc +++ b/caffe2/operators/index_hash_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/index_hash_ops.h" namespace caffe2 { diff --git a/caffe2/operators/index_hash_ops.h b/caffe2/operators/index_hash_ops.h index f81fb2ea51ae1..f7a55c7bafbd4 100644 --- a/caffe2/operators/index_hash_ops.h +++ b/caffe2/operators/index_hash_ops.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_INDEX_HASH_OPS_H_ #define CAFFE2_OPERATORS_INDEX_HASH_OPS_H_ diff --git a/caffe2/operators/index_ops.cc b/caffe2/operators/index_ops.cc index dd04c87b75872..dc7a6d50c983f 100644 --- a/caffe2/operators/index_ops.cc +++ b/caffe2/operators/index_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include #include diff --git a/caffe2/operators/instance_norm_gradient_op.cc b/caffe2/operators/instance_norm_gradient_op.cc index 079992140022f..04d1646b694df 100644 --- a/caffe2/operators/instance_norm_gradient_op.cc +++ b/caffe2/operators/instance_norm_gradient_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/instance_norm_op.h" namespace caffe2 { diff --git a/caffe2/operators/instance_norm_op.cc b/caffe2/operators/instance_norm_op.cc index 6ef62803c593a..fa499918b6799 100644 --- a/caffe2/operators/instance_norm_op.cc +++ b/caffe2/operators/instance_norm_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/instance_norm_op.h" namespace caffe2 { diff --git a/caffe2/operators/instance_norm_op.cu b/caffe2/operators/instance_norm_op.cu index 5a5010dc608b3..31f95d08419d7 100644 --- a/caffe2/operators/instance_norm_op.cu +++ b/caffe2/operators/instance_norm_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/context_gpu.h" diff --git a/caffe2/operators/instance_norm_op.h b/caffe2/operators/instance_norm_op.h index 7bbe84da2742c..fb460bdeeee0e 100644 --- a/caffe2/operators/instance_norm_op.h +++ b/caffe2/operators/instance_norm_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_INSTANCE_NORM_OP_H_ #define CAFFE2_OPERATORS_INSTANCE_NORM_OP_H_ diff --git a/caffe2/operators/last_n_window_collector.cc b/caffe2/operators/last_n_window_collector.cc index 54a81516f23a2..0a6d7b9618a83 100644 --- a/caffe2/operators/last_n_window_collector.cc +++ b/caffe2/operators/last_n_window_collector.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include #include diff --git a/caffe2/operators/layer_norm_op.cc b/caffe2/operators/layer_norm_op.cc index afa127eb8cab2..c42b06b8cd88c 100644 --- a/caffe2/operators/layer_norm_op.cc +++ b/caffe2/operators/layer_norm_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/layer_norm_op.h" namespace caffe2 { diff --git a/caffe2/operators/layer_norm_op.cu b/caffe2/operators/layer_norm_op.cu index 0309b4e6d7fe1..23ced9c8fd08c 100644 --- a/caffe2/operators/layer_norm_op.cu +++ b/caffe2/operators/layer_norm_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/layer_norm_op.h" #include diff --git a/caffe2/operators/layer_norm_op.h b/caffe2/operators/layer_norm_op.h index 24604e318b530..34d68cd33e367 100644 --- a/caffe2/operators/layer_norm_op.h +++ b/caffe2/operators/layer_norm_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_LAYER_NORM_OP_H #define CAFFE2_OPERATORS_LAYER_NORM_OP_H diff --git a/caffe2/operators/leaky_relu_op.cc b/caffe2/operators/leaky_relu_op.cc index 8274927929790..64a9e38664aea 100644 --- a/caffe2/operators/leaky_relu_op.cc +++ b/caffe2/operators/leaky_relu_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/leaky_relu_op.h" #include "caffe2/utils/math.h" diff --git a/caffe2/operators/leaky_relu_op.cu b/caffe2/operators/leaky_relu_op.cu index ece07b786a510..c90a7bea40e2e 100644 --- a/caffe2/operators/leaky_relu_op.cu +++ b/caffe2/operators/leaky_relu_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/leaky_relu_op.h" diff --git a/caffe2/operators/leaky_relu_op.h b/caffe2/operators/leaky_relu_op.h index 32b41d730bf3b..1025356299c8a 100644 --- a/caffe2/operators/leaky_relu_op.h +++ b/caffe2/operators/leaky_relu_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/core/context.h" diff --git a/caffe2/operators/lengths_reducer_ops.cc b/caffe2/operators/lengths_reducer_ops.cc index 999b3f3d6df21..b7dc57de764e0 100644 --- a/caffe2/operators/lengths_reducer_ops.cc +++ b/caffe2/operators/lengths_reducer_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/lengths_reducer_ops.h" #include "caffe2/core/context.h" #include "caffe2/core/operator.h" diff --git a/caffe2/operators/lengths_reducer_ops.h b/caffe2/operators/lengths_reducer_ops.h index fc9295a02a071..b02652251a264 100644 --- a/caffe2/operators/lengths_reducer_ops.h +++ b/caffe2/operators/lengths_reducer_ops.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/core/context.h" #include "caffe2/core/operator.h" diff --git a/caffe2/operators/lengths_reducer_rowwise_8bit_ops.cc b/caffe2/operators/lengths_reducer_rowwise_8bit_ops.cc index 94229bd95dd29..cb6a31db10c83 100644 --- a/caffe2/operators/lengths_reducer_rowwise_8bit_ops.cc +++ b/caffe2/operators/lengths_reducer_rowwise_8bit_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/lengths_reducer_rowwise_8bit_ops.h" #include "caffe2/core/registry.h" diff --git a/caffe2/operators/lengths_reducer_rowwise_8bit_ops.h b/caffe2/operators/lengths_reducer_rowwise_8bit_ops.h index 5c1a596240d67..396c4561f7657 100644 --- a/caffe2/operators/lengths_reducer_rowwise_8bit_ops.h +++ b/caffe2/operators/lengths_reducer_rowwise_8bit_ops.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_LENGTHS_REDUCER_ROWWISE_8bits_OP_H_ #define CAFFE2_OPERATORS_LENGTHS_REDUCER_ROWWISE_8bits_OP_H_ diff --git a/caffe2/operators/lengths_tile_op.cc b/caffe2/operators/lengths_tile_op.cc index 4214861c61e1c..7ba79d928abdf 100644 --- a/caffe2/operators/lengths_tile_op.cc +++ b/caffe2/operators/lengths_tile_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/lengths_tile_op.h" namespace caffe2 { diff --git a/caffe2/operators/lengths_tile_op.h b/caffe2/operators/lengths_tile_op.h index 7c3bd1189791a..a30605177d076 100644 --- a/caffe2/operators/lengths_tile_op.h +++ b/caffe2/operators/lengths_tile_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_LENGTHS_TILE_OP_H_ #define CAFFE2_OPERATORS_LENGTHS_TILE_OP_H_ diff --git a/caffe2/operators/lengths_top_k_op.cc b/caffe2/operators/lengths_top_k_op.cc index c871d53caf953..9995e09251fe6 100644 --- a/caffe2/operators/lengths_top_k_op.cc +++ b/caffe2/operators/lengths_top_k_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/lengths_top_k_op.h" namespace caffe2 { diff --git a/caffe2/operators/lengths_top_k_op.h b/caffe2/operators/lengths_top_k_op.h index ff960c986d902..1f75b80999460 100644 --- a/caffe2/operators/lengths_top_k_op.h +++ b/caffe2/operators/lengths_top_k_op.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_LENGTHS_TOP_K_OP_H_ #define CAFFE2_OPERATORS_LENGTHS_TOP_K_OP_H_ diff --git a/caffe2/operators/load_save_op.cc b/caffe2/operators/load_save_op.cc index 43cf403cc9955..d89f3d239a3fc 100644 --- a/caffe2/operators/load_save_op.cc +++ b/caffe2/operators/load_save_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/load_save_op.h" namespace caffe2 { diff --git a/caffe2/operators/load_save_op.h b/caffe2/operators/load_save_op.h index 986ecc9f17b5e..6029bb7466b22 100644 --- a/caffe2/operators/load_save_op.h +++ b/caffe2/operators/load_save_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_LOAD_SAVE_OP_H_ #define CAFFE2_OPERATORS_LOAD_SAVE_OP_H_ diff --git a/caffe2/operators/load_save_op_gpu.cc b/caffe2/operators/load_save_op_gpu.cc index 54a495926c145..fb4909425eb6d 100644 --- a/caffe2/operators/load_save_op_gpu.cc +++ b/caffe2/operators/load_save_op_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/load_save_op.h" diff --git a/caffe2/operators/local_response_normalization_op.cc b/caffe2/operators/local_response_normalization_op.cc index fa975aebd6b11..073bda81d0f9a 100644 --- a/caffe2/operators/local_response_normalization_op.cc +++ b/caffe2/operators/local_response_normalization_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/local_response_normalization_op.h" namespace caffe2 { diff --git a/caffe2/operators/local_response_normalization_op.cu b/caffe2/operators/local_response_normalization_op.cu index a6a8f5011e33e..f6c52595ab300 100644 --- a/caffe2/operators/local_response_normalization_op.cu +++ b/caffe2/operators/local_response_normalization_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/local_response_normalization_op.h" diff --git a/caffe2/operators/local_response_normalization_op.h b/caffe2/operators/local_response_normalization_op.h index 79f388caea23f..3ba20591c240f 100644 --- a/caffe2/operators/local_response_normalization_op.h +++ b/caffe2/operators/local_response_normalization_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_LOCAL_RESPONSE_NORMALIZATION_OP_H_ #define CAFFE2_OPERATORS_LOCAL_RESPONSE_NORMALIZATION_OP_H_ diff --git a/caffe2/operators/local_response_normalization_op_cudnn.cc b/caffe2/operators/local_response_normalization_op_cudnn.cc index 96ede23c09028..f3bb33e322d9d 100644 --- a/caffe2/operators/local_response_normalization_op_cudnn.cc +++ b/caffe2/operators/local_response_normalization_op_cudnn.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/common_cudnn.h" #include "caffe2/core/context_gpu.h" #include "caffe2/core/operator.h" diff --git a/caffe2/operators/log_op.cc b/caffe2/operators/log_op.cc index 73245424a77a4..139ee516934e7 100644 --- a/caffe2/operators/log_op.cc +++ b/caffe2/operators/log_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/math_ops.h" #include "caffe2/utils/math.h" diff --git a/caffe2/operators/log_op.cu b/caffe2/operators/log_op.cu index 3fb422cd7a303..bb81a4f19a813 100644 --- a/caffe2/operators/log_op.cu +++ b/caffe2/operators/log_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/math_ops.h" diff --git a/caffe2/operators/logit_op.cc b/caffe2/operators/logit_op.cc index a1eba27e015c3..2ed8185f4dc08 100644 --- a/caffe2/operators/logit_op.cc +++ b/caffe2/operators/logit_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/elementwise_op.h" namespace caffe2 { diff --git a/caffe2/operators/loss_op.cc b/caffe2/operators/loss_op.cc index 67e0f5d1db384..bac0b040d67bf 100644 --- a/caffe2/operators/loss_op.cc +++ b/caffe2/operators/loss_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/loss_op.h" namespace caffe2 { diff --git a/caffe2/operators/loss_op.cu b/caffe2/operators/loss_op.cu index 6ad56d21a2b56..203b58d4869c3 100644 --- a/caffe2/operators/loss_op.cu +++ b/caffe2/operators/loss_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/loss_op.h" diff --git a/caffe2/operators/loss_op.h b/caffe2/operators/loss_op.h index aa61a89a80735..e04fb24f65480 100644 --- a/caffe2/operators/loss_op.h +++ b/caffe2/operators/loss_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_LOSS_OP_H_ #define CAFFE2_OPERATORS_LOSS_OP_H_ diff --git a/caffe2/operators/lp_pool_op.cc b/caffe2/operators/lp_pool_op.cc index 82351481a5ea5..22f35cfe908b2 100644 --- a/caffe2/operators/lp_pool_op.cc +++ b/caffe2/operators/lp_pool_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + // TODO: reduce the apparent redundancy of all the code below. #include "caffe2/operators/pool_op.h" diff --git a/caffe2/operators/lp_pool_op.cu b/caffe2/operators/lp_pool_op.cu index 53f6110294426..85570785f6b7f 100644 --- a/caffe2/operators/lp_pool_op.cu +++ b/caffe2/operators/lp_pool_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + // TODO: reduce the apparent redundancy of all the code below. #include diff --git a/caffe2/operators/lpnorm_op.cc b/caffe2/operators/lpnorm_op.cc index ab455dc3884fa..31ed301a3cd2c 100644 --- a/caffe2/operators/lpnorm_op.cc +++ b/caffe2/operators/lpnorm_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/lpnorm_op.h" namespace caffe2 { diff --git a/caffe2/operators/lpnorm_op.h b/caffe2/operators/lpnorm_op.h index d8f46a73bf25d..1a615b2f3c77f 100644 --- a/caffe2/operators/lpnorm_op.h +++ b/caffe2/operators/lpnorm_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_LPNORM_OP_H_ #define CAFFE2_OPERATORS_LPNORM_OP_H_ diff --git a/caffe2/operators/lstm_unit_op.cc b/caffe2/operators/lstm_unit_op.cc index ef7dcccd04fe8..83b106c096c7e 100644 --- a/caffe2/operators/lstm_unit_op.cc +++ b/caffe2/operators/lstm_unit_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "lstm_unit_op.h" namespace caffe2 { diff --git a/caffe2/operators/lstm_unit_op.h b/caffe2/operators/lstm_unit_op.h index 231556960f7be..21aa43bef6e9d 100644 --- a/caffe2/operators/lstm_unit_op.h +++ b/caffe2/operators/lstm_unit_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_LSTM_UNIT_OP_H_ #define CAFFE2_OPERATORS_LSTM_UNIT_OP_H_ diff --git a/caffe2/operators/lstm_unit_op_gpu.cu b/caffe2/operators/lstm_unit_op_gpu.cu index cfbcecd571a24..8fb9028b6e8fd 100644 --- a/caffe2/operators/lstm_unit_op_gpu.cu +++ b/caffe2/operators/lstm_unit_op_gpu.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include #include diff --git a/caffe2/operators/map_ops.cc b/caffe2/operators/map_ops.cc index 4862165bea11f..4fb9252ef37df 100644 --- a/caffe2/operators/map_ops.cc +++ b/caffe2/operators/map_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/map_ops.h" namespace caffe2 { diff --git a/caffe2/operators/map_ops.h b/caffe2/operators/map_ops.h index 8d1a18f8fc135..ee0490ebd3e81 100644 --- a/caffe2/operators/map_ops.h +++ b/caffe2/operators/map_ops.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_MAP_OPS_H_ #define CAFFE2_OPERATORS_MAP_OPS_H_ diff --git a/caffe2/operators/margin_ranking_criterion_op.cc b/caffe2/operators/margin_ranking_criterion_op.cc index 0ea39b4e0ded3..85c7517549eab 100644 --- a/caffe2/operators/margin_ranking_criterion_op.cc +++ b/caffe2/operators/margin_ranking_criterion_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/margin_ranking_criterion_op.h" #include diff --git a/caffe2/operators/margin_ranking_criterion_op.cu b/caffe2/operators/margin_ranking_criterion_op.cu index bd6ae376565b3..d959a1c8a2fd6 100644 --- a/caffe2/operators/margin_ranking_criterion_op.cu +++ b/caffe2/operators/margin_ranking_criterion_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/margin_ranking_criterion_op.h" diff --git a/caffe2/operators/margin_ranking_criterion_op.h b/caffe2/operators/margin_ranking_criterion_op.h index 933db52ecfff7..cf4be09756a73 100644 --- a/caffe2/operators/margin_ranking_criterion_op.h +++ b/caffe2/operators/margin_ranking_criterion_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_MARGIN_RANKING_CRITERION_OP_H_ #define CAFFE2_OPERATORS_MARGIN_RANKING_CRITERION_OP_H_ diff --git a/caffe2/operators/math_ops.cc b/caffe2/operators/math_ops.cc index c5d80de102445..9513ae89a4553 100644 --- a/caffe2/operators/math_ops.cc +++ b/caffe2/operators/math_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/math_ops.h" #include "caffe2/utils/math.h" diff --git a/caffe2/operators/math_ops.cu b/caffe2/operators/math_ops.cu index e1b85eda06479..377e941692339 100644 --- a/caffe2/operators/math_ops.cu +++ b/caffe2/operators/math_ops.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/math_ops.h" diff --git a/caffe2/operators/math_ops.h b/caffe2/operators/math_ops.h index bc7386eb45e44..e06af243c125d 100644 --- a/caffe2/operators/math_ops.h +++ b/caffe2/operators/math_ops.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_MATH_OP_H_ #define CAFFE2_OPERATORS_MATH_OP_H_ diff --git a/caffe2/operators/matmul_op.cc b/caffe2/operators/matmul_op.cc index 27a9746bc003d..89ff4b6b01134 100644 --- a/caffe2/operators/matmul_op.cc +++ b/caffe2/operators/matmul_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/matmul_op.h" namespace caffe2 { diff --git a/caffe2/operators/matmul_op.h b/caffe2/operators/matmul_op.h index 106d8e866277b..d00cd64132b1b 100644 --- a/caffe2/operators/matmul_op.h +++ b/caffe2/operators/matmul_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_MATMUL_OP_H_ #define CAFFE2_OPERATORS_MATMUL_OP_H_ diff --git a/caffe2/operators/matmul_op_gpu.cc b/caffe2/operators/matmul_op_gpu.cc index 973bb26282878..1799c8026808c 100644 --- a/caffe2/operators/matmul_op_gpu.cc +++ b/caffe2/operators/matmul_op_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/matmul_op.h" #include "caffe2/core/context_gpu.h" diff --git a/caffe2/operators/max_pool_with_index.cu b/caffe2/operators/max_pool_with_index.cu index b8e6d2b469e5d..a792a23de3b86 100644 --- a/caffe2/operators/max_pool_with_index.cu +++ b/caffe2/operators/max_pool_with_index.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/max_pool_with_index.h" #include "caffe2/utils/conversions.h" diff --git a/caffe2/operators/max_pool_with_index.h b/caffe2/operators/max_pool_with_index.h index 64337dc56088f..eb3718bf6f4b1 100644 --- a/caffe2/operators/max_pool_with_index.h +++ b/caffe2/operators/max_pool_with_index.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_MAX_POOL_WITH_INDEX_H_ #define CAFFE2_OPERATORS_MAX_POOL_WITH_INDEX_H_ diff --git a/caffe2/operators/mem_query_op.cu b/caffe2/operators/mem_query_op.cu index 767be8af2c385..35c9d3b82c21e 100644 --- a/caffe2/operators/mem_query_op.cu +++ b/caffe2/operators/mem_query_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/core/operator.h" diff --git a/caffe2/operators/merge_id_lists_op.cc b/caffe2/operators/merge_id_lists_op.cc index 2505123d7656f..86f5de03a6422 100644 --- a/caffe2/operators/merge_id_lists_op.cc +++ b/caffe2/operators/merge_id_lists_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/merge_id_lists_op.h" namespace caffe2 { diff --git a/caffe2/operators/merge_id_lists_op.h b/caffe2/operators/merge_id_lists_op.h index 9858b98706d78..6aae617a8bd91 100644 --- a/caffe2/operators/merge_id_lists_op.h +++ b/caffe2/operators/merge_id_lists_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_MERGE_ID_LISTS_OP_H_ #define CAFFE2_OPERATORS_MERGE_ID_LISTS_OP_H_ diff --git a/caffe2/operators/multi_class_accuracy_op.cc b/caffe2/operators/multi_class_accuracy_op.cc index 9eda6fbe2c1b0..9a75f39025f53 100644 --- a/caffe2/operators/multi_class_accuracy_op.cc +++ b/caffe2/operators/multi_class_accuracy_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/multi_class_accuracy_op.h" namespace caffe2 { diff --git a/caffe2/operators/multi_class_accuracy_op.cu b/caffe2/operators/multi_class_accuracy_op.cu index f5672146fd418..8d5f1a8ed2832 100644 --- a/caffe2/operators/multi_class_accuracy_op.cu +++ b/caffe2/operators/multi_class_accuracy_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/multi_class_accuracy_op.h" #include "caffe2/utils/math.h" diff --git a/caffe2/operators/multi_class_accuracy_op.h b/caffe2/operators/multi_class_accuracy_op.h index 5710f5ade75cd..a0f0c49c68e6b 100644 --- a/caffe2/operators/multi_class_accuracy_op.h +++ b/caffe2/operators/multi_class_accuracy_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_MULTI_CLASS_ACCURACY_OP_H_ #define CAFFE2_OPERATORS_MULTI_CLASS_ACCURACY_OP_H_ diff --git a/caffe2/operators/negative_op.cc b/caffe2/operators/negative_op.cc index c1f74a6c8b3c5..b83ac3047aaea 100644 --- a/caffe2/operators/negative_op.cc +++ b/caffe2/operators/negative_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/elementwise_op.h" namespace caffe2 { diff --git a/caffe2/operators/negative_op.cu b/caffe2/operators/negative_op.cu index 1bd5cea474ae4..39c552e9bb4cc 100644 --- a/caffe2/operators/negative_op.cu +++ b/caffe2/operators/negative_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/elementwise_op.h" diff --git a/caffe2/operators/no_default_engine_op.h b/caffe2/operators/no_default_engine_op.h index c148094a4f73f..04740e2bef88f 100644 --- a/caffe2/operators/no_default_engine_op.h +++ b/caffe2/operators/no_default_engine_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_NO_DEFAULT_ENGINE_OP_H_ #define CAFFE2_OPERATORS_NO_DEFAULT_ENGINE_OP_H_ diff --git a/caffe2/operators/normalize_op.cc b/caffe2/operators/normalize_op.cc index c152aebbe9591..f75be3eaf11f5 100644 --- a/caffe2/operators/normalize_op.cc +++ b/caffe2/operators/normalize_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/normalize_op.h" #include "caffe2/core/tensor.h" diff --git a/caffe2/operators/normalize_op.cu b/caffe2/operators/normalize_op.cu index 2c341c0fe3636..a97bba5298a33 100644 --- a/caffe2/operators/normalize_op.cu +++ b/caffe2/operators/normalize_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/context_gpu.h" diff --git a/caffe2/operators/normalize_op.h b/caffe2/operators/normalize_op.h index dc5fc7e6b82ba..11ffb14e57ed0 100644 --- a/caffe2/operators/normalize_op.h +++ b/caffe2/operators/normalize_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_NORMALIZE_OP_H_ #define CAFFE2_OPERATORS_NORMALIZE_OP_H_ diff --git a/caffe2/operators/one_hot_ops.cc b/caffe2/operators/one_hot_ops.cc index 14632ccf75f32..b2486d54e0044 100644 --- a/caffe2/operators/one_hot_ops.cc +++ b/caffe2/operators/one_hot_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/one_hot_ops.h" #include "caffe2/core/operator.h" diff --git a/caffe2/operators/one_hot_ops.cu b/caffe2/operators/one_hot_ops.cu index 9cca0a5b2ffeb..e3e57e07228b7 100644 --- a/caffe2/operators/one_hot_ops.cu +++ b/caffe2/operators/one_hot_ops.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/context_gpu.h" diff --git a/caffe2/operators/one_hot_ops.h b/caffe2/operators/one_hot_ops.h index d8c4c79c9b5af..43e9fff65a064 100644 --- a/caffe2/operators/one_hot_ops.h +++ b/caffe2/operators/one_hot_ops.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE_OPERATORS_ONE_HOT_OPS_H_ #define CAFFE_OPERATORS_ONE_HOT_OPS_H_ diff --git a/caffe2/operators/operator_fallback_gpu.h b/caffe2/operators/operator_fallback_gpu.h index 62d9cdbdaef07..61d34c61ba1cc 100644 --- a/caffe2/operators/operator_fallback_gpu.h +++ b/caffe2/operators/operator_fallback_gpu.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_OPERATOR_FALLBACK_H_ #define CAFFE2_OPERATORS_OPERATOR_FALLBACK_H_ diff --git a/caffe2/operators/operator_fallback_gpu_test.cc b/caffe2/operators/operator_fallback_gpu_test.cc index eb6c225478cb1..6ec67e58dd1bd 100644 --- a/caffe2/operators/operator_fallback_gpu_test.cc +++ b/caffe2/operators/operator_fallback_gpu_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/operator.h" diff --git a/caffe2/operators/order_switch_ops.cc b/caffe2/operators/order_switch_ops.cc index 11cc6dedc24f9..40efdddb660d7 100644 --- a/caffe2/operators/order_switch_ops.cc +++ b/caffe2/operators/order_switch_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/order_switch_ops.h" namespace caffe2 { diff --git a/caffe2/operators/order_switch_ops.cu b/caffe2/operators/order_switch_ops.cu index 2d77b5da85a24..f1690c0caff7b 100644 --- a/caffe2/operators/order_switch_ops.cu +++ b/caffe2/operators/order_switch_ops.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/order_switch_ops.h" #include "caffe2/core/context_gpu.h" diff --git a/caffe2/operators/order_switch_ops.h b/caffe2/operators/order_switch_ops.h index b8420d67f80c4..10fb0b01fa048 100644 --- a/caffe2/operators/order_switch_ops.h +++ b/caffe2/operators/order_switch_ops.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_ORDER_SWITCH_OPS_H_ #define CAFFE2_OPERATORS_ORDER_SWITCH_OPS_H_ diff --git a/caffe2/operators/pack_rnn_sequence_op.cc b/caffe2/operators/pack_rnn_sequence_op.cc index 563ecf8648291..e2052dd5cad77 100644 --- a/caffe2/operators/pack_rnn_sequence_op.cc +++ b/caffe2/operators/pack_rnn_sequence_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/pack_rnn_sequence_op.h" namespace caffe2 { diff --git a/caffe2/operators/pack_rnn_sequence_op.h b/caffe2/operators/pack_rnn_sequence_op.h index c2fcb7d6beb00..332091f3fc701 100644 --- a/caffe2/operators/pack_rnn_sequence_op.h +++ b/caffe2/operators/pack_rnn_sequence_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_PACK_RNN_SEQUENCE_OP_H_ #define CAFFE2_OPERATORS_PACK_RNN_SEQUENCE_OP_H_ diff --git a/caffe2/operators/pack_segments.cc b/caffe2/operators/pack_segments.cc index 58a0cc5f284c3..2511a4fff296d 100644 --- a/caffe2/operators/pack_segments.cc +++ b/caffe2/operators/pack_segments.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/pack_segments.h" namespace caffe2 { diff --git a/caffe2/operators/pack_segments.h b/caffe2/operators/pack_segments.h index 720ba99958726..26ca682b9a511 100644 --- a/caffe2/operators/pack_segments.h +++ b/caffe2/operators/pack_segments.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_PACK_SEGMENTS_H_ #define CAFFE2_OPERATORS_PACK_SEGMENTS_H_ diff --git a/caffe2/operators/pack_segments_op_gpu.cc b/caffe2/operators/pack_segments_op_gpu.cc index 8a30582a59043..f4b1f53cb714e 100644 --- a/caffe2/operators/pack_segments_op_gpu.cc +++ b/caffe2/operators/pack_segments_op_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/operator_fallback_gpu.h" #include "caffe2/operators/pack_segments.h" diff --git a/caffe2/operators/pad_op.cc b/caffe2/operators/pad_op.cc index 74de23e2a9763..4abe0b8b4def8 100644 --- a/caffe2/operators/pad_op.cc +++ b/caffe2/operators/pad_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/pad_op.h" #include diff --git a/caffe2/operators/pad_op.h b/caffe2/operators/pad_op.h index 5ab4f37c4243f..e6f97710b8789 100644 --- a/caffe2/operators/pad_op.h +++ b/caffe2/operators/pad_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_PAD_OP_H_ #define CAFFE2_OPERATORS_PAD_OP_H_ diff --git a/caffe2/operators/pad_op_gpu.cu b/caffe2/operators/pad_op_gpu.cu index bfb4542ca81d1..0256f7a1b58ee 100644 --- a/caffe2/operators/pad_op_gpu.cu +++ b/caffe2/operators/pad_op_gpu.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/context_gpu.h" diff --git a/caffe2/operators/partition_ops.cc b/caffe2/operators/partition_ops.cc index 68582ee081236..9334119770a8a 100644 --- a/caffe2/operators/partition_ops.cc +++ b/caffe2/operators/partition_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/partition_ops.h" namespace caffe2 { diff --git a/caffe2/operators/partition_ops.h b/caffe2/operators/partition_ops.h index 563a02638edd4..c912fe38e99fc 100644 --- a/caffe2/operators/partition_ops.h +++ b/caffe2/operators/partition_ops.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_PARTITION_OPS_H_ #define CAFFE2_OPERATORS_PARTITION_OPS_H_ diff --git a/caffe2/operators/perplexity_op.cc b/caffe2/operators/perplexity_op.cc index a7c4d52285e3d..cd0879a92eeab 100644 --- a/caffe2/operators/perplexity_op.cc +++ b/caffe2/operators/perplexity_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/perplexity_op.h" namespace caffe2 { diff --git a/caffe2/operators/perplexity_op.cu b/caffe2/operators/perplexity_op.cu index afb4d3dc27261..a3fea7a779f1b 100644 --- a/caffe2/operators/perplexity_op.cu +++ b/caffe2/operators/perplexity_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/perplexity_op.h" #include "caffe2/utils/math.h" diff --git a/caffe2/operators/perplexity_op.h b/caffe2/operators/perplexity_op.h index 4fda547d87d45..c1eacdf6d180b 100644 --- a/caffe2/operators/perplexity_op.h +++ b/caffe2/operators/perplexity_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_PERPLEXITY_OP_H_ #define CAFFE2_OPERATORS_PERPLEXITY_OP_H_ diff --git a/caffe2/operators/piecewise_linear_transform_op.cc b/caffe2/operators/piecewise_linear_transform_op.cc index 528b33619b222..44ce0e87e5d4e 100644 --- a/caffe2/operators/piecewise_linear_transform_op.cc +++ b/caffe2/operators/piecewise_linear_transform_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/piecewise_linear_transform_op.h" namespace caffe2 { diff --git a/caffe2/operators/piecewise_linear_transform_op.cu b/caffe2/operators/piecewise_linear_transform_op.cu index 877b795c19076..19e8047f6d8be 100644 --- a/caffe2/operators/piecewise_linear_transform_op.cu +++ b/caffe2/operators/piecewise_linear_transform_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/piecewise_linear_transform_op.h" diff --git a/caffe2/operators/piecewise_linear_transform_op.h b/caffe2/operators/piecewise_linear_transform_op.h index 701acb87f9ad8..70d1478ac4e9a 100644 --- a/caffe2/operators/piecewise_linear_transform_op.h +++ b/caffe2/operators/piecewise_linear_transform_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_PIECEWISE_LINEAR_TRANSFORM_OP_H_ #define CAFFE2_OPERATORS_PIECEWISE_LINEAR_TRANSFORM_OP_H_ diff --git a/caffe2/operators/pool_gradient_op.cc b/caffe2/operators/pool_gradient_op.cc index 048d8fc06177d..3fbca8278f0fb 100644 --- a/caffe2/operators/pool_gradient_op.cc +++ b/caffe2/operators/pool_gradient_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/pool_op.h" namespace caffe2 { diff --git a/caffe2/operators/pool_op.cc b/caffe2/operators/pool_op.cc index acd93126d2acb..30f81df5b4ea4 100644 --- a/caffe2/operators/pool_op.cc +++ b/caffe2/operators/pool_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + // TODO(ataei): reduce the apparent redundancy of all the code below. #include "caffe2/operators/pool_op.h" #include "caffe2/utils/cpu_neon.h" diff --git a/caffe2/operators/pool_op.cu b/caffe2/operators/pool_op.cu index 48b30afaa4d00..c29eaaba763b3 100644 --- a/caffe2/operators/pool_op.cu +++ b/caffe2/operators/pool_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + // TODO(ataei): reduce the apparent redundancy of all the code below. #include diff --git a/caffe2/operators/pool_op.h b/caffe2/operators/pool_op.h index fa77492e4db67..f6de749c061da 100644 --- a/caffe2/operators/pool_op.h +++ b/caffe2/operators/pool_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_POOL_OP_H_ #define CAFFE2_OPERATORS_POOL_OP_H_ diff --git a/caffe2/operators/pool_op_cudnn.cu b/caffe2/operators/pool_op_cudnn.cu index a380d8d30a091..08260bf230225 100644 --- a/caffe2/operators/pool_op_cudnn.cu +++ b/caffe2/operators/pool_op_cudnn.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/common_cudnn.h" #include "caffe2/core/context_gpu.h" #include "caffe2/operators/conv_pool_op_base.h" diff --git a/caffe2/operators/prefetch_op.h b/caffe2/operators/prefetch_op.h index 01b54514f1b1a..3107460e79bd6 100644 --- a/caffe2/operators/prefetch_op.h +++ b/caffe2/operators/prefetch_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_PREFETCH_OP_H_ #define CAFFE2_OPERATORS_PREFETCH_OP_H_ diff --git a/caffe2/operators/prelu_op.cc b/caffe2/operators/prelu_op.cc index 2d060eef59ebb..6bb25a75fc87d 100644 --- a/caffe2/operators/prelu_op.cc +++ b/caffe2/operators/prelu_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/prelu_op.h" #include "caffe2/utils/cpu_neon.h" diff --git a/caffe2/operators/prelu_op.cu b/caffe2/operators/prelu_op.cu index b14393d81b50d..6e130b28537f5 100644 --- a/caffe2/operators/prelu_op.cu +++ b/caffe2/operators/prelu_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/prelu_op.h" diff --git a/caffe2/operators/prelu_op.h b/caffe2/operators/prelu_op.h index 54e1afa54ccf2..c3dc55dd9464c 100644 --- a/caffe2/operators/prelu_op.h +++ b/caffe2/operators/prelu_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/core/context.h" diff --git a/caffe2/operators/prepend_dim_op.cc b/caffe2/operators/prepend_dim_op.cc index 2796fec367283..9ea1e41921eb6 100644 --- a/caffe2/operators/prepend_dim_op.cc +++ b/caffe2/operators/prepend_dim_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/prepend_dim_op.h" namespace caffe2 { diff --git a/caffe2/operators/prepend_dim_op.h b/caffe2/operators/prepend_dim_op.h index 6eb864ebe27f2..d51605290d871 100644 --- a/caffe2/operators/prepend_dim_op.h +++ b/caffe2/operators/prepend_dim_op.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_PREPEND_DIM_OP_H_ #define CAFFE2_OPERATORS_PREPEND_DIM_OP_H_ diff --git a/caffe2/operators/prepend_dim_op_gpu.cc b/caffe2/operators/prepend_dim_op_gpu.cc index aade1b09846e2..d6b42a016a822 100644 --- a/caffe2/operators/prepend_dim_op_gpu.cc +++ b/caffe2/operators/prepend_dim_op_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/prepend_dim_op.h" diff --git a/caffe2/operators/rank_loss_op.cc b/caffe2/operators/rank_loss_op.cc index d256a6e5cfa7f..accba02f98650 100644 --- a/caffe2/operators/rank_loss_op.cc +++ b/caffe2/operators/rank_loss_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/rank_loss_op.h" namespace caffe2 { diff --git a/caffe2/operators/rank_loss_op.h b/caffe2/operators/rank_loss_op.h index 420428afb0fc0..4f8f21b0c9a19 100644 --- a/caffe2/operators/rank_loss_op.h +++ b/caffe2/operators/rank_loss_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/core/context.h" diff --git a/caffe2/operators/recurrent_network_blob_fetcher_op.cc b/caffe2/operators/recurrent_network_blob_fetcher_op.cc index 3e4c65922995f..d9d04f6fd6de2 100644 --- a/caffe2/operators/recurrent_network_blob_fetcher_op.cc +++ b/caffe2/operators/recurrent_network_blob_fetcher_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/recurrent_network_blob_fetcher_op.h" namespace caffe2 { diff --git a/caffe2/operators/recurrent_network_blob_fetcher_op.h b/caffe2/operators/recurrent_network_blob_fetcher_op.h index d627a94f5fe4f..e8f48d5222601 100644 --- a/caffe2/operators/recurrent_network_blob_fetcher_op.h +++ b/caffe2/operators/recurrent_network_blob_fetcher_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_RECURRENT_BLOB_FETCHER_OP_H_ #define CAFFE2_OPERATORS_RECURRENT_BLOB_FETCHER_OP_H_ diff --git a/caffe2/operators/recurrent_network_blob_fetcher_op_gpu.cc b/caffe2/operators/recurrent_network_blob_fetcher_op_gpu.cc index dc3ca5289a324..2fa427711e726 100644 --- a/caffe2/operators/recurrent_network_blob_fetcher_op_gpu.cc +++ b/caffe2/operators/recurrent_network_blob_fetcher_op_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/recurrent_network_blob_fetcher_op.h" diff --git a/caffe2/operators/recurrent_network_executor.cc b/caffe2/operators/recurrent_network_executor.cc index e237c7f3774d8..035f369b7b37b 100644 --- a/caffe2/operators/recurrent_network_executor.cc +++ b/caffe2/operators/recurrent_network_executor.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/recurrent_network_executor.h" #include "caffe2/core/timer.h" diff --git a/caffe2/operators/recurrent_network_executor.h b/caffe2/operators/recurrent_network_executor.h index d5d543fd3d009..c2a33496b03ab 100644 --- a/caffe2/operators/recurrent_network_executor.h +++ b/caffe2/operators/recurrent_network_executor.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_RECURRENT_NETWORK_EXECUTOR_H_ #define CAFFE2_OPERATORS_RECURRENT_NETWORK_EXECUTOR_H_ diff --git a/caffe2/operators/recurrent_network_executor_gpu.cc b/caffe2/operators/recurrent_network_executor_gpu.cc index 93e6c74f65278..ab27621127565 100644 --- a/caffe2/operators/recurrent_network_executor_gpu.cc +++ b/caffe2/operators/recurrent_network_executor_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/recurrent_network_executor_gpu.h" #include "caffe2/core/context_gpu.h" diff --git a/caffe2/operators/recurrent_network_executor_gpu.h b/caffe2/operators/recurrent_network_executor_gpu.h index ae7ccbd7740e9..83fe6892315ce 100644 --- a/caffe2/operators/recurrent_network_executor_gpu.h +++ b/caffe2/operators/recurrent_network_executor_gpu.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_RECURRENT_NETWORK_GPU_EXECUTOR_H_ #define CAFFE2_OPERATORS_RECURRENT_NETWORK_GPU_EXECUTOR_H_ diff --git a/caffe2/operators/recurrent_network_executor_incl.h b/caffe2/operators/recurrent_network_executor_incl.h index 9bcabf6e05726..85f9723f951be 100644 --- a/caffe2/operators/recurrent_network_executor_incl.h +++ b/caffe2/operators/recurrent_network_executor_incl.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_RECURRENT_NETWORK_EXECUTOR_INCL_H_ #define CAFFE2_OPERATORS_RECURRENT_NETWORK_EXECUTOR_INCL_H_ diff --git a/caffe2/operators/recurrent_network_op.cc b/caffe2/operators/recurrent_network_op.cc index 97caa27ae2c80..96d633a9f1f8b 100644 --- a/caffe2/operators/recurrent_network_op.cc +++ b/caffe2/operators/recurrent_network_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "recurrent_network_op.h" #include "caffe2/core/workspace.h" diff --git a/caffe2/operators/recurrent_network_op.h b/caffe2/operators/recurrent_network_op.h index 8002d699c5788..6fd8866d2abc7 100644 --- a/caffe2/operators/recurrent_network_op.h +++ b/caffe2/operators/recurrent_network_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_RECURRENT_NETWORK_OP_H_ #define CAFFE2_OPERATORS_RECURRENT_NETWORK_OP_H_ diff --git a/caffe2/operators/recurrent_network_op_gpu.cu b/caffe2/operators/recurrent_network_op_gpu.cu index d7c70dd25ca51..04d4717725c18 100644 --- a/caffe2/operators/recurrent_network_op_gpu.cu +++ b/caffe2/operators/recurrent_network_op_gpu.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/recurrent_network_op.h" diff --git a/caffe2/operators/recurrent_op_cudnn.cc b/caffe2/operators/recurrent_op_cudnn.cc index 2d6ca9dab69bb..21b3ed3d1d7a4 100644 --- a/caffe2/operators/recurrent_op_cudnn.cc +++ b/caffe2/operators/recurrent_op_cudnn.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/recurrent_op_cudnn.h" #include "caffe2/utils/math.h" diff --git a/caffe2/operators/recurrent_op_cudnn.h b/caffe2/operators/recurrent_op_cudnn.h index d8208458eb95b..a1c681ecaf9cb 100644 --- a/caffe2/operators/recurrent_op_cudnn.h +++ b/caffe2/operators/recurrent_op_cudnn.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_RECURRENT_OP_CUDNN_H_ #define CAFFE2_OPERATORS_RECURRENT_OP_CUDNN_H_ diff --git a/caffe2/operators/reducer_functors.h b/caffe2/operators/reducer_functors.h index e6308af39e2ec..877ca9ba7e0c2 100644 --- a/caffe2/operators/reducer_functors.h +++ b/caffe2/operators/reducer_functors.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_RECUDER_FUNCTORS_H_ #define CAFFE2_OPERATORS_RECUDER_FUNCTORS_H_ diff --git a/caffe2/operators/reduction_front_back_ops.cc b/caffe2/operators/reduction_front_back_ops.cc index 986b4db003134..47e8116f63f9c 100644 --- a/caffe2/operators/reduction_front_back_ops.cc +++ b/caffe2/operators/reduction_front_back_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/reduction_front_back_ops.h" #include "caffe2/core/operator_gradient.h" diff --git a/caffe2/operators/reduction_front_back_ops.cu b/caffe2/operators/reduction_front_back_ops.cu index a9ccd33b38049..e3cfc0a912a0b 100644 --- a/caffe2/operators/reduction_front_back_ops.cu +++ b/caffe2/operators/reduction_front_back_ops.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/context_gpu.h" diff --git a/caffe2/operators/reduction_front_back_ops.h b/caffe2/operators/reduction_front_back_ops.h index 50b1e9def2021..884f67b6c615a 100644 --- a/caffe2/operators/reduction_front_back_ops.h +++ b/caffe2/operators/reduction_front_back_ops.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_REDUCTION_FRONT_BACK_OPS_H_ #define CAFFE2_OPERATORS_REDUCTION_FRONT_BACK_OPS_H_ diff --git a/caffe2/operators/reduction_ops.cc b/caffe2/operators/reduction_ops.cc index bf5954ac66d6e..ed7c4e030e29a 100644 --- a/caffe2/operators/reduction_ops.cc +++ b/caffe2/operators/reduction_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/reduction_ops.h" namespace caffe2 { diff --git a/caffe2/operators/reduction_ops.cu b/caffe2/operators/reduction_ops.cu index d2f12e18d184e..444e11b8457e8 100644 --- a/caffe2/operators/reduction_ops.cu +++ b/caffe2/operators/reduction_ops.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/reduction_ops.h" #include "caffe2/utils/conversions.h" diff --git a/caffe2/operators/reduction_ops.h b/caffe2/operators/reduction_ops.h index b0bceef3346a0..e698c47eb6b84 100644 --- a/caffe2/operators/reduction_ops.h +++ b/caffe2/operators/reduction_ops.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_REDUCTION_OPS_H_ #define CAFFE2_OPERATORS_REDUCTION_OPS_H_ diff --git a/caffe2/operators/relu_op.cc b/caffe2/operators/relu_op.cc index fd5d5668e9166..c5b2b9bf07861 100644 --- a/caffe2/operators/relu_op.cc +++ b/caffe2/operators/relu_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/relu_op.h" #include "caffe2/utils/math.h" diff --git a/caffe2/operators/relu_op.cu b/caffe2/operators/relu_op.cu index d520ba9c23665..464892274b10f 100644 --- a/caffe2/operators/relu_op.cu +++ b/caffe2/operators/relu_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/relu_op.h" diff --git a/caffe2/operators/relu_op.h b/caffe2/operators/relu_op.h index 2b29b9b8516c0..28222519364e1 100644 --- a/caffe2/operators/relu_op.h +++ b/caffe2/operators/relu_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_RELU_OP_H_ #define CAFFE2_OPERATORS_RELU_OP_H_ diff --git a/caffe2/operators/relu_op_cudnn.cc b/caffe2/operators/relu_op_cudnn.cc index 3029aee4f3f78..027e54ddf96f9 100644 --- a/caffe2/operators/relu_op_cudnn.cc +++ b/caffe2/operators/relu_op_cudnn.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/common_cudnn.h" #include "caffe2/core/context_gpu.h" #include "caffe2/core/operator.h" diff --git a/caffe2/operators/relu_op_fp16.cu b/caffe2/operators/relu_op_fp16.cu index 92e3935345a32..2b1594a77e475 100644 --- a/caffe2/operators/relu_op_fp16.cu +++ b/caffe2/operators/relu_op_fp16.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/common_gpu.h" #ifdef CAFFE_HAS_CUDA_FP16 diff --git a/caffe2/operators/remove_data_blocks_op.cc b/caffe2/operators/remove_data_blocks_op.cc index 7074da0fcd9a2..070b39b018599 100644 --- a/caffe2/operators/remove_data_blocks_op.cc +++ b/caffe2/operators/remove_data_blocks_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/remove_data_blocks_op.h" namespace caffe2 { diff --git a/caffe2/operators/remove_data_blocks_op.h b/caffe2/operators/remove_data_blocks_op.h index 9530242df9de2..59b7ae42a6a54 100644 --- a/caffe2/operators/remove_data_blocks_op.h +++ b/caffe2/operators/remove_data_blocks_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_REMOVE_DATA_BLOCKS_OP_H_ #define CAFFE2_OPERATORS_REMOVE_DATA_BLOCKS_OP_H_ diff --git a/caffe2/operators/replace_nan_op.cc b/caffe2/operators/replace_nan_op.cc index 6dba361c46f48..ebb3034b19d76 100644 --- a/caffe2/operators/replace_nan_op.cc +++ b/caffe2/operators/replace_nan_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/replace_nan_op.h" namespace caffe2 { diff --git a/caffe2/operators/replace_nan_op.h b/caffe2/operators/replace_nan_op.h index dd6ac387e7a5e..0bbb85ece8ec2 100644 --- a/caffe2/operators/replace_nan_op.h +++ b/caffe2/operators/replace_nan_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE_OPERATORS_REPLACE_NAN_OP_H_ #define CAFFE_OPERATORS_REPLACE_NAN_OP_H_ diff --git a/caffe2/operators/reservoir_sampling.cc b/caffe2/operators/reservoir_sampling.cc index 7a67563417e61..bbb20577e2595 100644 --- a/caffe2/operators/reservoir_sampling.cc +++ b/caffe2/operators/reservoir_sampling.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include #include diff --git a/caffe2/operators/reshape_op.cc b/caffe2/operators/reshape_op.cc index 67288bac047cf..db2384e367dbc 100644 --- a/caffe2/operators/reshape_op.cc +++ b/caffe2/operators/reshape_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/reshape_op.h" namespace caffe2 { diff --git a/caffe2/operators/reshape_op.h b/caffe2/operators/reshape_op.h index 151a9e3599f40..cdb760f9b5b01 100644 --- a/caffe2/operators/reshape_op.h +++ b/caffe2/operators/reshape_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_RESHAPE_OP_H_ #define CAFFE2_OPERATORS_RESHAPE_OP_H_ diff --git a/caffe2/operators/reshape_op_gpu.cc b/caffe2/operators/reshape_op_gpu.cc index 870465557994e..8f1640e54407e 100644 --- a/caffe2/operators/reshape_op_gpu.cc +++ b/caffe2/operators/reshape_op_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/reshape_op.h" diff --git a/caffe2/operators/reshape_op_gpu_test.cc b/caffe2/operators/reshape_op_gpu_test.cc index e2915512558cc..964a1e343f8c5 100644 --- a/caffe2/operators/reshape_op_gpu_test.cc +++ b/caffe2/operators/reshape_op_gpu_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/context.h" diff --git a/caffe2/operators/resize_op.cc b/caffe2/operators/resize_op.cc index 77b1c4d4a9646..fe586aa5d1eb1 100644 --- a/caffe2/operators/resize_op.cc +++ b/caffe2/operators/resize_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/resize_op.h" #include "caffe2/utils/cpu_neon.h" diff --git a/caffe2/operators/resize_op.cu b/caffe2/operators/resize_op.cu index 5098d1d590ccb..1395a65d9839c 100644 --- a/caffe2/operators/resize_op.cu +++ b/caffe2/operators/resize_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/utils/math.h" #include "resize_op.h" diff --git a/caffe2/operators/resize_op.h b/caffe2/operators/resize_op.h index 42f993722860c..b64956d883eb1 100644 --- a/caffe2/operators/resize_op.h +++ b/caffe2/operators/resize_op.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once diff --git a/caffe2/operators/reverse_packed_segs_op.cc b/caffe2/operators/reverse_packed_segs_op.cc index 0191c61f8a6d5..69a24460ac663 100644 --- a/caffe2/operators/reverse_packed_segs_op.cc +++ b/caffe2/operators/reverse_packed_segs_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/reverse_packed_segs_op.h" namespace caffe2 { diff --git a/caffe2/operators/reverse_packed_segs_op.cu b/caffe2/operators/reverse_packed_segs_op.cu index fdcffc66c240e..ce6c8e4c7d7a2 100644 --- a/caffe2/operators/reverse_packed_segs_op.cu +++ b/caffe2/operators/reverse_packed_segs_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "reverse_packed_segs_op.h" diff --git a/caffe2/operators/reverse_packed_segs_op.h b/caffe2/operators/reverse_packed_segs_op.h index f2f1122ceabe3..66fff761d04cb 100644 --- a/caffe2/operators/reverse_packed_segs_op.h +++ b/caffe2/operators/reverse_packed_segs_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_REVERSE_PACKED_SEGS_OP_H_ #define CAFFE2_OPERATORS_REVERSE_PACKED_SEGS_OP_H_ diff --git a/caffe2/operators/rmac_regions_op.cc b/caffe2/operators/rmac_regions_op.cc index ba6ab10973504..d0ad1185686d9 100644 --- a/caffe2/operators/rmac_regions_op.cc +++ b/caffe2/operators/rmac_regions_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/rmac_regions_op.h" #include diff --git a/caffe2/operators/rmac_regions_op.cu b/caffe2/operators/rmac_regions_op.cu index 49faf7a8403cb..f1162353af1bf 100644 --- a/caffe2/operators/rmac_regions_op.cu +++ b/caffe2/operators/rmac_regions_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/context_gpu.h" diff --git a/caffe2/operators/rmac_regions_op.h b/caffe2/operators/rmac_regions_op.h index bb71f2ebee006..ede563494fd92 100644 --- a/caffe2/operators/rmac_regions_op.h +++ b/caffe2/operators/rmac_regions_op.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_RMAC_REGIONS_OP_H #define CAFFE2_OPERATORS_RMAC_REGIONS_OP_H diff --git a/caffe2/operators/roi_pool_op.cc b/caffe2/operators/roi_pool_op.cc index d369aecd638e6..39f1ce9726cf3 100644 --- a/caffe2/operators/roi_pool_op.cc +++ b/caffe2/operators/roi_pool_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "roi_pool_op.h" #include diff --git a/caffe2/operators/roi_pool_op.cu b/caffe2/operators/roi_pool_op.cu index c5911090707cc..27a66432ce253 100644 --- a/caffe2/operators/roi_pool_op.cu +++ b/caffe2/operators/roi_pool_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/context_gpu.h" diff --git a/caffe2/operators/roi_pool_op.h b/caffe2/operators/roi_pool_op.h index 7be379dd9dbc2..a3a7ffe7a693a 100644 --- a/caffe2/operators/roi_pool_op.h +++ b/caffe2/operators/roi_pool_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef ROI_POOL_OP_H_ #define ROI_POOL_OP_H_ diff --git a/caffe2/operators/rowmul_op.cc b/caffe2/operators/rowmul_op.cc index 9e09cdd8595fd..8b8581a39c70f 100644 --- a/caffe2/operators/rowmul_op.cc +++ b/caffe2/operators/rowmul_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/rowmul_op.h" namespace caffe2 { diff --git a/caffe2/operators/rowmul_op.h b/caffe2/operators/rowmul_op.h index cf820447caba3..a313bab00b088 100644 --- a/caffe2/operators/rowmul_op.h +++ b/caffe2/operators/rowmul_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_ROW_MUL_H_ #define CAFFE2_OPERATORS_ROW_MUL_H_ diff --git a/caffe2/operators/scale_op.cc b/caffe2/operators/scale_op.cc index f246db4495231..68916706f459c 100644 --- a/caffe2/operators/scale_op.cc +++ b/caffe2/operators/scale_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/scale_op.h" namespace caffe2 { diff --git a/caffe2/operators/scale_op.h b/caffe2/operators/scale_op.h index b8632eae9df42..771e79c6b4218 100644 --- a/caffe2/operators/scale_op.h +++ b/caffe2/operators/scale_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_SCALE_OP_H_ #define CAFFE2_OPERATORS_SCALE_OP_H_ diff --git a/caffe2/operators/scale_op_gpu.cc b/caffe2/operators/scale_op_gpu.cc index 471f03daf60d2..98066c730ae83 100644 --- a/caffe2/operators/scale_op_gpu.cc +++ b/caffe2/operators/scale_op_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/scale_op.h" diff --git a/caffe2/operators/segment_reduction_op.cc b/caffe2/operators/segment_reduction_op.cc index f5a4e0f2dfdf0..a41762a93980a 100644 --- a/caffe2/operators/segment_reduction_op.cc +++ b/caffe2/operators/segment_reduction_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/segment_reduction_op.h" namespace caffe2 { diff --git a/caffe2/operators/segment_reduction_op.h b/caffe2/operators/segment_reduction_op.h index 65bda405b81fc..51cad1d25bb54 100644 --- a/caffe2/operators/segment_reduction_op.h +++ b/caffe2/operators/segment_reduction_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_SEGMENT_REDUCTION_OP_H_ #define CAFFE2_OPERATORS_SEGMENT_REDUCTION_OP_H_ diff --git a/caffe2/operators/segment_reduction_op_gpu.cu b/caffe2/operators/segment_reduction_op_gpu.cu index 797508920c208..5006c3ba3a590 100644 --- a/caffe2/operators/segment_reduction_op_gpu.cu +++ b/caffe2/operators/segment_reduction_op_gpu.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include #include "caffe2/core/context_gpu.h" diff --git a/caffe2/operators/sequence_ops.cc b/caffe2/operators/sequence_ops.cc index a3613002949ec..d476bc6424b35 100644 --- a/caffe2/operators/sequence_ops.cc +++ b/caffe2/operators/sequence_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/sequence_ops.h" #include "caffe2/core/operator.h" #include "caffe2/core/tensor.h" diff --git a/caffe2/operators/sequence_ops.h b/caffe2/operators/sequence_ops.h index 95fbfbbb34efc..ef38fc00d446e 100644 --- a/caffe2/operators/sequence_ops.h +++ b/caffe2/operators/sequence_ops.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_SEQUENCE_OPS_H_ #define CAFFE2_OPERATORS_SEQUENCE_OPS_H_ diff --git a/caffe2/operators/shape_op.cc b/caffe2/operators/shape_op.cc index 51bc331b8024d..81b5932fe2736 100644 --- a/caffe2/operators/shape_op.cc +++ b/caffe2/operators/shape_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/shape_op.h" namespace caffe2 { diff --git a/caffe2/operators/shape_op.h b/caffe2/operators/shape_op.h index a7eb92a3eb606..00aac55a8fbff 100644 --- a/caffe2/operators/shape_op.h +++ b/caffe2/operators/shape_op.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once diff --git a/caffe2/operators/shape_op_gpu.cc b/caffe2/operators/shape_op_gpu.cc index 5880dca55eaec..3ff809c6a2d6b 100644 --- a/caffe2/operators/shape_op_gpu.cc +++ b/caffe2/operators/shape_op_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/shape_op.h" diff --git a/caffe2/operators/sigmoid_op.cc b/caffe2/operators/sigmoid_op.cc index 7de4d914009ca..cf4b62404dfa9 100644 --- a/caffe2/operators/sigmoid_op.cc +++ b/caffe2/operators/sigmoid_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/elementwise_op.h" #include "caffe2/utils/math.h" diff --git a/caffe2/operators/sigmoid_op.cu b/caffe2/operators/sigmoid_op.cu index cacf6eb05ca7e..9b5b3dce70de5 100644 --- a/caffe2/operators/sigmoid_op.cu +++ b/caffe2/operators/sigmoid_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/context_gpu.h" diff --git a/caffe2/operators/sin_op.cc b/caffe2/operators/sin_op.cc index 8aa9cf77ca684..1b693f4268770 100644 --- a/caffe2/operators/sin_op.cc +++ b/caffe2/operators/sin_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/elementwise_op.h" #include "caffe2/utils/math.h" diff --git a/caffe2/operators/sin_op.cu b/caffe2/operators/sin_op.cu index 59849dcd2930b..72b50a727a34d 100644 --- a/caffe2/operators/sin_op.cu +++ b/caffe2/operators/sin_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/context_gpu.h" diff --git a/caffe2/operators/sinusoid_position_encoding_op.cc b/caffe2/operators/sinusoid_position_encoding_op.cc index c551c3896aee8..0b50b50533e45 100644 --- a/caffe2/operators/sinusoid_position_encoding_op.cc +++ b/caffe2/operators/sinusoid_position_encoding_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/sinusoid_position_encoding_op.h" namespace caffe2 { diff --git a/caffe2/operators/sinusoid_position_encoding_op.h b/caffe2/operators/sinusoid_position_encoding_op.h index 69c8ea8244b38..b3bef284743b5 100644 --- a/caffe2/operators/sinusoid_position_encoding_op.h +++ b/caffe2/operators/sinusoid_position_encoding_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_SINUSOID_POSITION_ENCODING_OP_H_ #define CAFFE2_OPERATORS_SINUSOID_POSITION_ENCODING_OP_H_ diff --git a/caffe2/operators/slice_op.cc b/caffe2/operators/slice_op.cc index 89f8cd8611f67..f64f45a5ab48e 100644 --- a/caffe2/operators/slice_op.cc +++ b/caffe2/operators/slice_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/slice_op.h" namespace caffe2 { diff --git a/caffe2/operators/slice_op.cu b/caffe2/operators/slice_op.cu index 1fec1fe990c3a..e01549190bfda 100644 --- a/caffe2/operators/slice_op.cu +++ b/caffe2/operators/slice_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/slice_op.h" diff --git a/caffe2/operators/slice_op.h b/caffe2/operators/slice_op.h index 0b47669019c12..e42f004a60c9b 100644 --- a/caffe2/operators/slice_op.h +++ b/caffe2/operators/slice_op.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once diff --git a/caffe2/operators/softmax_op.cc b/caffe2/operators/softmax_op.cc index e587fe1718bde..32736f9a92111 100644 --- a/caffe2/operators/softmax_op.cc +++ b/caffe2/operators/softmax_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/softmax_op.h" #include "caffe2/operators/softmax_shared.h" diff --git a/caffe2/operators/softmax_op.h b/caffe2/operators/softmax_op.h index 9073a0e6a98f7..817b725896f89 100644 --- a/caffe2/operators/softmax_op.h +++ b/caffe2/operators/softmax_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_SOFTMAX_OP_H_ #define CAFFE2_OPERATORS_SOFTMAX_OP_H_ diff --git a/caffe2/operators/softmax_op_cudnn.cc b/caffe2/operators/softmax_op_cudnn.cc index 2c1e1d2f3a92d..6031844955dca 100644 --- a/caffe2/operators/softmax_op_cudnn.cc +++ b/caffe2/operators/softmax_op_cudnn.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/common_cudnn.h" #include "caffe2/core/context_gpu.h" #include "caffe2/core/types.h" diff --git a/caffe2/operators/softmax_ops.cu b/caffe2/operators/softmax_ops.cu index 8b74f16d87c70..dad189639168c 100644 --- a/caffe2/operators/softmax_ops.cu +++ b/caffe2/operators/softmax_ops.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include diff --git a/caffe2/operators/softmax_shared.cc b/caffe2/operators/softmax_shared.cc index fbd110fa51a7a..d9b95ee6a9dfc 100644 --- a/caffe2/operators/softmax_shared.cc +++ b/caffe2/operators/softmax_shared.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context.h" #include "caffe2/core/operator.h" #include "caffe2/utils/math.h" diff --git a/caffe2/operators/softmax_shared.h b/caffe2/operators/softmax_shared.h index 60c2bd0ab50b5..2d1dc51a831c9 100644 --- a/caffe2/operators/softmax_shared.h +++ b/caffe2/operators/softmax_shared.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_SOFTMAX_SHARED_H_ #define CAFFE2_OPERATORS_SOFTMAX_SHARED_H_ diff --git a/caffe2/operators/softmax_with_loss_op.cc b/caffe2/operators/softmax_with_loss_op.cc index 9fcffdaf207f9..9d23a3e387f77 100644 --- a/caffe2/operators/softmax_with_loss_op.cc +++ b/caffe2/operators/softmax_with_loss_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "softmax_with_loss_op.h" #include "softmax_shared.h" diff --git a/caffe2/operators/softmax_with_loss_op.h b/caffe2/operators/softmax_with_loss_op.h index 27e6db2d76fc5..fc12c3b6eecfb 100644 --- a/caffe2/operators/softmax_with_loss_op.h +++ b/caffe2/operators/softmax_with_loss_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef SOFTMAX_WITH_LOSS_OP_H_ #define SOFTMAX_WITH_LOSS_OP_H_ diff --git a/caffe2/operators/softplus_op.cc b/caffe2/operators/softplus_op.cc index 20c2115c3dc7c..c03e556ddf42a 100644 --- a/caffe2/operators/softplus_op.cc +++ b/caffe2/operators/softplus_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/softplus_op.h" #include "caffe2/utils/math.h" diff --git a/caffe2/operators/softplus_op.cu b/caffe2/operators/softplus_op.cu index e733c47a6be38..7d9bc170a5884 100644 --- a/caffe2/operators/softplus_op.cu +++ b/caffe2/operators/softplus_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/softplus_op.h" diff --git a/caffe2/operators/softplus_op.h b/caffe2/operators/softplus_op.h index 38559ef6a65b4..a61426742d894 100644 --- a/caffe2/operators/softplus_op.h +++ b/caffe2/operators/softplus_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_SOFTPLUS_OP_H_ #define CAFFE2_OPERATORS_SOFTPLUS_OP_H_ diff --git a/caffe2/operators/softsign_op.cc b/caffe2/operators/softsign_op.cc index 6dc487326851b..750d6a53eaa18 100644 --- a/caffe2/operators/softsign_op.cc +++ b/caffe2/operators/softsign_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/elementwise_op.h" #include "caffe2/utils/math.h" diff --git a/caffe2/operators/softsign_op.cu b/caffe2/operators/softsign_op.cu index 8fec50c62a675..6252230ae49b2 100644 --- a/caffe2/operators/softsign_op.cu +++ b/caffe2/operators/softsign_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/context_gpu.h" diff --git a/caffe2/operators/space_batch_op.cc b/caffe2/operators/space_batch_op.cc index 56d2aebd24337..20518123aabe7 100644 --- a/caffe2/operators/space_batch_op.cc +++ b/caffe2/operators/space_batch_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/space_batch_op.h" namespace caffe2 { diff --git a/caffe2/operators/space_batch_op.h b/caffe2/operators/space_batch_op.h index 4f42dc0e94838..afad2dc02d168 100644 --- a/caffe2/operators/space_batch_op.h +++ b/caffe2/operators/space_batch_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_SPACE_BATCH_OP_H_ #define CAFFE2_OPERATORS_SPACE_BATCH_OP_H_ diff --git a/caffe2/operators/space_batch_op_gpu.cu b/caffe2/operators/space_batch_op_gpu.cu index 862440907fcf8..b76922c47e155 100644 --- a/caffe2/operators/space_batch_op_gpu.cu +++ b/caffe2/operators/space_batch_op_gpu.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/space_batch_op.h" #include "caffe2/core/common_gpu.h" #include "caffe2/core/context_gpu.h" diff --git a/caffe2/operators/sparse_to_dense_mask_op.cc b/caffe2/operators/sparse_to_dense_mask_op.cc index a65b06e443884..d84553f74a73d 100644 --- a/caffe2/operators/sparse_to_dense_mask_op.cc +++ b/caffe2/operators/sparse_to_dense_mask_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/sparse_to_dense_mask_op.h" namespace caffe2 { diff --git a/caffe2/operators/sparse_to_dense_mask_op.h b/caffe2/operators/sparse_to_dense_mask_op.h index ccedc5eaa3ded..b58a34fe4a8ca 100644 --- a/caffe2/operators/sparse_to_dense_mask_op.h +++ b/caffe2/operators/sparse_to_dense_mask_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_SPARSE_TO_DENSE_MASK_OP_H_ #define CAFFE2_OPERATORS_SPARSE_TO_DENSE_MASK_OP_H_ diff --git a/caffe2/operators/sparse_to_dense_op.cc b/caffe2/operators/sparse_to_dense_op.cc index b419fe9bc4852..19e0635193713 100644 --- a/caffe2/operators/sparse_to_dense_op.cc +++ b/caffe2/operators/sparse_to_dense_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "sparse_to_dense_op.h" #include "caffe2/core/context.h" diff --git a/caffe2/operators/sparse_to_dense_op.cu b/caffe2/operators/sparse_to_dense_op.cu index 1086c0a6c521d..c32e579109cc1 100644 --- a/caffe2/operators/sparse_to_dense_op.cu +++ b/caffe2/operators/sparse_to_dense_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "sparse_to_dense_op.h" #include "caffe2/core/common_gpu.h" diff --git a/caffe2/operators/sparse_to_dense_op.h b/caffe2/operators/sparse_to_dense_op.h index 7fbfa38518c9f..c87e5836d1b70 100644 --- a/caffe2/operators/sparse_to_dense_op.h +++ b/caffe2/operators/sparse_to_dense_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_SPARSE_TO_DENSE_OP_H_ #define CAFFE2_OPERATORS_SPARSE_TO_DENSE_OP_H_ diff --git a/caffe2/operators/spatial_batch_norm_gradient_op.cc b/caffe2/operators/spatial_batch_norm_gradient_op.cc index 593df7485b5f6..d9f31517a57db 100644 --- a/caffe2/operators/spatial_batch_norm_gradient_op.cc +++ b/caffe2/operators/spatial_batch_norm_gradient_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/spatial_batch_norm_op.h" namespace caffe2 { diff --git a/caffe2/operators/spatial_batch_norm_op.cc b/caffe2/operators/spatial_batch_norm_op.cc index 72a68be32f43f..08b02bb504f79 100644 --- a/caffe2/operators/spatial_batch_norm_op.cc +++ b/caffe2/operators/spatial_batch_norm_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/spatial_batch_norm_op.h" namespace caffe2 { diff --git a/caffe2/operators/spatial_batch_norm_op.h b/caffe2/operators/spatial_batch_norm_op.h index 87600efc5ae4a..81f9826748e9b 100644 --- a/caffe2/operators/spatial_batch_norm_op.h +++ b/caffe2/operators/spatial_batch_norm_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_SPATIAL_BATCH_NORM_OP_H_ #define CAFFE2_OPERATORS_SPATIAL_BATCH_NORM_OP_H_ diff --git a/caffe2/operators/spatial_batch_norm_op_cudnn.cc b/caffe2/operators/spatial_batch_norm_op_cudnn.cc index 734e5181aa979..86688da873fdd 100644 --- a/caffe2/operators/spatial_batch_norm_op_cudnn.cc +++ b/caffe2/operators/spatial_batch_norm_op_cudnn.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/common_cudnn.h" diff --git a/caffe2/operators/spatial_softmax_with_loss_op.cc b/caffe2/operators/spatial_softmax_with_loss_op.cc index 1288bc7d90554..422c6c05562a5 100644 --- a/caffe2/operators/spatial_softmax_with_loss_op.cc +++ b/caffe2/operators/spatial_softmax_with_loss_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "spatial_softmax_with_loss_op.h" #include "softmax_shared.h" diff --git a/caffe2/operators/spatial_softmax_with_loss_op.h b/caffe2/operators/spatial_softmax_with_loss_op.h index d466063d45c1f..ed2f9071cb9e5 100644 --- a/caffe2/operators/spatial_softmax_with_loss_op.h +++ b/caffe2/operators/spatial_softmax_with_loss_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef SPATIAL_SOFTMAX_WITH_LOSS_OP_H_ #define SPATIAL_SOFTMAX_WITH_LOSS_OP_H_ diff --git a/caffe2/operators/square_root_divide_op.cc b/caffe2/operators/square_root_divide_op.cc index 9d26d2a643fa6..7e59c46578425 100644 --- a/caffe2/operators/square_root_divide_op.cc +++ b/caffe2/operators/square_root_divide_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/square_root_divide_op.h" namespace caffe2 { diff --git a/caffe2/operators/square_root_divide_op.h b/caffe2/operators/square_root_divide_op.h index dce63a8a7768d..e4f3b7dad1ee6 100644 --- a/caffe2/operators/square_root_divide_op.h +++ b/caffe2/operators/square_root_divide_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_SQUARE_ROOT_DIVIDE_OP_H_ #define CAFFE2_OPERATORS_SQUARE_ROOT_DIVIDE_OP_H_ diff --git a/caffe2/operators/stats_ops.cc b/caffe2/operators/stats_ops.cc index 677eb7b28b187..ab3eac7d039b1 100644 --- a/caffe2/operators/stats_ops.cc +++ b/caffe2/operators/stats_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include #include "caffe2/core/operator.h" diff --git a/caffe2/operators/stop_gradient.cc b/caffe2/operators/stop_gradient.cc index ef89088032040..ff9389fcee832 100644 --- a/caffe2/operators/stop_gradient.cc +++ b/caffe2/operators/stop_gradient.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/stop_gradient.h" namespace caffe2 { diff --git a/caffe2/operators/stop_gradient.h b/caffe2/operators/stop_gradient.h index e05cd1100e937..8ffae32db7f4e 100644 --- a/caffe2/operators/stop_gradient.h +++ b/caffe2/operators/stop_gradient.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_STOP_GRADIENT_H_ #define CAFFE2_OPERATORS_STOP_GRADIENT_H_ diff --git a/caffe2/operators/stop_gradient_gpu.cc b/caffe2/operators/stop_gradient_gpu.cc index efbcfbd776b20..6dbcada1a90a9 100644 --- a/caffe2/operators/stop_gradient_gpu.cc +++ b/caffe2/operators/stop_gradient_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/stop_gradient.h" diff --git a/caffe2/operators/string_ops.cc b/caffe2/operators/string_ops.cc index 819bb6a6c5b09..19695794e4920 100644 --- a/caffe2/operators/string_ops.cc +++ b/caffe2/operators/string_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/string_ops.h" #include "caffe2/core/operator.h" diff --git a/caffe2/operators/string_ops.h b/caffe2/operators/string_ops.h index 17011fe737632..fa073eb95ecc2 100644 --- a/caffe2/operators/string_ops.h +++ b/caffe2/operators/string_ops.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_STRING_OPS_H_ #define CAFFE2_OPERATORS_STRING_OPS_H_ diff --git a/caffe2/operators/string_ops_test.cc b/caffe2/operators/string_ops_test.cc index 2e1f3f29b2e9d..4b8097b3c1075 100644 --- a/caffe2/operators/string_ops_test.cc +++ b/caffe2/operators/string_ops_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include diff --git a/caffe2/operators/summarize_op.cc b/caffe2/operators/summarize_op.cc index 51d80ae59bd56..05764516ee63a 100644 --- a/caffe2/operators/summarize_op.cc +++ b/caffe2/operators/summarize_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/summarize_op.h" namespace caffe2 { diff --git a/caffe2/operators/summarize_op.cu b/caffe2/operators/summarize_op.cu index 89dd4c01003df..0b34d0d0a2dbf 100644 --- a/caffe2/operators/summarize_op.cu +++ b/caffe2/operators/summarize_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include #include diff --git a/caffe2/operators/summarize_op.h b/caffe2/operators/summarize_op.h index dddac5cf8d6ec..dbe9e067168bf 100644 --- a/caffe2/operators/summarize_op.h +++ b/caffe2/operators/summarize_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_SUMMARIZE_OP_H_ #define CAFFE2_OPERATORS_SUMMARIZE_OP_H_ diff --git a/caffe2/operators/tanh_op.cc b/caffe2/operators/tanh_op.cc index f686ad4005bbd..1e945b3725b3f 100644 --- a/caffe2/operators/tanh_op.cc +++ b/caffe2/operators/tanh_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/operators/elementwise_op.h" diff --git a/caffe2/operators/tanh_op.cu b/caffe2/operators/tanh_op.cu index 0feeb6c4b1527..94bafc912b2f6 100644 --- a/caffe2/operators/tanh_op.cu +++ b/caffe2/operators/tanh_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/context_gpu.h" diff --git a/caffe2/operators/tensor_protos_db_input.cc b/caffe2/operators/tensor_protos_db_input.cc index c102fad535500..acb4c8db6da1d 100644 --- a/caffe2/operators/tensor_protos_db_input.cc +++ b/caffe2/operators/tensor_protos_db_input.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/tensor_protos_db_input.h" namespace caffe2 { diff --git a/caffe2/operators/tensor_protos_db_input.h b/caffe2/operators/tensor_protos_db_input.h index e9e55b8fa7876..335344d79d409 100644 --- a/caffe2/operators/tensor_protos_db_input.h +++ b/caffe2/operators/tensor_protos_db_input.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_TENSOR_PROTOS_DB_INPUT_H_ #define CAFFE2_OPERATORS_TENSOR_PROTOS_DB_INPUT_H_ diff --git a/caffe2/operators/tensor_protos_db_input_gpu.cc b/caffe2/operators/tensor_protos_db_input_gpu.cc index d932b50e0b9a3..b8e06a60b4a12 100644 --- a/caffe2/operators/tensor_protos_db_input_gpu.cc +++ b/caffe2/operators/tensor_protos_db_input_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/common_gpu.h" #include "caffe2/core/context_gpu.h" #include "caffe2/operators/tensor_protos_db_input.h" diff --git a/caffe2/operators/text_file_reader.cc b/caffe2/operators/text_file_reader.cc index 71a017ccf7b0a..fd849b3296a68 100644 --- a/caffe2/operators/text_file_reader.cc +++ b/caffe2/operators/text_file_reader.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context.h" #include "caffe2/core/operator.h" #include "caffe2/core/tensor.h" diff --git a/caffe2/operators/text_file_reader_utils.cc b/caffe2/operators/text_file_reader_utils.cc index d2c1202209fe9..ab904477d491f 100644 --- a/caffe2/operators/text_file_reader_utils.cc +++ b/caffe2/operators/text_file_reader_utils.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/text_file_reader_utils.h" #include diff --git a/caffe2/operators/text_file_reader_utils.h b/caffe2/operators/text_file_reader_utils.h index 73bbbb84afe41..eb0b2b6fff5a6 100644 --- a/caffe2/operators/text_file_reader_utils.h +++ b/caffe2/operators/text_file_reader_utils.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_TEXT_FILE_READER_UTILS_H #define CAFFE2_OPERATORS_TEXT_FILE_READER_UTILS_H diff --git a/caffe2/operators/text_file_reader_utils_test.cc b/caffe2/operators/text_file_reader_utils_test.cc index c0114e65d2289..081d1fb293463 100644 --- a/caffe2/operators/text_file_reader_utils_test.cc +++ b/caffe2/operators/text_file_reader_utils_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/blob.h" #include "caffe2/core/context.h" diff --git a/caffe2/operators/tile_op.cc b/caffe2/operators/tile_op.cc index 55480fa4f35aa..f31566fb56663 100644 --- a/caffe2/operators/tile_op.cc +++ b/caffe2/operators/tile_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/tile_op.h" namespace caffe2 { diff --git a/caffe2/operators/tile_op.cu b/caffe2/operators/tile_op.cu index cfd4e52c972a6..116b0c91d64a3 100644 --- a/caffe2/operators/tile_op.cu +++ b/caffe2/operators/tile_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/context_gpu.h" diff --git a/caffe2/operators/tile_op.h b/caffe2/operators/tile_op.h index 046aaa55f7a94..e3c12902a490a 100644 --- a/caffe2/operators/tile_op.h +++ b/caffe2/operators/tile_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_TILE_OP_H_ #define CAFFE2_OPERATORS_TILE_OP_H_ diff --git a/caffe2/operators/top_k.cc b/caffe2/operators/top_k.cc index ecbd64beda971..8d083468554a9 100644 --- a/caffe2/operators/top_k.cc +++ b/caffe2/operators/top_k.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/top_k.h" #include "caffe2/proto/caffe2.pb.h" diff --git a/caffe2/operators/top_k.cu b/caffe2/operators/top_k.cu index e87714ddcda26..5ec4eb7d7da82 100644 --- a/caffe2/operators/top_k.cu +++ b/caffe2/operators/top_k.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/top_k.h" #include diff --git a/caffe2/operators/top_k.h b/caffe2/operators/top_k.h index 3400691a4d3e0..adf6ded647af7 100644 --- a/caffe2/operators/top_k.h +++ b/caffe2/operators/top_k.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_TOP_K_H_ #define CAFFE2_OPERATORS_TOP_K_H_ diff --git a/caffe2/operators/transpose_op.cc b/caffe2/operators/transpose_op.cc index d6f8d34509966..2cb7fb35d4cd3 100644 --- a/caffe2/operators/transpose_op.cc +++ b/caffe2/operators/transpose_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/transpose_op.h" #ifdef CAFFE2_USE_HPTT diff --git a/caffe2/operators/transpose_op.cu b/caffe2/operators/transpose_op.cu index 91d654c398e54..664fbe25ab4a1 100644 --- a/caffe2/operators/transpose_op.cu +++ b/caffe2/operators/transpose_op.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/transpose_op.h" #include diff --git a/caffe2/operators/transpose_op.h b/caffe2/operators/transpose_op.h index baefc5f0d9572..1b37d31504920 100644 --- a/caffe2/operators/transpose_op.h +++ b/caffe2/operators/transpose_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_TRANSPOSE_H_ #define CAFFE2_OPERATORS_TRANSPOSE_H_ #define MAX_BLOB_NUM 1024 diff --git a/caffe2/operators/transpose_op_cudnn.cc b/caffe2/operators/transpose_op_cudnn.cc index e750ba5cdf9d3..308bb237e2352 100644 --- a/caffe2/operators/transpose_op_cudnn.cc +++ b/caffe2/operators/transpose_op_cudnn.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/common_cudnn.h" #include "caffe2/core/context_gpu.h" #include "caffe2/core/types.h" diff --git a/caffe2/operators/tt_linear_op.cc b/caffe2/operators/tt_linear_op.cc index c49762ee212b5..3e43939c7c95e 100644 --- a/caffe2/operators/tt_linear_op.cc +++ b/caffe2/operators/tt_linear_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/tt_linear_op.h" namespace caffe2 { diff --git a/caffe2/operators/tt_linear_op.h b/caffe2/operators/tt_linear_op.h index 05653c9003913..8c6a6a8f3d045 100644 --- a/caffe2/operators/tt_linear_op.h +++ b/caffe2/operators/tt_linear_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_TT_LINEAR_OP_H_ #define CAFFE2_OPERATORS_TT_LINEAR_OP_H_ diff --git a/caffe2/operators/utility_ops.cc b/caffe2/operators/utility_ops.cc index 384fc7c689851..5763e64a35e2f 100644 --- a/caffe2/operators/utility_ops.cc +++ b/caffe2/operators/utility_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/utility_ops.h" #include diff --git a/caffe2/operators/utility_ops.cu b/caffe2/operators/utility_ops.cu index aed3511a1334d..57bb268c9fa03 100644 --- a/caffe2/operators/utility_ops.cu +++ b/caffe2/operators/utility_ops.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include // TODO(jamesreed): I would use here but std::isnan diff --git a/caffe2/operators/utility_ops.h b/caffe2/operators/utility_ops.h index 88d66fe342047..da080a6cfcf80 100644 --- a/caffe2/operators/utility_ops.h +++ b/caffe2/operators/utility_ops.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_UTILITY_OPS_H_ #define CAFFE2_OPERATORS_UTILITY_OPS_H_ diff --git a/caffe2/operators/utility_ops_gpu.cc b/caffe2/operators/utility_ops_gpu.cc index c7b2fe84e16ce..6463282801fcc 100644 --- a/caffe2/operators/utility_ops_gpu.cc +++ b/caffe2/operators/utility_ops_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/reshape_op.h" #include "caffe2/operators/utility_ops.h" diff --git a/caffe2/operators/utility_ops_gpu_test.cc b/caffe2/operators/utility_ops_gpu_test.cc index 0224bcebd2bd4..19aab40d2eb35 100644 --- a/caffe2/operators/utility_ops_gpu_test.cc +++ b/caffe2/operators/utility_ops_gpu_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/context.h" diff --git a/caffe2/operators/utility_ops_test.cc b/caffe2/operators/utility_ops_test.cc index 1bf8d0b7f1c21..f578312cd39b4 100644 --- a/caffe2/operators/utility_ops_test.cc +++ b/caffe2/operators/utility_ops_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/flags.h" diff --git a/caffe2/operators/while_op.cc b/caffe2/operators/while_op.cc index 2d0b1b86cb2c7..2e4bebed6391d 100644 --- a/caffe2/operators/while_op.cc +++ b/caffe2/operators/while_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/while_op.h" namespace caffe2 { diff --git a/caffe2/operators/while_op.h b/caffe2/operators/while_op.h index f3a36c9868f6a..cf3aa731f0405 100644 --- a/caffe2/operators/while_op.h +++ b/caffe2/operators/while_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_OPERATORS_WHILE_OP_H_ #define CAFFE2_OPERATORS_WHILE_OP_H_ diff --git a/caffe2/operators/workspace_ops.cc b/caffe2/operators/workspace_ops.cc index d9775aa3a7752..757d13c13cb0d 100644 --- a/caffe2/operators/workspace_ops.cc +++ b/caffe2/operators/workspace_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context.h" #include "caffe2/core/operator.h" diff --git a/caffe2/operators/zero_gradient_op.cc b/caffe2/operators/zero_gradient_op.cc index 47a5f76795d1d..2926a95d19379 100644 --- a/caffe2/operators/zero_gradient_op.cc +++ b/caffe2/operators/zero_gradient_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/operators/zero_gradient_op.h" namespace caffe2 { diff --git a/caffe2/operators/zero_gradient_op.h b/caffe2/operators/zero_gradient_op.h index ed664fbc23742..d60e8471b07a6 100644 --- a/caffe2/operators/zero_gradient_op.h +++ b/caffe2/operators/zero_gradient_op.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once diff --git a/caffe2/operators/zero_gradient_op_gpu.cc b/caffe2/operators/zero_gradient_op_gpu.cc index 82cfc232520a0..bd2965d224256 100644 --- a/caffe2/operators/zero_gradient_op_gpu.cc +++ b/caffe2/operators/zero_gradient_op_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/operators/zero_gradient_op.h" diff --git a/caffe2/perfkernels/common.h b/caffe2/perfkernels/common.h index 22334e0396688..4a766edfc7195 100644 --- a/caffe2/perfkernels/common.h +++ b/caffe2/perfkernels/common.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + // Common utilities for writing performance kernels and easy dispatching of // different backends. /* diff --git a/caffe2/perfkernels/common_avx.cc b/caffe2/perfkernels/common_avx.cc index 08c70d8966bc0..9bf04b79762fa 100644 --- a/caffe2/perfkernels/common_avx.cc +++ b/caffe2/perfkernels/common_avx.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + // This file is here merely to check that the flags are not mixed up: for // example, if your compiler did not specify -mavx, you should not provide // the CAFFE2_PERF_WITH_AVX macro. diff --git a/caffe2/perfkernels/common_avx2.cc b/caffe2/perfkernels/common_avx2.cc index 3db34aa549d88..9755cbed9e545 100644 --- a/caffe2/perfkernels/common_avx2.cc +++ b/caffe2/perfkernels/common_avx2.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + // This file is here merely to check that the flags are not mixed up: for // example, if your compiler did not specify -mavx2, you should not provide // the CAFFE2_PERF_WITH_AVX2 macro. diff --git a/caffe2/perfkernels/cvtsh_ss_bugfix.h b/caffe2/perfkernels/cvtsh_ss_bugfix.h index ce99e735c6d80..7fa4ff5d86171 100644 --- a/caffe2/perfkernels/cvtsh_ss_bugfix.h +++ b/caffe2/perfkernels/cvtsh_ss_bugfix.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #if defined(__APPLE__) && ((__clang_major__ < 8) || ((__clang_major__ == 8) && (__clang_minor__ < 1))) diff --git a/caffe2/perfkernels/embedding_lookup.cc b/caffe2/perfkernels/embedding_lookup.cc index 13f380f4dc33b..f6704e428ffa9 100644 --- a/caffe2/perfkernels/embedding_lookup.cc +++ b/caffe2/perfkernels/embedding_lookup.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/perfkernels/embedding_lookup.h" #include "caffe2/core/types.h" diff --git a/caffe2/perfkernels/embedding_lookup.h b/caffe2/perfkernels/embedding_lookup.h index dfbfd1142463e..267948fabe4c8 100644 --- a/caffe2/perfkernels/embedding_lookup.h +++ b/caffe2/perfkernels/embedding_lookup.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/core/common.h" diff --git a/caffe2/perfkernels/embedding_lookup_avx2.cc b/caffe2/perfkernels/embedding_lookup_avx2.cc index 8ab937a51a5a1..5ebd42b176bf1 100644 --- a/caffe2/perfkernels/embedding_lookup_avx2.cc +++ b/caffe2/perfkernels/embedding_lookup_avx2.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + //// -------------------------- //// ATTENTION: //// THIS CODE IS AUTOGENERATED diff --git a/caffe2/perfkernels/hp_emblookup_codegen.py b/caffe2/perfkernels/hp_emblookup_codegen.py index 1d87b7408bad9..341a6488a373e 100644 --- a/caffe2/perfkernels/hp_emblookup_codegen.py +++ b/caffe2/perfkernels/hp_emblookup_codegen.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/perfkernels/typed_axpy.cc b/caffe2/perfkernels/typed_axpy.cc index bb0fae88133fb..b358401116039 100644 --- a/caffe2/perfkernels/typed_axpy.cc +++ b/caffe2/perfkernels/typed_axpy.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/perfkernels/typed_axpy.h" #include "caffe2/core/types.h" #include "caffe2/perfkernels/common.h" diff --git a/caffe2/perfkernels/typed_axpy.h b/caffe2/perfkernels/typed_axpy.h index 85b1adda0b9bb..d67c3024f0bc4 100644 --- a/caffe2/perfkernels/typed_axpy.h +++ b/caffe2/perfkernels/typed_axpy.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once namespace caffe2 { diff --git a/caffe2/perfkernels/typed_axpy_avx.cc b/caffe2/perfkernels/typed_axpy_avx.cc index 643d8c7a69794..4a674234dda2d 100644 --- a/caffe2/perfkernels/typed_axpy_avx.cc +++ b/caffe2/perfkernels/typed_axpy_avx.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/types.h" #include "caffe2/perfkernels/cvtsh_ss_bugfix.h" #include "caffe2/perfkernels/typed_axpy.h" diff --git a/caffe2/perfkernels/typed_axpy_avx2.cc b/caffe2/perfkernels/typed_axpy_avx2.cc index 5f60736bb35bc..c0fe182c97963 100644 --- a/caffe2/perfkernels/typed_axpy_avx2.cc +++ b/caffe2/perfkernels/typed_axpy_avx2.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/types.h" #include "caffe2/perfkernels/cvtsh_ss_bugfix.h" #include "caffe2/perfkernels/typed_axpy.h" diff --git a/caffe2/python/_import_c_extension.py b/caffe2/python/_import_c_extension.py index 60ef4968110bd..60a570ed3ffa2 100644 --- a/caffe2/python/_import_c_extension.py +++ b/caffe2/python/_import_c_extension.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package _import_c_extension # Module caffe2.python._import_c_extension import atexit diff --git a/caffe2/python/allcompare_test.py b/caffe2/python/allcompare_test.py index 61579b3751a73..fe81d89bd2946 100644 --- a/caffe2/python/allcompare_test.py +++ b/caffe2/python/allcompare_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + #!/usr/bin/env python from __future__ import absolute_import diff --git a/caffe2/python/attention.py b/caffe2/python/attention.py index da9066bc78067..65d0c19e3ccd2 100644 --- a/caffe2/python/attention.py +++ b/caffe2/python/attention.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package attention # Module caffe2.python.attention from __future__ import absolute_import diff --git a/caffe2/python/benchmark_generator.py b/caffe2/python/benchmark_generator.py index 8393ca7875aa2..7e6924b7aba9b 100644 --- a/caffe2/python/benchmark_generator.py +++ b/caffe2/python/benchmark_generator.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + #!/usr/bin/env python from __future__ import absolute_import diff --git a/caffe2/python/binarysize.py b/caffe2/python/binarysize.py index 802d61025e306..9ee00efc4c52b 100644 --- a/caffe2/python/binarysize.py +++ b/caffe2/python/binarysize.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + """A tool to inspect the binary size of a built binary file. This script prints out a tree of symbols and their corresponding sizes, using diff --git a/caffe2/python/brew.py b/caffe2/python/brew.py index ea9e21585a0c0..0a4a004856318 100644 --- a/caffe2/python/brew.py +++ b/caffe2/python/brew.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package model_helper_api # Module caffe2.python.model_helper_api from __future__ import absolute_import diff --git a/caffe2/python/brew_test.py b/caffe2/python/brew_test.py index ff2b423be339c..9c8f230a931b0 100644 --- a/caffe2/python/brew_test.py +++ b/caffe2/python/brew_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/build.py b/caffe2/python/build.py index 2fd972bdeb468..aa653a288df2e 100644 --- a/caffe2/python/build.py +++ b/caffe2/python/build.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/caffe_translator.py b/caffe2/python/caffe_translator.py index 23dfea7be25bd..42dd37def1017 100644 --- a/caffe2/python/caffe_translator.py +++ b/caffe2/python/caffe_translator.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package caffe_translator # Module caffe2.python.caffe_translator #!/usr/bin/env python2 diff --git a/caffe2/python/caffe_translator_test.py b/caffe2/python/caffe_translator_test.py index 45b2ad1def49c..a72b168e6cd85 100644 --- a/caffe2/python/caffe_translator_test.py +++ b/caffe2/python/caffe_translator_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + # This a large test that goes through the translation of the bvlc caffenet # model, runs an example through the whole model, and verifies numerically # that all the results look right. In default, it is disabled unless you diff --git a/caffe2/python/checkpoint.py b/caffe2/python/checkpoint.py index 4340767101e7e..199a0ef02b4d7 100644 --- a/caffe2/python/checkpoint.py +++ b/caffe2/python/checkpoint.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package checkpoint # Module caffe2.python.checkpoint from __future__ import absolute_import diff --git a/caffe2/python/checkpoint_test.py b/caffe2/python/checkpoint_test.py index c057cd1b8e9c7..69075aae08a6b 100644 --- a/caffe2/python/checkpoint_test.py +++ b/caffe2/python/checkpoint_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/cnn.py b/caffe2/python/cnn.py index 24a6ca9b72495..1acbf4acd90ca 100644 --- a/caffe2/python/cnn.py +++ b/caffe2/python/cnn.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package cnn # Module caffe2.python.cnn from __future__ import absolute_import diff --git a/caffe2/python/context.py b/caffe2/python/context.py index b1fffa8a7c1c5..8333110649971 100644 --- a/caffe2/python/context.py +++ b/caffe2/python/context.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package context # Module caffe2.python.context from __future__ import absolute_import diff --git a/caffe2/python/context_test.py b/caffe2/python/context_test.py index 6a1f77f5ecf81..a913eac7425ff 100644 --- a/caffe2/python/context_test.py +++ b/caffe2/python/context_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/control.py b/caffe2/python/control.py index dd332f745f9ad..950b381d5ba47 100644 --- a/caffe2/python/control.py +++ b/caffe2/python/control.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package control # Module caffe2.python.control """ diff --git a/caffe2/python/control_ops_grad.py b/caffe2/python/control_ops_grad.py index a3f893bd8214e..3efbf86869c96 100644 --- a/caffe2/python/control_ops_grad.py +++ b/caffe2/python/control_ops_grad.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package control_ops_grad # Module caffe2.python.control_ops_grad from __future__ import absolute_import diff --git a/caffe2/python/control_ops_util.py b/caffe2/python/control_ops_util.py index e2d1a7f31e257..ccffb0f481ed1 100644 --- a/caffe2/python/control_ops_util.py +++ b/caffe2/python/control_ops_util.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package control_ops_util # Module caffe2.python.control_ops_util from __future__ import absolute_import diff --git a/caffe2/python/control_test.py b/caffe2/python/control_test.py index e51aeffa8b047..79232c7995d9e 100644 --- a/caffe2/python/control_test.py +++ b/caffe2/python/control_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/convnet_benchmarks.py b/caffe2/python/convnet_benchmarks.py index 3aac78c18df16..29e1840eb143a 100644 --- a/caffe2/python/convnet_benchmarks.py +++ b/caffe2/python/convnet_benchmarks.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package convnet_benchmarks # Module caffe2.python.convnet_benchmarks """ diff --git a/caffe2/python/convnet_benchmarks_test.py b/caffe2/python/convnet_benchmarks_test.py index 5916043bb0e23..0a4bd7fa14a5a 100644 --- a/caffe2/python/convnet_benchmarks_test.py +++ b/caffe2/python/convnet_benchmarks_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + import unittest from caffe2.python import convnet_benchmarks as cb from caffe2.python import test_util, workspace diff --git a/caffe2/python/core.py b/caffe2/python/core.py index 9aff0e43b3871..abb956f3829f6 100644 --- a/caffe2/python/core.py +++ b/caffe2/python/core.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package core # Module caffe2.python.core from __future__ import absolute_import diff --git a/caffe2/python/core_gradients_test.py b/caffe2/python/core_gradients_test.py index 7c2bcea710697..fd233e26826c4 100644 --- a/caffe2/python/core_gradients_test.py +++ b/caffe2/python/core_gradients_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/core_test.py b/caffe2/python/core_test.py index 1be81786d9451..bbbed400f9cd2 100644 --- a/caffe2/python/core_test.py +++ b/caffe2/python/core_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/crf.py b/caffe2/python/crf.py index fbe4f1bd24a87..9c24d1c1626b1 100644 --- a/caffe2/python/crf.py +++ b/caffe2/python/crf.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package crf # Module caffe2.python.crf from __future__ import absolute_import diff --git a/caffe2/python/data_parallel_model.py b/caffe2/python/data_parallel_model.py index 3a521f46f5192..c993fd5ffe887 100644 --- a/caffe2/python/data_parallel_model.py +++ b/caffe2/python/data_parallel_model.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package data_parallel_model # Module caffe2.python.data_parallel_model from __future__ import absolute_import diff --git a/caffe2/python/data_parallel_model_test.py b/caffe2/python/data_parallel_model_test.py index 84625769a8db2..c7a3110227a6d 100644 --- a/caffe2/python/data_parallel_model_test.py +++ b/caffe2/python/data_parallel_model_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/data_workers.py b/caffe2/python/data_workers.py index b722e4b37b55f..0e8e870099ccb 100644 --- a/caffe2/python/data_workers.py +++ b/caffe2/python/data_workers.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package data_workers # Module caffe2.python.data_workers from __future__ import absolute_import diff --git a/caffe2/python/data_workers_test.py b/caffe2/python/data_workers_test.py index ecf627970e0cf..1732a8af9537b 100644 --- a/caffe2/python/data_workers_test.py +++ b/caffe2/python/data_workers_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/dataio.py b/caffe2/python/dataio.py index 050233595f9bc..ff8d1a73bce10 100644 --- a/caffe2/python/dataio.py +++ b/caffe2/python/dataio.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package dataio # Module caffe2.python.dataio """ diff --git a/caffe2/python/dataio_test.py b/caffe2/python/dataio_test.py index 2860471f5425c..a0e5922e4bc50 100644 --- a/caffe2/python/dataio_test.py +++ b/caffe2/python/dataio_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/dataset.py b/caffe2/python/dataset.py index ce1834a98b99b..d6cbb7152353e 100644 --- a/caffe2/python/dataset.py +++ b/caffe2/python/dataset.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package dataset # Module caffe2.python.dataset """ diff --git a/caffe2/python/db_test.py b/caffe2/python/db_test.py index f642202b36f0a..5df7066cb3959 100644 --- a/caffe2/python/db_test.py +++ b/caffe2/python/db_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/device_checker.py b/caffe2/python/device_checker.py index bad35b4816caa..4c8349ca7617b 100644 --- a/caffe2/python/device_checker.py +++ b/caffe2/python/device_checker.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package device_checker # Module caffe2.python.device_checker import numpy as np diff --git a/caffe2/python/docs/formatter.py b/caffe2/python/docs/formatter.py index 0a16420f6d5aa..952217276d0a9 100644 --- a/caffe2/python/docs/formatter.py +++ b/caffe2/python/docs/formatter.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package formatter # Module caffe2.python.docs.formatter from __future__ import absolute_import diff --git a/caffe2/python/docs/generator.py b/caffe2/python/docs/generator.py index 140f6309a170d..200e7505f53d9 100644 --- a/caffe2/python/docs/generator.py +++ b/caffe2/python/docs/generator.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package generator # Module caffe2.python.docs.generator from __future__ import absolute_import diff --git a/caffe2/python/docs/github.py b/caffe2/python/docs/github.py index adcd756ae83be..f8d62f367ea11 100644 --- a/caffe2/python/docs/github.py +++ b/caffe2/python/docs/github.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package github # Module caffe2.python.docs.github from __future__ import absolute_import diff --git a/caffe2/python/docs/parser.py b/caffe2/python/docs/parser.py index 0d57e4d9adebd..7d7e4dc9af03d 100644 --- a/caffe2/python/docs/parser.py +++ b/caffe2/python/docs/parser.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package parser # Module caffe2.python.docs.parser from __future__ import absolute_import diff --git a/caffe2/python/dyndep.py b/caffe2/python/dyndep.py index be85af542c496..d54ab4c07f328 100644 --- a/caffe2/python/dyndep.py +++ b/caffe2/python/dyndep.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package dyndep # Module caffe2.python.dyndep from __future__ import absolute_import diff --git a/caffe2/python/embedding_generation_benchmark.py b/caffe2/python/embedding_generation_benchmark.py index a4d66036b93de..873e08bba9180 100644 --- a/caffe2/python/embedding_generation_benchmark.py +++ b/caffe2/python/embedding_generation_benchmark.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package embedding_generation_benchmark # Module caffe2.python.embedding_generation_benchmark from __future__ import absolute_import diff --git a/caffe2/python/examples/char_rnn.py b/caffe2/python/examples/char_rnn.py index a74d4895e4f79..4b5303ade8f9d 100644 --- a/caffe2/python/examples/char_rnn.py +++ b/caffe2/python/examples/char_rnn.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package char_rnn # Module caffe2.python.examples.char_rnn from __future__ import absolute_import diff --git a/caffe2/python/examples/lmdb_create_example.py b/caffe2/python/examples/lmdb_create_example.py index b29b3b8060015..fd6db3ef1cf35 100644 --- a/caffe2/python/examples/lmdb_create_example.py +++ b/caffe2/python/examples/lmdb_create_example.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package lmdb_create_example # Module caffe2.python.examples.lmdb_create_example from __future__ import absolute_import diff --git a/caffe2/python/examples/resnet50_trainer.py b/caffe2/python/examples/resnet50_trainer.py index 5898e01825478..347a3a43f14cd 100644 --- a/caffe2/python/examples/resnet50_trainer.py +++ b/caffe2/python/examples/resnet50_trainer.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + # Module caffe2.python.examples.resnet50_trainer from __future__ import absolute_import from __future__ import division diff --git a/caffe2/python/experiment_util.py b/caffe2/python/experiment_util.py index cbe9491d9cf6d..174d965375daa 100644 --- a/caffe2/python/experiment_util.py +++ b/caffe2/python/experiment_util.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package experiment_util # Module caffe2.python.experiment_util from __future__ import absolute_import diff --git a/caffe2/python/extension_loader.py b/caffe2/python/extension_loader.py index fe85d53680eaa..08330d94ae228 100644 --- a/caffe2/python/extension_loader.py +++ b/caffe2/python/extension_loader.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package extension_loader # Module caffe2.python.extension_loader from __future__ import absolute_import diff --git a/caffe2/python/functional.py b/caffe2/python/functional.py index 6ec25ab4bb275..b832e00950f55 100644 --- a/caffe2/python/functional.py +++ b/caffe2/python/functional.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/functional_test.py b/caffe2/python/functional_test.py index 731c1a7eaa2b5..64ba212ec1ed4 100644 --- a/caffe2/python/functional_test.py +++ b/caffe2/python/functional_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/gradient_check_test.py b/caffe2/python/gradient_check_test.py index fe3d125bf617a..5198dd49c4875 100644 --- a/caffe2/python/gradient_check_test.py +++ b/caffe2/python/gradient_check_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + # TODO(jiayq): as more and more tests are moving to hypothesis test, we # can gradually remove this test script. DO NOT ADD MORE TESTS TO THIS # FILE. diff --git a/caffe2/python/gradient_checker.py b/caffe2/python/gradient_checker.py index 9c6fa81669daa..41e5d8537ad17 100644 --- a/caffe2/python/gradient_checker.py +++ b/caffe2/python/gradient_checker.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package gradient_checker # Module caffe2.python.gradient_checker from __future__ import absolute_import diff --git a/caffe2/python/gru_cell.py b/caffe2/python/gru_cell.py index 7547966e56069..36aed867ced64 100644 --- a/caffe2/python/gru_cell.py +++ b/caffe2/python/gru_cell.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/helpers/algebra.py b/caffe2/python/helpers/algebra.py index 6bc3779a4ca15..57f975e398686 100644 --- a/caffe2/python/helpers/algebra.py +++ b/caffe2/python/helpers/algebra.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package algebra # Module caffe2.python.helpers.algebra from __future__ import absolute_import diff --git a/caffe2/python/helpers/arg_scope.py b/caffe2/python/helpers/arg_scope.py index ac6978be80642..d43bde75a9c77 100644 --- a/caffe2/python/helpers/arg_scope.py +++ b/caffe2/python/helpers/arg_scope.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/helpers/array_helpers.py b/caffe2/python/helpers/array_helpers.py index 3f8955331d4ee..6325406bb14fc 100644 --- a/caffe2/python/helpers/array_helpers.py +++ b/caffe2/python/helpers/array_helpers.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package arra_helpers # Module caffe2.python.helpers.array_helpers from __future__ import absolute_import diff --git a/caffe2/python/helpers/conv.py b/caffe2/python/helpers/conv.py index 429323eadb0f7..80a328f0db2d7 100644 --- a/caffe2/python/helpers/conv.py +++ b/caffe2/python/helpers/conv.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package conv # Module caffe2.python.helpers.conv from __future__ import absolute_import diff --git a/caffe2/python/helpers/dropout.py b/caffe2/python/helpers/dropout.py index e10f5e1a1635f..e4a485aeee76f 100644 --- a/caffe2/python/helpers/dropout.py +++ b/caffe2/python/helpers/dropout.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package dropout # Module caffe2.python.helpers.dropout from __future__ import absolute_import diff --git a/caffe2/python/helpers/elementwise_linear.py b/caffe2/python/helpers/elementwise_linear.py index 55fbd708489c6..cc711d4603831 100644 --- a/caffe2/python/helpers/elementwise_linear.py +++ b/caffe2/python/helpers/elementwise_linear.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package elementwise_linear # Module caffe2.python.helpers.elementwise_linear from __future__ import absolute_import diff --git a/caffe2/python/helpers/fc.py b/caffe2/python/helpers/fc.py index 5a12adeec7c84..92af19d73629a 100644 --- a/caffe2/python/helpers/fc.py +++ b/caffe2/python/helpers/fc.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package fc # Module caffe2.python.helpers.fc from __future__ import absolute_import diff --git a/caffe2/python/helpers/nonlinearity.py b/caffe2/python/helpers/nonlinearity.py index f773cc3114de1..9c8f935b82167 100644 --- a/caffe2/python/helpers/nonlinearity.py +++ b/caffe2/python/helpers/nonlinearity.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package nonlinearity # Module caffe2.python.helpers.nonlinearity from __future__ import absolute_import diff --git a/caffe2/python/helpers/normalization.py b/caffe2/python/helpers/normalization.py index 88979afe88a43..e8b8479ac7502 100644 --- a/caffe2/python/helpers/normalization.py +++ b/caffe2/python/helpers/normalization.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package normalization # Module caffe2.python.helpers.normalization from __future__ import absolute_import diff --git a/caffe2/python/helpers/pooling.py b/caffe2/python/helpers/pooling.py index 412d55434d166..6c41e902f763e 100644 --- a/caffe2/python/helpers/pooling.py +++ b/caffe2/python/helpers/pooling.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package pooling # Module caffe2.python.helpers.pooling ## @package fc diff --git a/caffe2/python/helpers/tools.py b/caffe2/python/helpers/tools.py index df0525fa7da26..82a3fe1b8c5a8 100644 --- a/caffe2/python/helpers/tools.py +++ b/caffe2/python/helpers/tools.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package tools # Module caffe2.python.helpers.tools from __future__ import absolute_import diff --git a/caffe2/python/helpers/train.py b/caffe2/python/helpers/train.py index bee36347808a8..6dc1bb1bd0730 100644 --- a/caffe2/python/helpers/train.py +++ b/caffe2/python/helpers/train.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package train # Module caffe2.python.helpers.train from __future__ import absolute_import diff --git a/caffe2/python/hsm_util.py b/caffe2/python/hsm_util.py index e98056f9cd880..b454ef94c334f 100644 --- a/caffe2/python/hsm_util.py +++ b/caffe2/python/hsm_util.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package hsm_util # Module caffe2.python.hsm_util from __future__ import absolute_import diff --git a/caffe2/python/hypothesis_test.py b/caffe2/python/hypothesis_test.py index 8300954fcb95a..bff6dab6ae8fe 100644 --- a/caffe2/python/hypothesis_test.py +++ b/caffe2/python/hypothesis_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/hypothesis_test_util.py b/caffe2/python/hypothesis_test_util.py index b7ddaf8452d83..48d09bc00d64d 100644 --- a/caffe2/python/hypothesis_test_util.py +++ b/caffe2/python/hypothesis_test_util.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package hypothesis_test_util # Module caffe2.python.hypothesis_test_util """ diff --git a/caffe2/python/layer_model_helper.py b/caffe2/python/layer_model_helper.py index eb5d5dd715d59..589e28905b4fd 100644 --- a/caffe2/python/layer_model_helper.py +++ b/caffe2/python/layer_model_helper.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package layer_model_helper # Module caffe2.python.layer_model_helper from __future__ import absolute_import diff --git a/caffe2/python/layer_model_instantiator.py b/caffe2/python/layer_model_instantiator.py index 530fd15c4137e..f14597effd0f2 100644 --- a/caffe2/python/layer_model_instantiator.py +++ b/caffe2/python/layer_model_instantiator.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package layer_model_instantiator # Module caffe2.python.layer_model_instantiator from __future__ import absolute_import diff --git a/caffe2/python/layer_parameter_sharing_test.py b/caffe2/python/layer_parameter_sharing_test.py index 511775dff4685..46de52fb39c7c 100644 --- a/caffe2/python/layer_parameter_sharing_test.py +++ b/caffe2/python/layer_parameter_sharing_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/layer_test_util.py b/caffe2/python/layer_test_util.py index 82d1e42bd7acf..07d8fd784f05c 100644 --- a/caffe2/python/layer_test_util.py +++ b/caffe2/python/layer_test_util.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package layer_test_util # Module caffe2.python.layer_test_util from __future__ import absolute_import diff --git a/caffe2/python/layers/__init__.py b/caffe2/python/layers/__init__.py index 2a09dc8419a65..62277fc0c288e 100644 --- a/caffe2/python/layers/__init__.py +++ b/caffe2/python/layers/__init__.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/layers/add_bias.py b/caffe2/python/layers/add_bias.py index 0ffa46afb2b37..a9fd5a57ba4da 100644 --- a/caffe2/python/layers/add_bias.py +++ b/caffe2/python/layers/add_bias.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package add_bias # Module caffe2.python.layers.add_bias from __future__ import absolute_import diff --git a/caffe2/python/layers/arc_cosine_feature_map.py b/caffe2/python/layers/arc_cosine_feature_map.py index 2409eca551a12..53b4faf4a1a39 100644 --- a/caffe2/python/layers/arc_cosine_feature_map.py +++ b/caffe2/python/layers/arc_cosine_feature_map.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/layers/batch_distill_lr_loss.py b/caffe2/python/layers/batch_distill_lr_loss.py index 3dace0c555bd9..f01069d057871 100644 --- a/caffe2/python/layers/batch_distill_lr_loss.py +++ b/caffe2/python/layers/batch_distill_lr_loss.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package batch_distill_lr_loss # Module caffe2.python.layers.batch_distill_lr_loss from __future__ import absolute_import diff --git a/caffe2/python/layers/batch_lr_loss.py b/caffe2/python/layers/batch_lr_loss.py index f964efc4caa32..342f9a7a7d22c 100644 --- a/caffe2/python/layers/batch_lr_loss.py +++ b/caffe2/python/layers/batch_lr_loss.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package batch_lr_loss # Module caffe2.python.layers.batch_lr_loss from __future__ import absolute_import diff --git a/caffe2/python/layers/batch_mse_loss.py b/caffe2/python/layers/batch_mse_loss.py index 4e3de3445adbb..85b1802b5c5c9 100644 --- a/caffe2/python/layers/batch_mse_loss.py +++ b/caffe2/python/layers/batch_mse_loss.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package batch_mse_loss # Module caffe2.python.layers.batch_mse_loss from __future__ import absolute_import diff --git a/caffe2/python/layers/batch_normalization.py b/caffe2/python/layers/batch_normalization.py index 31ff7a144a1e8..9cd84678fbb24 100644 --- a/caffe2/python/layers/batch_normalization.py +++ b/caffe2/python/layers/batch_normalization.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/layers/batch_sigmoid_cross_entropy_loss.py b/caffe2/python/layers/batch_sigmoid_cross_entropy_loss.py index 9ef8cf563dbe6..77cd0afe13595 100644 --- a/caffe2/python/layers/batch_sigmoid_cross_entropy_loss.py +++ b/caffe2/python/layers/batch_sigmoid_cross_entropy_loss.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package batch_sigmoid_cross_entropy_loss # Module caffe2.python.layers.batch_sigmoid_cross_entropy_loss from __future__ import absolute_import diff --git a/caffe2/python/layers/batch_softmax_loss.py b/caffe2/python/layers/batch_softmax_loss.py index 5e0041dffd990..15fcd63eefea8 100644 --- a/caffe2/python/layers/batch_softmax_loss.py +++ b/caffe2/python/layers/batch_softmax_loss.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package batch_softmax_loss # Module caffe2.python.layers.batch_softmax_loss from __future__ import absolute_import diff --git a/caffe2/python/layers/build_index.py b/caffe2/python/layers/build_index.py index c177c38b30d01..bcca5a2cb959e 100644 --- a/caffe2/python/layers/build_index.py +++ b/caffe2/python/layers/build_index.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/layers/concat.py b/caffe2/python/layers/concat.py index b385e1e56544d..bc3ba33d23375 100644 --- a/caffe2/python/layers/concat.py +++ b/caffe2/python/layers/concat.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package concat # Module caffe2.python.layers.concat from __future__ import absolute_import diff --git a/caffe2/python/layers/conv.py b/caffe2/python/layers/conv.py index bb22acf0cafa2..2c2b4df15d463 100644 --- a/caffe2/python/layers/conv.py +++ b/caffe2/python/layers/conv.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package conv # Module caffe2.python.layers.conv from __future__ import absolute_import diff --git a/caffe2/python/layers/dropout.py b/caffe2/python/layers/dropout.py index f2a8873777098..874d70ce84f13 100644 --- a/caffe2/python/layers/dropout.py +++ b/caffe2/python/layers/dropout.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + # Module caffe2.python.layers.dropout from __future__ import absolute_import from __future__ import division diff --git a/caffe2/python/layers/fc.py b/caffe2/python/layers/fc.py index 78c68d6fec876..39a30d5da5319 100644 --- a/caffe2/python/layers/fc.py +++ b/caffe2/python/layers/fc.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package fc # Module caffe2.python.layers.fc from __future__ import absolute_import diff --git a/caffe2/python/layers/fc_without_bias.py b/caffe2/python/layers/fc_without_bias.py index fad300d4aef76..b0f0240001af5 100644 --- a/caffe2/python/layers/fc_without_bias.py +++ b/caffe2/python/layers/fc_without_bias.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package fc_without_bias # Module caffe2.python.layers.fc_without_bias from __future__ import absolute_import diff --git a/caffe2/python/layers/feature_sparse_to_dense.py b/caffe2/python/layers/feature_sparse_to_dense.py index 0d88b99726989..d190809633a36 100644 --- a/caffe2/python/layers/feature_sparse_to_dense.py +++ b/caffe2/python/layers/feature_sparse_to_dense.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + # @package sparse_to_dense # Module caffe2.python.layers.sparse_to_dense from __future__ import absolute_import diff --git a/caffe2/python/layers/functional.py b/caffe2/python/layers/functional.py index b957ed3e2bb3a..7a860d25c82fa 100644 --- a/caffe2/python/layers/functional.py +++ b/caffe2/python/layers/functional.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + # @package functional # Module caffe2.python.layers.functional from __future__ import absolute_import diff --git a/caffe2/python/layers/gather_record.py b/caffe2/python/layers/gather_record.py index 1289c097902ce..276acec193355 100644 --- a/caffe2/python/layers/gather_record.py +++ b/caffe2/python/layers/gather_record.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package gather_record # Module caffe2.python.layers.gather_record from __future__ import absolute_import diff --git a/caffe2/python/layers/last_n_window_collector.py b/caffe2/python/layers/last_n_window_collector.py index d46b92b2e97ef..369f6a7bab392 100644 --- a/caffe2/python/layers/last_n_window_collector.py +++ b/caffe2/python/layers/last_n_window_collector.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package last_n_window_collector # Module caffe2.python.layers.last_n_window_collector from __future__ import absolute_import diff --git a/caffe2/python/layers/layers.py b/caffe2/python/layers/layers.py index 77ac5518dda02..2016f552040ba 100644 --- a/caffe2/python/layers/layers.py +++ b/caffe2/python/layers/layers.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package layers # Module caffe2.python.layers.layers from __future__ import absolute_import diff --git a/caffe2/python/layers/merge_id_lists.py b/caffe2/python/layers/merge_id_lists.py index 117dd7904787a..79111802c7a49 100644 --- a/caffe2/python/layers/merge_id_lists.py +++ b/caffe2/python/layers/merge_id_lists.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/layers/pairwise_dot_product.py b/caffe2/python/layers/pairwise_dot_product.py index 740b79972ed9f..22534344cfd63 100644 --- a/caffe2/python/layers/pairwise_dot_product.py +++ b/caffe2/python/layers/pairwise_dot_product.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package dot_product # Module caffe2.python.layers.dot_product from __future__ import absolute_import diff --git a/caffe2/python/layers/position_weighted.py b/caffe2/python/layers/position_weighted.py index 2b40ed780a52c..db46c25810e25 100644 --- a/caffe2/python/layers/position_weighted.py +++ b/caffe2/python/layers/position_weighted.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package position_weighted # Module caffe2.python.layers.position_weighted from __future__ import absolute_import diff --git a/caffe2/python/layers/random_fourier_features.py b/caffe2/python/layers/random_fourier_features.py index 23b6bed8153be..bc12e4188e053 100644 --- a/caffe2/python/layers/random_fourier_features.py +++ b/caffe2/python/layers/random_fourier_features.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/layers/reservoir_sampling.py b/caffe2/python/layers/reservoir_sampling.py index 9ff85ec7bcb6f..8586892fff6c5 100644 --- a/caffe2/python/layers/reservoir_sampling.py +++ b/caffe2/python/layers/reservoir_sampling.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package reservoir_sampling # Module caffe2.python.layers.reservoir_sampling from __future__ import absolute_import diff --git a/caffe2/python/layers/sampling_train.py b/caffe2/python/layers/sampling_train.py index 1c617326da7fc..d6506ab7b9ee0 100644 --- a/caffe2/python/layers/sampling_train.py +++ b/caffe2/python/layers/sampling_train.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package sampling_train # Module caffe2.python.layers.sampling_train from __future__ import absolute_import diff --git a/caffe2/python/layers/sampling_trainable_mixin.py b/caffe2/python/layers/sampling_trainable_mixin.py index 911fd8391e3f9..8dd0218321619 100644 --- a/caffe2/python/layers/sampling_trainable_mixin.py +++ b/caffe2/python/layers/sampling_trainable_mixin.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package sampling_trainable_mixin # Module caffe2.python.layers.sampling_trainable_mixin from __future__ import absolute_import diff --git a/caffe2/python/layers/select_record_by_context.py b/caffe2/python/layers/select_record_by_context.py index bda0b5a5e8d19..45e3876247806 100644 --- a/caffe2/python/layers/select_record_by_context.py +++ b/caffe2/python/layers/select_record_by_context.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/layers/semi_random_features.py b/caffe2/python/layers/semi_random_features.py index d7b96d956d089..c427f2c39e492 100644 --- a/caffe2/python/layers/semi_random_features.py +++ b/caffe2/python/layers/semi_random_features.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/layers/sparse_feature_hash.py b/caffe2/python/layers/sparse_feature_hash.py index 8f51d745f94de..ce98c2c7d7e72 100644 --- a/caffe2/python/layers/sparse_feature_hash.py +++ b/caffe2/python/layers/sparse_feature_hash.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package sparse_feature_hash # Module caffe2.python.layers.sparse_feature_hash from __future__ import absolute_import diff --git a/caffe2/python/layers/sparse_lookup.py b/caffe2/python/layers/sparse_lookup.py index 58d98ce272a10..9d24fec68a7dd 100644 --- a/caffe2/python/layers/sparse_lookup.py +++ b/caffe2/python/layers/sparse_lookup.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package sparse_lookup # Module caffe2.python.layers.sparse_lookup from __future__ import absolute_import diff --git a/caffe2/python/layers/split.py b/caffe2/python/layers/split.py index 449e2c67d0341..b34a22966f73e 100644 --- a/caffe2/python/layers/split.py +++ b/caffe2/python/layers/split.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package split # Module caffe2.python.layers.split from __future__ import absolute_import diff --git a/caffe2/python/layers/tags.py b/caffe2/python/layers/tags.py index 45334e6637f99..d99692c9c7549 100644 --- a/caffe2/python/layers/tags.py +++ b/caffe2/python/layers/tags.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package tags # Module caffe2.python.layers.tags from __future__ import absolute_import diff --git a/caffe2/python/layers/uniform_sampling.py b/caffe2/python/layers/uniform_sampling.py index 46ed29bbaa415..1c4e6a60f0d89 100644 --- a/caffe2/python/layers/uniform_sampling.py +++ b/caffe2/python/layers/uniform_sampling.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package uniform_sampling # Module caffe2.python.layers.uniform_sampling from __future__ import absolute_import diff --git a/caffe2/python/layers_test.py b/caffe2/python/layers_test.py index 7034b84165bbf..c8c9ad4153dcb 100644 --- a/caffe2/python/layers_test.py +++ b/caffe2/python/layers_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/lengths_reducer_rowwise_8bit_ops_test.py b/caffe2/python/lengths_reducer_rowwise_8bit_ops_test.py index d73db5aaa36c4..efbcd8560e05f 100644 --- a/caffe2/python/lengths_reducer_rowwise_8bit_ops_test.py +++ b/caffe2/python/lengths_reducer_rowwise_8bit_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/load_save_test.py b/caffe2/python/load_save_test.py index d1a10ab33df18..0823a9ffb4a3a 100644 --- a/caffe2/python/load_save_test.py +++ b/caffe2/python/load_save_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/lstm_benchmark.py b/caffe2/python/lstm_benchmark.py index deefb128882e3..670472b4effd9 100644 --- a/caffe2/python/lstm_benchmark.py +++ b/caffe2/python/lstm_benchmark.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package lstm_benchmark # Module caffe2.python.lstm_benchmark from __future__ import absolute_import diff --git a/caffe2/python/memonger.py b/caffe2/python/memonger.py index 500f6bfa68bf2..69da27522c65c 100644 --- a/caffe2/python/memonger.py +++ b/caffe2/python/memonger.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package memonger # Module caffe2.python.memonger from __future__ import absolute_import diff --git a/caffe2/python/memonger_test.py b/caffe2/python/memonger_test.py index 6536280d8a605..a4bba5167a737 100644 --- a/caffe2/python/memonger_test.py +++ b/caffe2/python/memonger_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/mint/app.py b/caffe2/python/mint/app.py index c5da820d76c4b..68f7e1992102f 100644 --- a/caffe2/python/mint/app.py +++ b/caffe2/python/mint/app.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package app # Module caffe2.python.mint.app import argparse diff --git a/caffe2/python/mkl/convnet_benchmarks.py b/caffe2/python/mkl/convnet_benchmarks.py index 4527deea9d457..ab729556c93d6 100644 --- a/caffe2/python/mkl/convnet_benchmarks.py +++ b/caffe2/python/mkl/convnet_benchmarks.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package convnet_benchmarks # Module caffe2.python.convnet_benchmarks from __future__ import absolute_import diff --git a/caffe2/python/mkl/mkl_LRN_op_test.py b/caffe2/python/mkl/mkl_LRN_op_test.py index 73df4820a5d19..a3e1beb292c5e 100644 --- a/caffe2/python/mkl/mkl_LRN_op_test.py +++ b/caffe2/python/mkl/mkl_LRN_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/mkl/mkl_LRN_speed_test.py b/caffe2/python/mkl/mkl_LRN_speed_test.py index 35eae62d5be11..95df11428db85 100644 --- a/caffe2/python/mkl/mkl_LRN_speed_test.py +++ b/caffe2/python/mkl/mkl_LRN_speed_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/mkl/mkl_conv_op_test.py b/caffe2/python/mkl/mkl_conv_op_test.py index 38ceb680bb6da..0af16926f8b20 100644 --- a/caffe2/python/mkl/mkl_conv_op_test.py +++ b/caffe2/python/mkl/mkl_conv_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/mkl/mkl_copy_op_test.py b/caffe2/python/mkl/mkl_copy_op_test.py index e9322149cad93..26339184892a5 100644 --- a/caffe2/python/mkl/mkl_copy_op_test.py +++ b/caffe2/python/mkl/mkl_copy_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/mkl/mkl_elementwise_sum_op_test.py b/caffe2/python/mkl/mkl_elementwise_sum_op_test.py index 71e0754a0214b..5efaed8dd6ac1 100644 --- a/caffe2/python/mkl/mkl_elementwise_sum_op_test.py +++ b/caffe2/python/mkl/mkl_elementwise_sum_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/mkl/mkl_fc_op_test.py b/caffe2/python/mkl/mkl_fc_op_test.py index 01e8c9b5a9259..b573bf66e67f5 100644 --- a/caffe2/python/mkl/mkl_fc_op_test.py +++ b/caffe2/python/mkl/mkl_fc_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/mkl/mkl_fc_speed_test.py b/caffe2/python/mkl/mkl_fc_speed_test.py index 7cabadfe1da0b..b604edee9b929 100644 --- a/caffe2/python/mkl/mkl_fc_speed_test.py +++ b/caffe2/python/mkl/mkl_fc_speed_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/mkl/mkl_fill_op_test.py b/caffe2/python/mkl/mkl_fill_op_test.py index dbdf12c1aca49..70d6d1ae16f46 100644 --- a/caffe2/python/mkl/mkl_fill_op_test.py +++ b/caffe2/python/mkl/mkl_fill_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/mkl/mkl_pool_op_test.py b/caffe2/python/mkl/mkl_pool_op_test.py index a4d553fa667b3..6deaa1f0459e9 100644 --- a/caffe2/python/mkl/mkl_pool_op_test.py +++ b/caffe2/python/mkl/mkl_pool_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/mkl/mkl_pool_speed_test.py b/caffe2/python/mkl/mkl_pool_speed_test.py index a0fa8ca6ece8c..c08c675b23378 100644 --- a/caffe2/python/mkl/mkl_pool_speed_test.py +++ b/caffe2/python/mkl/mkl_pool_speed_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/mkl/mkl_relu_op_test.py b/caffe2/python/mkl/mkl_relu_op_test.py index 90e365da554b6..94276de2d3db8 100644 --- a/caffe2/python/mkl/mkl_relu_op_test.py +++ b/caffe2/python/mkl/mkl_relu_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/mkl/mkl_sbn_op_test.py b/caffe2/python/mkl/mkl_sbn_op_test.py index 8e381606c4ad9..6a925d41a7f60 100644 --- a/caffe2/python/mkl/mkl_sbn_op_test.py +++ b/caffe2/python/mkl/mkl_sbn_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/mkl/mkl_sbn_speed_test.py b/caffe2/python/mkl/mkl_sbn_speed_test.py index d37bef32b9b79..d11c9ce1d00b0 100644 --- a/caffe2/python/mkl/mkl_sbn_speed_test.py +++ b/caffe2/python/mkl/mkl_sbn_speed_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/mkl/mkl_speed_test.py b/caffe2/python/mkl/mkl_speed_test.py index 4034705580d59..a76736284c192 100644 --- a/caffe2/python/mkl/mkl_speed_test.py +++ b/caffe2/python/mkl/mkl_speed_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/mkl/rewrite_graph.py b/caffe2/python/mkl/rewrite_graph.py index 796cb764b839c..34adcaa266ac0 100644 --- a/caffe2/python/mkl/rewrite_graph.py +++ b/caffe2/python/mkl/rewrite_graph.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/mkl/rewrite_graph_test.py b/caffe2/python/mkl/rewrite_graph_test.py index abaa35a234bd7..ce569421e4421 100644 --- a/caffe2/python/mkl/rewrite_graph_test.py +++ b/caffe2/python/mkl/rewrite_graph_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/mkl_test_util.py b/caffe2/python/mkl_test_util.py index 5d8f66500190c..428a1f387e4b2 100644 --- a/caffe2/python/mkl_test_util.py +++ b/caffe2/python/mkl_test_util.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package mkl_test_util # Module caffe2.python.mkl_test_util """ diff --git a/caffe2/python/model_device_test.py b/caffe2/python/model_device_test.py index 31cba3facb055..c8797f43a6d75 100644 --- a/caffe2/python/model_device_test.py +++ b/caffe2/python/model_device_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + import numpy as np import unittest diff --git a/caffe2/python/model_helper.py b/caffe2/python/model_helper.py index 1baf7310a59f6..36061a98acd1e 100644 --- a/caffe2/python/model_helper.py +++ b/caffe2/python/model_helper.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package model_helper # Module caffe2.python.model_helper from __future__ import absolute_import diff --git a/caffe2/python/modeling/initializers.py b/caffe2/python/modeling/initializers.py index e508368b49cad..53ebd801578c8 100644 --- a/caffe2/python/modeling/initializers.py +++ b/caffe2/python/modeling/initializers.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/modeling/initializers_test.py b/caffe2/python/modeling/initializers_test.py index 7ff579c28ef7a..718a63f1178b0 100644 --- a/caffe2/python/modeling/initializers_test.py +++ b/caffe2/python/modeling/initializers_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/modeling/parameter_info.py b/caffe2/python/modeling/parameter_info.py index f2c5c6afa68d3..9afe239503e4c 100644 --- a/caffe2/python/modeling/parameter_info.py +++ b/caffe2/python/modeling/parameter_info.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/modeling/parameter_sharing.py b/caffe2/python/modeling/parameter_sharing.py index 8d2601f321f2a..9ea17776ecfc3 100644 --- a/caffe2/python/modeling/parameter_sharing.py +++ b/caffe2/python/modeling/parameter_sharing.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/modeling/parameter_sharing_test.py b/caffe2/python/modeling/parameter_sharing_test.py index 0685d5cc5f3ec..ac55102810f9e 100644 --- a/caffe2/python/modeling/parameter_sharing_test.py +++ b/caffe2/python/modeling/parameter_sharing_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/models/__sym_init__.py b/caffe2/python/models/__sym_init__.py index 79f045879ebcd..0ef5eff8521e8 100644 --- a/caffe2/python/models/__sym_init__.py +++ b/caffe2/python/models/__sym_init__.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/models/download.py b/caffe2/python/models/download.py index caa6b647b4d55..2177298ecd045 100644 --- a/caffe2/python/models/download.py +++ b/caffe2/python/models/download.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package download # Module caffe2.python.models.download from __future__ import absolute_import diff --git a/caffe2/python/models/resnet.py b/caffe2/python/models/resnet.py index 8bb7e5cbae9a6..822b185ce2852 100644 --- a/caffe2/python/models/resnet.py +++ b/caffe2/python/models/resnet.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package resnet # Module caffe2.python.models.resnet diff --git a/caffe2/python/models/resnet_test.py b/caffe2/python/models/resnet_test.py index 90a5c5cd2bcc9..57aeef2c44585 100644 --- a/caffe2/python/models/resnet_test.py +++ b/caffe2/python/models/resnet_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/models/seq2seq/beam_search.py b/caffe2/python/models/seq2seq/beam_search.py index a9765c882782a..4144245e1fcb7 100644 --- a/caffe2/python/models/seq2seq/beam_search.py +++ b/caffe2/python/models/seq2seq/beam_search.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package beam_search # Module caffe2.python.models.seq2seq.beam_search from __future__ import absolute_import diff --git a/caffe2/python/models/seq2seq/seq2seq_beam_search_test.py b/caffe2/python/models/seq2seq/seq2seq_beam_search_test.py index 0ee1f6e35ba0d..c4bb475123931 100644 --- a/caffe2/python/models/seq2seq/seq2seq_beam_search_test.py +++ b/caffe2/python/models/seq2seq/seq2seq_beam_search_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/models/seq2seq/seq2seq_model_helper.py b/caffe2/python/models/seq2seq/seq2seq_model_helper.py index b2a50c4bd58b0..41e91a389fc02 100644 --- a/caffe2/python/models/seq2seq/seq2seq_model_helper.py +++ b/caffe2/python/models/seq2seq/seq2seq_model_helper.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package seq2seq_model_helper # Module caffe2.python.models.seq2seq.seq2seq_model_helper from __future__ import absolute_import diff --git a/caffe2/python/models/seq2seq/seq2seq_model_helper_test.py b/caffe2/python/models/seq2seq/seq2seq_model_helper_test.py index 8095440f2e5a9..88743bd0899c1 100644 --- a/caffe2/python/models/seq2seq/seq2seq_model_helper_test.py +++ b/caffe2/python/models/seq2seq/seq2seq_model_helper_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/models/seq2seq/seq2seq_util.py b/caffe2/python/models/seq2seq/seq2seq_util.py index 8cf7df38c0d3d..502e46f33ccdb 100644 --- a/caffe2/python/models/seq2seq/seq2seq_util.py +++ b/caffe2/python/models/seq2seq/seq2seq_util.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package seq2seq_util # Module caffe2.python.examples.seq2seq_util """ A bunch of util functions to build Seq2Seq models with Caffe2.""" diff --git a/caffe2/python/models/seq2seq/train.py b/caffe2/python/models/seq2seq/train.py index 24cab24367380..5656751f7237a 100644 --- a/caffe2/python/models/seq2seq/train.py +++ b/caffe2/python/models/seq2seq/train.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package train # Module caffe2.python.models.seq2seq.train from __future__ import absolute_import diff --git a/caffe2/python/models/seq2seq/translate.py b/caffe2/python/models/seq2seq/translate.py index cfe740681e150..8a3286211a462 100644 --- a/caffe2/python/models/seq2seq/translate.py +++ b/caffe2/python/models/seq2seq/translate.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package translate # Module caffe2.python.models.seq2seq.translate from __future__ import absolute_import diff --git a/caffe2/python/modifier_context.py b/caffe2/python/modifier_context.py index 6b7663324c7b8..794715a9a7dee 100644 --- a/caffe2/python/modifier_context.py +++ b/caffe2/python/modifier_context.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + # @package modifier_context # Module caffe2.python.modifier_context from __future__ import absolute_import diff --git a/caffe2/python/mpi_python.cc b/caffe2/python/mpi_python.cc index a051e15a442f4..2ea77b133e524 100644 --- a/caffe2/python/mpi_python.cc +++ b/caffe2/python/mpi_python.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include diff --git a/caffe2/python/muji.py b/caffe2/python/muji.py index 8f209f22cbc0c..63e6c1f1f2dff 100644 --- a/caffe2/python/muji.py +++ b/caffe2/python/muji.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package muji # Module caffe2.python.muji """muji.py does multi-gpu training for caffe2 with no need to change the c++ diff --git a/caffe2/python/muji_test.py b/caffe2/python/muji_test.py index f7dd8e862602f..a6645dc44d75c 100644 --- a/caffe2/python/muji_test.py +++ b/caffe2/python/muji_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + import numpy as np import unittest diff --git a/caffe2/python/net_builder.py b/caffe2/python/net_builder.py index b9a7c56e938bd..248c1dd9ab46e 100644 --- a/caffe2/python/net_builder.py +++ b/caffe2/python/net_builder.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package net_builder # Module caffe2.python.net_builder from __future__ import absolute_import diff --git a/caffe2/python/net_builder_test.py b/caffe2/python/net_builder_test.py index 169419c5c17b4..4cc2a8b6db193 100644 --- a/caffe2/python/net_builder_test.py +++ b/caffe2/python/net_builder_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/net_drawer.py b/caffe2/python/net_drawer.py index ee124bc6c85d6..34929d0c881ac 100644 --- a/caffe2/python/net_drawer.py +++ b/caffe2/python/net_drawer.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package net_drawer # Module caffe2.python.net_drawer from __future__ import absolute_import diff --git a/caffe2/python/net_printer.py b/caffe2/python/net_printer.py index 35bd44f009c13..5fccef28c23bb 100644 --- a/caffe2/python/net_printer.py +++ b/caffe2/python/net_printer.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package net_printer # Module caffe2.python.net_printer from __future__ import absolute_import diff --git a/caffe2/python/net_printer_test.py b/caffe2/python/net_printer_test.py index bc086c3eee2ac..a7f2c3c8f9a75 100644 --- a/caffe2/python/net_printer_test.py +++ b/caffe2/python/net_printer_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/activation_ops_test.py b/caffe2/python/operator_test/activation_ops_test.py index 9e83661cffe62..99e2312bc0225 100644 --- a/caffe2/python/operator_test/activation_ops_test.py +++ b/caffe2/python/operator_test/activation_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/adagrad_test.py b/caffe2/python/operator_test/adagrad_test.py index c58d03a52eec2..d5999c9b0a98b 100644 --- a/caffe2/python/operator_test/adagrad_test.py +++ b/caffe2/python/operator_test/adagrad_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/adam_test.py b/caffe2/python/operator_test/adam_test.py index d1c3f2eb66bc4..6e94f922be2c5 100644 --- a/caffe2/python/operator_test/adam_test.py +++ b/caffe2/python/operator_test/adam_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/apmeter_test.py b/caffe2/python/operator_test/apmeter_test.py index 2404a23ff7d43..cebf59c92b94c 100644 --- a/caffe2/python/operator_test/apmeter_test.py +++ b/caffe2/python/operator_test/apmeter_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/atomic_ops_test.py b/caffe2/python/operator_test/atomic_ops_test.py index 5b41ac553159c..d3b2d478780d9 100644 --- a/caffe2/python/operator_test/atomic_ops_test.py +++ b/caffe2/python/operator_test/atomic_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/batch_box_cox_test.py b/caffe2/python/operator_test/batch_box_cox_test.py index 9d360a2dea090..256ad2bdcae7d 100644 --- a/caffe2/python/operator_test/batch_box_cox_test.py +++ b/caffe2/python/operator_test/batch_box_cox_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/blobs_queue_db_test.py b/caffe2/python/operator_test/blobs_queue_db_test.py index 6112635a7517b..85457bda010f2 100644 --- a/caffe2/python/operator_test/blobs_queue_db_test.py +++ b/caffe2/python/operator_test/blobs_queue_db_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/boolean_mask_test.py b/caffe2/python/operator_test/boolean_mask_test.py index cf4171c7161df..5a871f984a3f8 100644 --- a/caffe2/python/operator_test/boolean_mask_test.py +++ b/caffe2/python/operator_test/boolean_mask_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/boolean_unmask_test.py b/caffe2/python/operator_test/boolean_unmask_test.py index 86b2fedb49a24..919fb41da17be 100644 --- a/caffe2/python/operator_test/boolean_unmask_test.py +++ b/caffe2/python/operator_test/boolean_unmask_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/channel_shuffle_test.py b/caffe2/python/operator_test/channel_shuffle_test.py index 349546928f49e..390fea415d3ba 100644 --- a/caffe2/python/operator_test/channel_shuffle_test.py +++ b/caffe2/python/operator_test/channel_shuffle_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/checkpoint_test.py b/caffe2/python/operator_test/checkpoint_test.py index dc42d471f722b..da2f7590afaf7 100644 --- a/caffe2/python/operator_test/checkpoint_test.py +++ b/caffe2/python/operator_test/checkpoint_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/clip_op_test.py b/caffe2/python/operator_test/clip_op_test.py index 1b62132007d50..7bbf0fb107cf8 100644 --- a/caffe2/python/operator_test/clip_op_test.py +++ b/caffe2/python/operator_test/clip_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/concat_split_op_test.py b/caffe2/python/operator_test/concat_split_op_test.py index 507a94d36a3e1..3416af997e9a5 100644 --- a/caffe2/python/operator_test/concat_split_op_test.py +++ b/caffe2/python/operator_test/concat_split_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import unicode_literals from __future__ import absolute_import from __future__ import division diff --git a/caffe2/python/operator_test/conditional_test.py b/caffe2/python/operator_test/conditional_test.py index b96b530d68775..db92bdd4d679a 100644 --- a/caffe2/python/operator_test/conditional_test.py +++ b/caffe2/python/operator_test/conditional_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/conv_test.py b/caffe2/python/operator_test/conv_test.py index 08e0f7d8c2879..e7a5daed485b1 100644 --- a/caffe2/python/operator_test/conv_test.py +++ b/caffe2/python/operator_test/conv_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/conv_transpose_test.py b/caffe2/python/operator_test/conv_transpose_test.py index 30df1d1a9dbe7..673e4c8993fab 100644 --- a/caffe2/python/operator_test/conv_transpose_test.py +++ b/caffe2/python/operator_test/conv_transpose_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/copy_ops_test.py b/caffe2/python/operator_test/copy_ops_test.py index 05a018ff90a2c..0f766f07c9b4a 100644 --- a/caffe2/python/operator_test/copy_ops_test.py +++ b/caffe2/python/operator_test/copy_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/cosine_embedding_criterion_op_test.py b/caffe2/python/operator_test/cosine_embedding_criterion_op_test.py index d67df5fd3e1f3..57036f4dc163d 100644 --- a/caffe2/python/operator_test/cosine_embedding_criterion_op_test.py +++ b/caffe2/python/operator_test/cosine_embedding_criterion_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/counter_ops_test.py b/caffe2/python/operator_test/counter_ops_test.py index 3ebe264156226..b2160c0e5ef5e 100644 --- a/caffe2/python/operator_test/counter_ops_test.py +++ b/caffe2/python/operator_test/counter_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/crf_test.py b/caffe2/python/operator_test/crf_test.py index 603b7dd4af231..6b081634125e8 100644 --- a/caffe2/python/operator_test/crf_test.py +++ b/caffe2/python/operator_test/crf_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/cross_entropy_ops_test.py b/caffe2/python/operator_test/cross_entropy_ops_test.py index 3fe75ace673b0..acbcbe24a3e97 100644 --- a/caffe2/python/operator_test/cross_entropy_ops_test.py +++ b/caffe2/python/operator_test/cross_entropy_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/cudnn_recurrent_test.py b/caffe2/python/operator_test/cudnn_recurrent_test.py index 40fe88b193ce5..1870fca50ba20 100644 --- a/caffe2/python/operator_test/cudnn_recurrent_test.py +++ b/caffe2/python/operator_test/cudnn_recurrent_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/dataset_ops_test.py b/caffe2/python/operator_test/dataset_ops_test.py index 5cec140df2d7d..82855d06c852b 100644 --- a/caffe2/python/operator_test/dataset_ops_test.py +++ b/caffe2/python/operator_test/dataset_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/distance_op_test.py b/caffe2/python/operator_test/distance_op_test.py index 0a5f9a38a4a7c..899ec08ce553a 100644 --- a/caffe2/python/operator_test/distance_op_test.py +++ b/caffe2/python/operator_test/distance_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/dropout_op_test.py b/caffe2/python/operator_test/dropout_op_test.py index 49eaf746560eb..8fa69ebb53594 100644 --- a/caffe2/python/operator_test/dropout_op_test.py +++ b/caffe2/python/operator_test/dropout_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/duplicate_operands_test.py b/caffe2/python/operator_test/duplicate_operands_test.py index 385e69fded4c1..44db7092698c4 100644 --- a/caffe2/python/operator_test/duplicate_operands_test.py +++ b/caffe2/python/operator_test/duplicate_operands_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/elementwise_linear_op_test.py b/caffe2/python/operator_test/elementwise_linear_op_test.py index c67a84921a4ad..be6c0675d15a6 100644 --- a/caffe2/python/operator_test/elementwise_linear_op_test.py +++ b/caffe2/python/operator_test/elementwise_linear_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/elementwise_logical_ops_test.py b/caffe2/python/operator_test/elementwise_logical_ops_test.py index 7279dd5e1fb99..fb886a1845571 100644 --- a/caffe2/python/operator_test/elementwise_logical_ops_test.py +++ b/caffe2/python/operator_test/elementwise_logical_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/elementwise_op_broadcast_test.py b/caffe2/python/operator_test/elementwise_op_broadcast_test.py index ffe0ff0d979f0..3a5e5b279aefd 100644 --- a/caffe2/python/operator_test/elementwise_op_broadcast_test.py +++ b/caffe2/python/operator_test/elementwise_op_broadcast_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/elementwise_ops_test.py b/caffe2/python/operator_test/elementwise_ops_test.py index d5d5c2b0e63be..9957ba170e4db 100644 --- a/caffe2/python/operator_test/elementwise_ops_test.py +++ b/caffe2/python/operator_test/elementwise_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/emptysample_ops_test.py b/caffe2/python/operator_test/emptysample_ops_test.py index a04e9d0e161d9..a186caa159cf1 100644 --- a/caffe2/python/operator_test/emptysample_ops_test.py +++ b/caffe2/python/operator_test/emptysample_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/extend_tensor_op_test.py b/caffe2/python/operator_test/extend_tensor_op_test.py index bf9162e4231d1..2bc79b5a08968 100644 --- a/caffe2/python/operator_test/extend_tensor_op_test.py +++ b/caffe2/python/operator_test/extend_tensor_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/fc_operator_test.py b/caffe2/python/operator_test/fc_operator_test.py index 0463c49ccf0e6..42d239a260d83 100644 --- a/caffe2/python/operator_test/fc_operator_test.py +++ b/caffe2/python/operator_test/fc_operator_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/filler_ops_test.py b/caffe2/python/operator_test/filler_ops_test.py index d542ace8aaa5a..bf64d8ec569f8 100644 --- a/caffe2/python/operator_test/filler_ops_test.py +++ b/caffe2/python/operator_test/filler_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/find_op_test.py b/caffe2/python/operator_test/find_op_test.py index febf6efeef76e..dfdeb4f2314b8 100644 --- a/caffe2/python/operator_test/find_op_test.py +++ b/caffe2/python/operator_test/find_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/gather_ops_test.py b/caffe2/python/operator_test/gather_ops_test.py index 323082bb2894b..9db79ac64b200 100644 --- a/caffe2/python/operator_test/gather_ops_test.py +++ b/caffe2/python/operator_test/gather_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/gather_ranges_op_test.py b/caffe2/python/operator_test/gather_ranges_op_test.py index 36968c1b2625e..3884c29868adf 100644 --- a/caffe2/python/operator_test/gather_ranges_op_test.py +++ b/caffe2/python/operator_test/gather_ranges_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/given_tensor_fill_op_test.py b/caffe2/python/operator_test/given_tensor_fill_op_test.py index a4e800aea135d..02e91776bd7fb 100644 --- a/caffe2/python/operator_test/given_tensor_fill_op_test.py +++ b/caffe2/python/operator_test/given_tensor_fill_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/group_conv_test.py b/caffe2/python/operator_test/group_conv_test.py index f0068c2fe28ab..9c26bc3a15f3f 100644 --- a/caffe2/python/operator_test/group_conv_test.py +++ b/caffe2/python/operator_test/group_conv_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/gru_test.py b/caffe2/python/operator_test/gru_test.py index 5937f6a307512..e0ae8d5f8e1da 100644 --- a/caffe2/python/operator_test/gru_test.py +++ b/caffe2/python/operator_test/gru_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/hsm_test.py b/caffe2/python/operator_test/hsm_test.py index 26ee1de333126..665f8531541db 100644 --- a/caffe2/python/operator_test/hsm_test.py +++ b/caffe2/python/operator_test/hsm_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/im2col_col2im_test.py b/caffe2/python/operator_test/im2col_col2im_test.py index 6db6cae47ad1c..c5edc81d074b4 100644 --- a/caffe2/python/operator_test/im2col_col2im_test.py +++ b/caffe2/python/operator_test/im2col_col2im_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/image_input_op_test.py b/caffe2/python/operator_test/image_input_op_test.py index 1b5d6433652f9..226628f4bde8b 100644 --- a/caffe2/python/operator_test/image_input_op_test.py +++ b/caffe2/python/operator_test/image_input_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/index_hash_ops_test.py b/caffe2/python/operator_test/index_hash_ops_test.py index e670549ac6bfc..046c41cc4406f 100644 --- a/caffe2/python/operator_test/index_hash_ops_test.py +++ b/caffe2/python/operator_test/index_hash_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/index_ops_test.py b/caffe2/python/operator_test/index_ops_test.py index 642f340fad80c..7c15f8220e0e5 100644 --- a/caffe2/python/operator_test/index_ops_test.py +++ b/caffe2/python/operator_test/index_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/instance_norm_test.py b/caffe2/python/operator_test/instance_norm_test.py index 60adc187f3cff..81dc6aab8664b 100644 --- a/caffe2/python/operator_test/instance_norm_test.py +++ b/caffe2/python/operator_test/instance_norm_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/layer_norm_op_test.py b/caffe2/python/operator_test/layer_norm_op_test.py index ac134e86b6067..4e9bdf65f8501 100644 --- a/caffe2/python/operator_test/layer_norm_op_test.py +++ b/caffe2/python/operator_test/layer_norm_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/leaky_relu_test.py b/caffe2/python/operator_test/leaky_relu_test.py index 3ba195b8744a7..e95c59984a070 100644 --- a/caffe2/python/operator_test/leaky_relu_test.py +++ b/caffe2/python/operator_test/leaky_relu_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/lengths_tile_op_test.py b/caffe2/python/operator_test/lengths_tile_op_test.py index 96779ff6ebd1e..380f0baa62b0e 100644 --- a/caffe2/python/operator_test/lengths_tile_op_test.py +++ b/caffe2/python/operator_test/lengths_tile_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/lengths_top_k_ops_test.py b/caffe2/python/operator_test/lengths_top_k_ops_test.py index 6ffb5fc4fa843..149faf78d6f3a 100644 --- a/caffe2/python/operator_test/lengths_top_k_ops_test.py +++ b/caffe2/python/operator_test/lengths_top_k_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/loss_ops_test.py b/caffe2/python/operator_test/loss_ops_test.py index a6ea88e55737e..a19b4f75e8e5e 100644 --- a/caffe2/python/operator_test/loss_ops_test.py +++ b/caffe2/python/operator_test/loss_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/lpnorm_op_test.py b/caffe2/python/operator_test/lpnorm_op_test.py index faaf80deda3d0..373a27dd6a124 100644 --- a/caffe2/python/operator_test/lpnorm_op_test.py +++ b/caffe2/python/operator_test/lpnorm_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/map_ops_test.py b/caffe2/python/operator_test/map_ops_test.py index add86a3a467eb..fcdd7cd44484c 100644 --- a/caffe2/python/operator_test/map_ops_test.py +++ b/caffe2/python/operator_test/map_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/margin_ranking_criterion_op_test.py b/caffe2/python/operator_test/margin_ranking_criterion_op_test.py index 28f8e0a20f0a9..454e0919d96fc 100644 --- a/caffe2/python/operator_test/margin_ranking_criterion_op_test.py +++ b/caffe2/python/operator_test/margin_ranking_criterion_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/math_ops_test.py b/caffe2/python/operator_test/math_ops_test.py index 4661c7715ec51..afb35f1c671e9 100644 --- a/caffe2/python/operator_test/math_ops_test.py +++ b/caffe2/python/operator_test/math_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/matmul_op_test.py b/caffe2/python/operator_test/matmul_op_test.py index d3c119beaa284..216262ab204e3 100644 --- a/caffe2/python/operator_test/matmul_op_test.py +++ b/caffe2/python/operator_test/matmul_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/merge_id_lists_op_test.py b/caffe2/python/operator_test/merge_id_lists_op_test.py index 1b4322e0624f7..4107b41409e8c 100644 --- a/caffe2/python/operator_test/merge_id_lists_op_test.py +++ b/caffe2/python/operator_test/merge_id_lists_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/mkl_conv_op_test.py b/caffe2/python/operator_test/mkl_conv_op_test.py index ac75673fb1708..8c5ffbffa2eac 100644 --- a/caffe2/python/operator_test/mkl_conv_op_test.py +++ b/caffe2/python/operator_test/mkl_conv_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/mkl_packed_fc_op_test.py b/caffe2/python/operator_test/mkl_packed_fc_op_test.py index 59546d3891e93..e0666fe681e88 100644 --- a/caffe2/python/operator_test/mkl_packed_fc_op_test.py +++ b/caffe2/python/operator_test/mkl_packed_fc_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/mkl_speed_test.py b/caffe2/python/operator_test/mkl_speed_test.py index 9f7770be584b3..f7f5a7aac926c 100644 --- a/caffe2/python/operator_test/mkl_speed_test.py +++ b/caffe2/python/operator_test/mkl_speed_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/momentum_sgd_test.py b/caffe2/python/operator_test/momentum_sgd_test.py index 3b5474ee78416..c053587ff8274 100644 --- a/caffe2/python/operator_test/momentum_sgd_test.py +++ b/caffe2/python/operator_test/momentum_sgd_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/mpi_test.py b/caffe2/python/operator_test/mpi_test.py index 0885289c7c1a9..29f128e58ffd4 100644 --- a/caffe2/python/operator_test/mpi_test.py +++ b/caffe2/python/operator_test/mpi_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/normalize_op_test.py b/caffe2/python/operator_test/normalize_op_test.py index 965bbe73fec8c..6aa17652ae913 100644 --- a/caffe2/python/operator_test/normalize_op_test.py +++ b/caffe2/python/operator_test/normalize_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/one_hot_ops_test.py b/caffe2/python/operator_test/one_hot_ops_test.py index 518980e061e6c..cab9663ae386b 100644 --- a/caffe2/python/operator_test/one_hot_ops_test.py +++ b/caffe2/python/operator_test/one_hot_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/pack_ops_test.py b/caffe2/python/operator_test/pack_ops_test.py index 17123911d33b4..d65557f484a5f 100644 --- a/caffe2/python/operator_test/pack_ops_test.py +++ b/caffe2/python/operator_test/pack_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/pack_rnn_sequence_op_test.py b/caffe2/python/operator_test/pack_rnn_sequence_op_test.py index a5a3d6de537d0..9b6b1f75bc36c 100644 --- a/caffe2/python/operator_test/pack_rnn_sequence_op_test.py +++ b/caffe2/python/operator_test/pack_rnn_sequence_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/pad_test.py b/caffe2/python/operator_test/pad_test.py index ee5e001a91e2c..cbc54b82d9c85 100644 --- a/caffe2/python/operator_test/pad_test.py +++ b/caffe2/python/operator_test/pad_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/partition_ops_test.py b/caffe2/python/operator_test/partition_ops_test.py index a5a7db12b1efe..86cdf766574c9 100644 --- a/caffe2/python/operator_test/partition_ops_test.py +++ b/caffe2/python/operator_test/partition_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/piecewise_linear_transform_test.py b/caffe2/python/operator_test/piecewise_linear_transform_test.py index f09dcdcde2b6d..627e77e632765 100644 --- a/caffe2/python/operator_test/piecewise_linear_transform_test.py +++ b/caffe2/python/operator_test/piecewise_linear_transform_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/pooling_test.py b/caffe2/python/operator_test/pooling_test.py index e74128676080f..5bdc454cc1d08 100644 --- a/caffe2/python/operator_test/pooling_test.py +++ b/caffe2/python/operator_test/pooling_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/prepend_dim_test.py b/caffe2/python/operator_test/prepend_dim_test.py index a5b7d01fb17fe..a6e18c72d0cda 100644 --- a/caffe2/python/operator_test/prepend_dim_test.py +++ b/caffe2/python/operator_test/prepend_dim_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/python_op_test.py b/caffe2/python/operator_test/python_op_test.py index 20044723c4642..96132c13f8ef1 100644 --- a/caffe2/python/operator_test/python_op_test.py +++ b/caffe2/python/operator_test/python_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/rank_loss_operator_test.py b/caffe2/python/operator_test/rank_loss_operator_test.py index 97e352e93f180..45f78d463e2a7 100644 --- a/caffe2/python/operator_test/rank_loss_operator_test.py +++ b/caffe2/python/operator_test/rank_loss_operator_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/rebatching_queue_test.py b/caffe2/python/operator_test/rebatching_queue_test.py index af207bedc69a5..57ebac0fad7e9 100644 --- a/caffe2/python/operator_test/rebatching_queue_test.py +++ b/caffe2/python/operator_test/rebatching_queue_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/record_queue_test.py b/caffe2/python/operator_test/record_queue_test.py index d32b3e794ab45..a22594902da44 100644 --- a/caffe2/python/operator_test/record_queue_test.py +++ b/caffe2/python/operator_test/record_queue_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/recurrent_net_executor_test.py b/caffe2/python/operator_test/recurrent_net_executor_test.py index 5d3d6f314e315..535f5c24ac312 100644 --- a/caffe2/python/operator_test/recurrent_net_executor_test.py +++ b/caffe2/python/operator_test/recurrent_net_executor_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/recurrent_network_test.py b/caffe2/python/operator_test/recurrent_network_test.py index 143fa02b1c973..2734cfc0c7036 100644 --- a/caffe2/python/operator_test/recurrent_network_test.py +++ b/caffe2/python/operator_test/recurrent_network_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/reduce_ops_test.py b/caffe2/python/operator_test/reduce_ops_test.py index d56f686f5a09e..76b51b4f15b0d 100644 --- a/caffe2/python/operator_test/reduce_ops_test.py +++ b/caffe2/python/operator_test/reduce_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/reduction_ops_test.py b/caffe2/python/operator_test/reduction_ops_test.py index e5acd478e83fc..4f929d4cae2b7 100644 --- a/caffe2/python/operator_test/reduction_ops_test.py +++ b/caffe2/python/operator_test/reduction_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/relu_op_test.py b/caffe2/python/operator_test/relu_op_test.py index 59d495e474e4d..b4128dc1664c5 100644 --- a/caffe2/python/operator_test/relu_op_test.py +++ b/caffe2/python/operator_test/relu_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/reshape_ops_test.py b/caffe2/python/operator_test/reshape_ops_test.py index bf3a6564ef459..cc40f60e0e379 100644 --- a/caffe2/python/operator_test/reshape_ops_test.py +++ b/caffe2/python/operator_test/reshape_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/resize_op_test.py b/caffe2/python/operator_test/resize_op_test.py index f0c9c77b613ac..f333af8bf6ae8 100644 --- a/caffe2/python/operator_test/resize_op_test.py +++ b/caffe2/python/operator_test/resize_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/rmac_regions_op_test.py b/caffe2/python/operator_test/rmac_regions_op_test.py index 5b6b19c6da658..94d83b4126718 100644 --- a/caffe2/python/operator_test/rmac_regions_op_test.py +++ b/caffe2/python/operator_test/rmac_regions_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/rnn_cell_test.py b/caffe2/python/operator_test/rnn_cell_test.py index 3052b5403b2a4..7f8a99454af1c 100644 --- a/caffe2/python/operator_test/rnn_cell_test.py +++ b/caffe2/python/operator_test/rnn_cell_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/segment_ops_test.py b/caffe2/python/operator_test/segment_ops_test.py index 6177932334269..c9c7de9a060cf 100644 --- a/caffe2/python/operator_test/segment_ops_test.py +++ b/caffe2/python/operator_test/segment_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/sequence_ops_test.py b/caffe2/python/operator_test/sequence_ops_test.py index 31f9d2396a0f4..45791aefed61f 100644 --- a/caffe2/python/operator_test/sequence_ops_test.py +++ b/caffe2/python/operator_test/sequence_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/shape_inference_test.py b/caffe2/python/operator_test/shape_inference_test.py index 4fbb124788ecf..db7520a1790cc 100644 --- a/caffe2/python/operator_test/shape_inference_test.py +++ b/caffe2/python/operator_test/shape_inference_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/sinusoid_position_encoding_op_test.py b/caffe2/python/operator_test/sinusoid_position_encoding_op_test.py index 576c79892ca6a..235b7ebb10412 100644 --- a/caffe2/python/operator_test/sinusoid_position_encoding_op_test.py +++ b/caffe2/python/operator_test/sinusoid_position_encoding_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/softmax_ops_test.py b/caffe2/python/operator_test/softmax_ops_test.py index 96e086f2bc474..e1f442d90875a 100644 --- a/caffe2/python/operator_test/softmax_ops_test.py +++ b/caffe2/python/operator_test/softmax_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/softplus_op_test.py b/caffe2/python/operator_test/softplus_op_test.py index 37bd2b5167028..a4594246cee56 100644 --- a/caffe2/python/operator_test/softplus_op_test.py +++ b/caffe2/python/operator_test/softplus_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/sparse_gradient_checker_test.py b/caffe2/python/operator_test/sparse_gradient_checker_test.py index 130a2e7d02b9c..9392f7e7e25f0 100644 --- a/caffe2/python/operator_test/sparse_gradient_checker_test.py +++ b/caffe2/python/operator_test/sparse_gradient_checker_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/sparse_lengths_sum_benchmark.py b/caffe2/python/operator_test/sparse_lengths_sum_benchmark.py index 33f52f9dc7786..c8e3234446022 100644 --- a/caffe2/python/operator_test/sparse_lengths_sum_benchmark.py +++ b/caffe2/python/operator_test/sparse_lengths_sum_benchmark.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/sparse_ops_test.py b/caffe2/python/operator_test/sparse_ops_test.py index b1552ac25affa..0990cafaa4e60 100644 --- a/caffe2/python/operator_test/sparse_ops_test.py +++ b/caffe2/python/operator_test/sparse_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/sparse_to_dense_mask_op_test.py b/caffe2/python/operator_test/sparse_to_dense_mask_op_test.py index 80b5675ff53af..3d774c4ec3510 100644 --- a/caffe2/python/operator_test/sparse_to_dense_mask_op_test.py +++ b/caffe2/python/operator_test/sparse_to_dense_mask_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/spatial_bn_op_test.py b/caffe2/python/operator_test/spatial_bn_op_test.py index 2c5e02b185fe4..1bae019585110 100644 --- a/caffe2/python/operator_test/spatial_bn_op_test.py +++ b/caffe2/python/operator_test/spatial_bn_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/specialized_segment_ops_test.py b/caffe2/python/operator_test/specialized_segment_ops_test.py index cd2aca55739ea..657c5c1db0591 100644 --- a/caffe2/python/operator_test/specialized_segment_ops_test.py +++ b/caffe2/python/operator_test/specialized_segment_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/square_root_divide_op_test.py b/caffe2/python/operator_test/square_root_divide_op_test.py index 253184a4bb8ea..d106c5830c54a 100644 --- a/caffe2/python/operator_test/square_root_divide_op_test.py +++ b/caffe2/python/operator_test/square_root_divide_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/stats_ops_test.py b/caffe2/python/operator_test/stats_ops_test.py index edc36facb2363..0472e8090554d 100644 --- a/caffe2/python/operator_test/stats_ops_test.py +++ b/caffe2/python/operator_test/stats_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/string_ops_test.py b/caffe2/python/operator_test/string_ops_test.py index 49c25bc2bd6a0..a98d301b74d27 100644 --- a/caffe2/python/operator_test/string_ops_test.py +++ b/caffe2/python/operator_test/string_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/text_file_reader_test.py b/caffe2/python/operator_test/text_file_reader_test.py index 41ba814af6ab4..9c1fd080f8f0b 100644 --- a/caffe2/python/operator_test/text_file_reader_test.py +++ b/caffe2/python/operator_test/text_file_reader_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/tile_op_test.py b/caffe2/python/operator_test/tile_op_test.py index b04f07f6f51f1..05fa8000f7fdd 100644 --- a/caffe2/python/operator_test/tile_op_test.py +++ b/caffe2/python/operator_test/tile_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/top_k_test.py b/caffe2/python/operator_test/top_k_test.py index cf441da00fcf6..4640ddff3e505 100644 --- a/caffe2/python/operator_test/top_k_test.py +++ b/caffe2/python/operator_test/top_k_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/unique_uniform_fill_op_test.py b/caffe2/python/operator_test/unique_uniform_fill_op_test.py index f858e8fa06bd4..ae789302f3281 100644 --- a/caffe2/python/operator_test/unique_uniform_fill_op_test.py +++ b/caffe2/python/operator_test/unique_uniform_fill_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/utility_ops_test.py b/caffe2/python/operator_test/utility_ops_test.py index d9ef3f26349f7..7d48782d90f51 100644 --- a/caffe2/python/operator_test/utility_ops_test.py +++ b/caffe2/python/operator_test/utility_ops_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/operator_test/video_input_op_test.py b/caffe2/python/operator_test/video_input_op_test.py index cac05a7169db0..3ea8415cea181 100644 --- a/caffe2/python/operator_test/video_input_op_test.py +++ b/caffe2/python/operator_test/video_input_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/optimizer.py b/caffe2/python/optimizer.py index b41fe8866ccb5..3b0e71f4dc87a 100644 --- a/caffe2/python/optimizer.py +++ b/caffe2/python/optimizer.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package optimizer # Module caffe2.python.optimizer from __future__ import absolute_import diff --git a/caffe2/python/optimizer_context.py b/caffe2/python/optimizer_context.py index 454d7216e5577..1551afdbff1fc 100644 --- a/caffe2/python/optimizer_context.py +++ b/caffe2/python/optimizer_context.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package optimizer_context # Module caffe2.python.optimizer_context from __future__ import absolute_import diff --git a/caffe2/python/optimizer_test.py b/caffe2/python/optimizer_test.py index d7a4e9c8a6339..c55cc0d6e5e75 100644 --- a/caffe2/python/optimizer_test.py +++ b/caffe2/python/optimizer_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/optimizer_test_util.py b/caffe2/python/optimizer_test_util.py index b0e3ded9ba300..0cb0f9b419a55 100644 --- a/caffe2/python/optimizer_test_util.py +++ b/caffe2/python/optimizer_test_util.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package optimizer_test_util # Module caffe2.python.optimizer_test_util from __future__ import absolute_import diff --git a/caffe2/python/parallel_workers.py b/caffe2/python/parallel_workers.py index a8ed315746f14..d93bf3cb86518 100644 --- a/caffe2/python/parallel_workers.py +++ b/caffe2/python/parallel_workers.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + # @package parallel_workers # Module caffe2.python.parallel_workers from __future__ import absolute_import diff --git a/caffe2/python/parallel_workers_test.py b/caffe2/python/parallel_workers_test.py index 8f3e16eba0d41..b062d5b2ddd81 100644 --- a/caffe2/python/parallel_workers_test.py +++ b/caffe2/python/parallel_workers_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/parallelize_gpu_bmuf_distributed_test.py b/caffe2/python/parallelize_gpu_bmuf_distributed_test.py index 8e1a4f164527f..df2f9ba6cb46d 100644 --- a/caffe2/python/parallelize_gpu_bmuf_distributed_test.py +++ b/caffe2/python/parallelize_gpu_bmuf_distributed_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/pipeline.py b/caffe2/python/pipeline.py index 2822276eddbfb..f7627ac979e22 100644 --- a/caffe2/python/pipeline.py +++ b/caffe2/python/pipeline.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package pipeline # Module caffe2.python.pipeline from __future__ import absolute_import diff --git a/caffe2/python/pipeline_test.py b/caffe2/python/pipeline_test.py index 5f57355b25d39..7636e964530ac 100644 --- a/caffe2/python/pipeline_test.py +++ b/caffe2/python/pipeline_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/predictor/mobile_exporter.py b/caffe2/python/predictor/mobile_exporter.py index e977ed8ff96d5..ee93b500a9872 100644 --- a/caffe2/python/predictor/mobile_exporter.py +++ b/caffe2/python/predictor/mobile_exporter.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package mobile_exporter # Module caffe2.python.mobile_exporter diff --git a/caffe2/python/predictor/mobile_exporter_test.py b/caffe2/python/predictor/mobile_exporter_test.py index f1e9d2dbbe96b..170743102c985 100644 --- a/caffe2/python/predictor/mobile_exporter_test.py +++ b/caffe2/python/predictor/mobile_exporter_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/predictor/predictor_exporter.py b/caffe2/python/predictor/predictor_exporter.py index c800d67b22af0..6d9cd2a2888ce 100644 --- a/caffe2/python/predictor/predictor_exporter.py +++ b/caffe2/python/predictor/predictor_exporter.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package predictor_exporter # Module caffe2.python.predictor.predictor_exporter from __future__ import absolute_import diff --git a/caffe2/python/predictor/predictor_exporter_test.py b/caffe2/python/predictor/predictor_exporter_test.py index bda952e854041..7ab6f89ad358a 100644 --- a/caffe2/python/predictor/predictor_exporter_test.py +++ b/caffe2/python/predictor/predictor_exporter_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/predictor/predictor_py_utils.py b/caffe2/python/predictor/predictor_py_utils.py index b3e445a8bc221..af02e5cfd776e 100644 --- a/caffe2/python/predictor/predictor_py_utils.py +++ b/caffe2/python/predictor/predictor_py_utils.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package predictor_py_utils # Module caffe2.python.predictor.predictor_py_utils from __future__ import absolute_import diff --git a/caffe2/python/predictor/serde.py b/caffe2/python/predictor/serde.py index af48b2920a879..b68dabe89be8f 100644 --- a/caffe2/python/predictor/serde.py +++ b/caffe2/python/predictor/serde.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package serde # Module caffe2.python.predictor.serde from __future__ import absolute_import diff --git a/caffe2/python/predictor_constants.py b/caffe2/python/predictor_constants.py index c1e1dedb8b09b..2e35794b0dfcc 100644 --- a/caffe2/python/predictor_constants.py +++ b/caffe2/python/predictor_constants.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package predictor_constants # Module caffe2.python.predictor_constants from __future__ import absolute_import diff --git a/caffe2/python/pybind_state.cc b/caffe2/python/pybind_state.cc index ad42b8fb4c7af..6a000f40e622e 100644 --- a/caffe2/python/pybind_state.cc +++ b/caffe2/python/pybind_state.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "pybind_state.h" #include diff --git a/caffe2/python/pybind_state.h b/caffe2/python/pybind_state.h index a1df4bc52c825..099a4e425ec72 100644 --- a/caffe2/python/pybind_state.h +++ b/caffe2/python/pybind_state.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include diff --git a/caffe2/python/pybind_state_gpu.cc b/caffe2/python/pybind_state_gpu.cc index 2261b31ac496f..18664cd6de097 100644 --- a/caffe2/python/pybind_state_gpu.cc +++ b/caffe2/python/pybind_state_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + // Note(jiayq): the import_array function is done inside // caffe2_python.cc. Read // http://docs.scipy.org/doc/numpy-1.10.1/reference/c-api.array.html#miscellaneous diff --git a/caffe2/python/pybind_state_mkl.cc b/caffe2/python/pybind_state_mkl.cc index 60c7464e133e7..406d2bbb15fad 100644 --- a/caffe2/python/pybind_state_mkl.cc +++ b/caffe2/python/pybind_state_mkl.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + // Note(jiayq): the import_array function is done inside // caffe2_python.cc. Read // http://docs.scipy.org/doc/numpy-1.10.1/reference/c-api.array.html#miscellaneous diff --git a/caffe2/python/python_op_test.py b/caffe2/python/python_op_test.py index bcdb1ba6675f0..cdc7cb63942f9 100644 --- a/caffe2/python/python_op_test.py +++ b/caffe2/python/python_op_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/queue_util.py b/caffe2/python/queue_util.py index 40e17f5262aec..259d36777c69d 100644 --- a/caffe2/python/queue_util.py +++ b/caffe2/python/queue_util.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package queue_util # Module caffe2.python.queue_util from __future__ import absolute_import diff --git a/caffe2/python/record_queue.py b/caffe2/python/record_queue.py index d5f129a2f902c..36925e633a4a8 100644 --- a/caffe2/python/record_queue.py +++ b/caffe2/python/record_queue.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package record_queue # Module caffe2.python.record_queue """ diff --git a/caffe2/python/recurrent.py b/caffe2/python/recurrent.py index ada4d723d067a..8ba7af9b37153 100644 --- a/caffe2/python/recurrent.py +++ b/caffe2/python/recurrent.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package recurrent # Module caffe2.python.recurrent from __future__ import absolute_import diff --git a/caffe2/python/regularizer.py b/caffe2/python/regularizer.py index 7a071a7721647..2b9239ee4a46f 100644 --- a/caffe2/python/regularizer.py +++ b/caffe2/python/regularizer.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + # @package optimizer # Module caffe2.python.optimizer from __future__ import absolute_import diff --git a/caffe2/python/regularizer_context.py b/caffe2/python/regularizer_context.py index c33b19ad74a47..73c9b3a1b38b7 100644 --- a/caffe2/python/regularizer_context.py +++ b/caffe2/python/regularizer_context.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + # @package regularizer_context # Module caffe2.python.regularizer_context from __future__ import absolute_import diff --git a/caffe2/python/rnn/lstm_comparison.py b/caffe2/python/rnn/lstm_comparison.py index 2d44e09f9797f..ad06678873621 100644 --- a/caffe2/python/rnn/lstm_comparison.py +++ b/caffe2/python/rnn/lstm_comparison.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/rnn/rnn_cell_test_util.py b/caffe2/python/rnn/rnn_cell_test_util.py index 0f5c270f1f857..8b7de1c857652 100644 --- a/caffe2/python/rnn/rnn_cell_test_util.py +++ b/caffe2/python/rnn/rnn_cell_test_util.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/rnn_cell.py b/caffe2/python/rnn_cell.py index 240d6e8a8cff6..f7869b98b95e6 100644 --- a/caffe2/python/rnn_cell.py +++ b/caffe2/python/rnn_cell.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package rnn_cell # Module caffe2.python.rnn_cell from __future__ import absolute_import diff --git a/caffe2/python/schema.py b/caffe2/python/schema.py index f843218670797..60c85f54d520c 100644 --- a/caffe2/python/schema.py +++ b/caffe2/python/schema.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package schema # Module caffe2.python.schema """ diff --git a/caffe2/python/schema_test.py b/caffe2/python/schema_test.py index eda977e1a9fe9..0a5ee5116fc34 100644 --- a/caffe2/python/schema_test.py +++ b/caffe2/python/schema_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/scope.py b/caffe2/python/scope.py index d71a8a191b1b9..90b9ec1e48a6a 100644 --- a/caffe2/python/scope.py +++ b/caffe2/python/scope.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package scope # Module caffe2.python.scope from __future__ import absolute_import diff --git a/caffe2/python/scope_test.py b/caffe2/python/scope_test.py index 1ad572b89342b..d8652a580bb9a 100644 --- a/caffe2/python/scope_test.py +++ b/caffe2/python/scope_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/session.py b/caffe2/python/session.py index d8536995a8371..84bbe033d9111 100644 --- a/caffe2/python/session.py +++ b/caffe2/python/session.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package session # Module caffe2.python.session from __future__ import absolute_import diff --git a/caffe2/python/session_test.py b/caffe2/python/session_test.py index ae5e50d23ec70..443e3b29be41d 100644 --- a/caffe2/python/session_test.py +++ b/caffe2/python/session_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/sparse_to_dense_mask_test.py b/caffe2/python/sparse_to_dense_mask_test.py index c4da0665899a6..4e390f4318d1e 100644 --- a/caffe2/python/sparse_to_dense_mask_test.py +++ b/caffe2/python/sparse_to_dense_mask_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/task.py b/caffe2/python/task.py index 311211dfdff3e..855d89f205bf7 100644 --- a/caffe2/python/task.py +++ b/caffe2/python/task.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package task # Module caffe2.python.task from __future__ import absolute_import diff --git a/caffe2/python/test_util.py b/caffe2/python/test_util.py index 769679e46f2b7..c6500e4e77899 100644 --- a/caffe2/python/test_util.py +++ b/caffe2/python/test_util.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package test_util # Module caffe2.python.test_util from __future__ import absolute_import diff --git a/caffe2/python/text_file_reader.py b/caffe2/python/text_file_reader.py index c351bcdb94d90..f57272f1c164a 100644 --- a/caffe2/python/text_file_reader.py +++ b/caffe2/python/text_file_reader.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package text_file_reader # Module caffe2.python.text_file_reader from __future__ import absolute_import diff --git a/caffe2/python/timeout_guard.py b/caffe2/python/timeout_guard.py index 54c1d2cfd4d04..9533ae7ef605a 100644 --- a/caffe2/python/timeout_guard.py +++ b/caffe2/python/timeout_guard.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package timeout_guard # Module caffe2.python.timeout_guard from __future__ import absolute_import diff --git a/caffe2/python/toy_regression_test.py b/caffe2/python/toy_regression_test.py index 2140074f88d4b..73ffa038bac9c 100644 --- a/caffe2/python/toy_regression_test.py +++ b/caffe2/python/toy_regression_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + import numpy as np import unittest diff --git a/caffe2/python/tt_core.py b/caffe2/python/tt_core.py index a2011da16b151..99ebbc07651b2 100644 --- a/caffe2/python/tt_core.py +++ b/caffe2/python/tt_core.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package tt_core # Module caffe2.python.tt_core from __future__ import absolute_import diff --git a/caffe2/python/tt_core_test.py b/caffe2/python/tt_core_test.py index aec5764e66e5f..33db064ce4976 100644 --- a/caffe2/python/tt_core_test.py +++ b/caffe2/python/tt_core_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/python/utils.py b/caffe2/python/utils.py index ac466940d9a0d..35e4f6974b872 100644 --- a/caffe2/python/utils.py +++ b/caffe2/python/utils.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package utils # Module caffe2.python.utils from __future__ import absolute_import diff --git a/caffe2/python/visualize.py b/caffe2/python/visualize.py index 1eecdcdc583c6..3798b89acc9cd 100644 --- a/caffe2/python/visualize.py +++ b/caffe2/python/visualize.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package visualize # Module caffe2.python.visualize """Functions that could be used to visualize Tensors. diff --git a/caffe2/python/workspace.py b/caffe2/python/workspace.py index a6aebdffdfb4f..8f391ae13786c 100644 --- a/caffe2/python/workspace.py +++ b/caffe2/python/workspace.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + ## @package workspace # Module caffe2.python.workspace from __future__ import absolute_import diff --git a/caffe2/python/workspace_test.py b/caffe2/python/workspace_test.py index cbf9dfbf1e695..30c57d72c0dfb 100644 --- a/caffe2/python/workspace_test.py +++ b/caffe2/python/workspace_test.py @@ -1,3 +1,18 @@ +# Copyright (c) 2016-present, Facebook, Inc. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +############################################################################## + from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/caffe2/queue/blobs_queue.cc b/caffe2/queue/blobs_queue.cc index 08750e4c38e7e..6c00e8815a9f7 100644 --- a/caffe2/queue/blobs_queue.cc +++ b/caffe2/queue/blobs_queue.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/queue/blobs_queue.h" #include diff --git a/caffe2/queue/blobs_queue.h b/caffe2/queue/blobs_queue.h index 6af56a709cef7..24bee642893ca 100644 --- a/caffe2/queue/blobs_queue.h +++ b/caffe2/queue/blobs_queue.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include diff --git a/caffe2/queue/blobs_queue_db.cc b/caffe2/queue/blobs_queue_db.cc index ef06be9f3fd14..edb389c2633c8 100644 --- a/caffe2/queue/blobs_queue_db.cc +++ b/caffe2/queue/blobs_queue_db.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/queue/blobs_queue_db.h" #include diff --git a/caffe2/queue/blobs_queue_db.h b/caffe2/queue/blobs_queue_db.h index f76d460c365cc..bca79a3f4fb86 100644 --- a/caffe2/queue/blobs_queue_db.h +++ b/caffe2/queue/blobs_queue_db.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once diff --git a/caffe2/queue/queue_ops.cc b/caffe2/queue/queue_ops.cc index 150a1e3935d25..2ad6d4f9779fd 100644 --- a/caffe2/queue/queue_ops.cc +++ b/caffe2/queue/queue_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "queue_ops.h" #include diff --git a/caffe2/queue/queue_ops.h b/caffe2/queue/queue_ops.h index 8bd4fb797543a..4065f737bcecb 100644 --- a/caffe2/queue/queue_ops.h +++ b/caffe2/queue/queue_ops.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include diff --git a/caffe2/queue/queue_ops_gpu.cc b/caffe2/queue/queue_ops_gpu.cc index dbabcceb1d733..94582e8bcd788 100644 --- a/caffe2/queue/queue_ops_gpu.cc +++ b/caffe2/queue/queue_ops_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "queue_ops.h" #include "caffe2/core/context_gpu.h" diff --git a/caffe2/queue/rebatching_queue.cc b/caffe2/queue/rebatching_queue.cc index 3389cfe63080c..ec911c3a76821 100644 --- a/caffe2/queue/rebatching_queue.cc +++ b/caffe2/queue/rebatching_queue.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "rebatching_queue.h" #include "caffe2/utils/smart_tensor_printer.h" diff --git a/caffe2/queue/rebatching_queue.h b/caffe2/queue/rebatching_queue.h index 052402e02fe73..d3df371b19af9 100644 --- a/caffe2/queue/rebatching_queue.h +++ b/caffe2/queue/rebatching_queue.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include diff --git a/caffe2/queue/rebatching_queue_ops.cc b/caffe2/queue/rebatching_queue_ops.cc index f31cf98507079..45c865d489bfd 100644 --- a/caffe2/queue/rebatching_queue_ops.cc +++ b/caffe2/queue/rebatching_queue_ops.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "rebatching_queue_ops.h" namespace caffe2 { diff --git a/caffe2/queue/rebatching_queue_ops.h b/caffe2/queue/rebatching_queue_ops.h index 80749a42692e7..5050ec33acbd3 100644 --- a/caffe2/queue/rebatching_queue_ops.h +++ b/caffe2/queue/rebatching_queue_ops.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "rebatching_queue.h" diff --git a/caffe2/sgd/adagrad_op.cc b/caffe2/sgd/adagrad_op.cc index cc9f896adee4c..7746d99e73c18 100644 --- a/caffe2/sgd/adagrad_op.cc +++ b/caffe2/sgd/adagrad_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "adagrad_op.h" namespace caffe2 { diff --git a/caffe2/sgd/adagrad_op.h b/caffe2/sgd/adagrad_op.h index 20815c487b466..4e9ea105586c2 100644 --- a/caffe2/sgd/adagrad_op.h +++ b/caffe2/sgd/adagrad_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/core/operator.h" diff --git a/caffe2/sgd/adagrad_op_gpu.cu b/caffe2/sgd/adagrad_op_gpu.cu index 74690f6d3dc74..b841452681ade 100644 --- a/caffe2/sgd/adagrad_op_gpu.cu +++ b/caffe2/sgd/adagrad_op_gpu.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "adagrad_op.h" #include "caffe2/core/common_gpu.h" #include "caffe2/core/context_gpu.h" diff --git a/caffe2/sgd/adam_op.cc b/caffe2/sgd/adam_op.cc index d65ea04623595..a4debfd990c92 100644 --- a/caffe2/sgd/adam_op.cc +++ b/caffe2/sgd/adam_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "adam_op.h" namespace caffe2 { diff --git a/caffe2/sgd/adam_op.h b/caffe2/sgd/adam_op.h index 22e46c61a6743..75459eb5b1f95 100644 --- a/caffe2/sgd/adam_op.h +++ b/caffe2/sgd/adam_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/core/operator.h" diff --git a/caffe2/sgd/adam_op_gpu.cu b/caffe2/sgd/adam_op_gpu.cu index 5dd153c8010a0..3c0e2edca0a16 100644 --- a/caffe2/sgd/adam_op_gpu.cu +++ b/caffe2/sgd/adam_op_gpu.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "adam_op.h" #include "caffe2/core/common_gpu.h" #include "caffe2/core/context_gpu.h" diff --git a/caffe2/sgd/ftrl_op.cc b/caffe2/sgd/ftrl_op.cc index 2634061146701..76775308e581b 100644 --- a/caffe2/sgd/ftrl_op.cc +++ b/caffe2/sgd/ftrl_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "ftrl_op.h" namespace caffe2 { diff --git a/caffe2/sgd/ftrl_op.h b/caffe2/sgd/ftrl_op.h index 079fe60d1bc4b..63296f183d5d4 100644 --- a/caffe2/sgd/ftrl_op.h +++ b/caffe2/sgd/ftrl_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/core/operator.h" diff --git a/caffe2/sgd/iter_op.cc b/caffe2/sgd/iter_op.cc index df9e261f2ea7f..42eec6eba62cb 100644 --- a/caffe2/sgd/iter_op.cc +++ b/caffe2/sgd/iter_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/sgd/iter_op.h" namespace caffe2 { diff --git a/caffe2/sgd/iter_op.h b/caffe2/sgd/iter_op.h index 1ce120d211349..b6fa3bcf073cf 100644 --- a/caffe2/sgd/iter_op.h +++ b/caffe2/sgd/iter_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_SGD_ITER_OP_H_ #define CAFFE2_SGD_ITER_OP_H_ diff --git a/caffe2/sgd/iter_op_gpu.cc b/caffe2/sgd/iter_op_gpu.cc index bdc93b994872a..8feb1a2d21c79 100644 --- a/caffe2/sgd/iter_op_gpu.cc +++ b/caffe2/sgd/iter_op_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/sgd/iter_op.h" diff --git a/caffe2/sgd/learning_rate_functors.h b/caffe2/sgd/learning_rate_functors.h index db004803430e3..70f5abc7a4608 100644 --- a/caffe2/sgd/learning_rate_functors.h +++ b/caffe2/sgd/learning_rate_functors.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_SGD_LEARNING_RATE_FUNCTORS_H_ #define CAFFE2_SGD_LEARNING_RATE_FUNCTORS_H_ diff --git a/caffe2/sgd/learning_rate_op.cc b/caffe2/sgd/learning_rate_op.cc index 3b1aeb38576c7..e148119c9947b 100644 --- a/caffe2/sgd/learning_rate_op.cc +++ b/caffe2/sgd/learning_rate_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/sgd/learning_rate_op.h" namespace caffe2 { diff --git a/caffe2/sgd/learning_rate_op.h b/caffe2/sgd/learning_rate_op.h index a5edab4c3b9b8..fdb3529433488 100644 --- a/caffe2/sgd/learning_rate_op.h +++ b/caffe2/sgd/learning_rate_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_SGD_LEARNING_RATE_OP_H_ #define CAFFE2_SGD_LEARNING_RATE_OP_H_ diff --git a/caffe2/sgd/learning_rate_op_gpu.cc b/caffe2/sgd/learning_rate_op_gpu.cc index f2d4cdf0000d6..423634c0c41d0 100644 --- a/caffe2/sgd/learning_rate_op_gpu.cc +++ b/caffe2/sgd/learning_rate_op_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/context_gpu.h" #include "caffe2/sgd/learning_rate_op.h" diff --git a/caffe2/sgd/momentum_sgd_op.cc b/caffe2/sgd/momentum_sgd_op.cc index c1c54097e9eb5..7bb37fe965ff6 100644 --- a/caffe2/sgd/momentum_sgd_op.cc +++ b/caffe2/sgd/momentum_sgd_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "momentum_sgd_op.h" namespace caffe2 { diff --git a/caffe2/sgd/momentum_sgd_op.h b/caffe2/sgd/momentum_sgd_op.h index 86a95858fdac8..f852c2b92c14a 100644 --- a/caffe2/sgd/momentum_sgd_op.h +++ b/caffe2/sgd/momentum_sgd_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/core/operator.h" diff --git a/caffe2/sgd/momentum_sgd_op_gpu.cu b/caffe2/sgd/momentum_sgd_op_gpu.cu index 9ef3f7e5d96da..00f182e6708cc 100644 --- a/caffe2/sgd/momentum_sgd_op_gpu.cu +++ b/caffe2/sgd/momentum_sgd_op_gpu.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "momentum_sgd_op.h" #include "caffe2/core/common_gpu.h" #include "caffe2/core/context_gpu.h" diff --git a/caffe2/sgd/rmsprop_op.cc b/caffe2/sgd/rmsprop_op.cc index 6c2be811bb8cd..12951b1531e84 100644 --- a/caffe2/sgd/rmsprop_op.cc +++ b/caffe2/sgd/rmsprop_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "rmsprop_op.h" namespace caffe2 { diff --git a/caffe2/sgd/rmsprop_op.h b/caffe2/sgd/rmsprop_op.h index e3015f548744d..d86d3bd44ba4c 100644 --- a/caffe2/sgd/rmsprop_op.h +++ b/caffe2/sgd/rmsprop_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/core/common_omp.h" diff --git a/caffe2/sgd/rmsprop_op_gpu.cu b/caffe2/sgd/rmsprop_op_gpu.cu index dd34e10f97c28..0f2db8ae1abd2 100644 --- a/caffe2/sgd/rmsprop_op_gpu.cu +++ b/caffe2/sgd/rmsprop_op_gpu.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "rmsprop_op.h" #include "caffe2/core/common_gpu.h" #include "caffe2/core/context_gpu.h" diff --git a/caffe2/sgd/yellowfin_op.cc b/caffe2/sgd/yellowfin_op.cc index a4829418dc1ad..a17fa82cfb09a 100644 --- a/caffe2/sgd/yellowfin_op.cc +++ b/caffe2/sgd/yellowfin_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/sgd/yellowfin_op.h" namespace caffe2 { diff --git a/caffe2/sgd/yellowfin_op.h b/caffe2/sgd/yellowfin_op.h index 173e18c069fa9..f1bdf45742f76 100644 --- a/caffe2/sgd/yellowfin_op.h +++ b/caffe2/sgd/yellowfin_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + // YellowFin: An automatic tuner for momentum SGD // (https://arxiv.org/abs/1706.03471) // The YellowFinOp tunes learning rate and momentum and performs momentum SGD diff --git a/caffe2/sgd/yellowfin_op_gpu.cu b/caffe2/sgd/yellowfin_op_gpu.cu index 5fd819844bd60..d67b5dae19bc2 100644 --- a/caffe2/sgd/yellowfin_op_gpu.cu +++ b/caffe2/sgd/yellowfin_op_gpu.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + // YellowFin: An automatic tuner for momentum SGD // (https://arxiv.org/abs/1706.03471) diff --git a/caffe2/test/caffe2_gtest_main.cc b/caffe2/test/caffe2_gtest_main.cc index 610849aea717d..277a405a0f6c8 100644 --- a/caffe2/test/caffe2_gtest_main.cc +++ b/caffe2/test/caffe2_gtest_main.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + // Copyright 2006, Google Inc. // All rights reserved. // diff --git a/caffe2/transforms/common_subexpression_elimination.cc b/caffe2/transforms/common_subexpression_elimination.cc index 112572030c538..b54fdaccd4672 100644 --- a/caffe2/transforms/common_subexpression_elimination.cc +++ b/caffe2/transforms/common_subexpression_elimination.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/transforms/common_subexpression_elimination.h" #include "caffe2/core/common.h" diff --git a/caffe2/transforms/common_subexpression_elimination.h b/caffe2/transforms/common_subexpression_elimination.h index d50d263da98cf..94cc56cb708ea 100644 --- a/caffe2/transforms/common_subexpression_elimination.h +++ b/caffe2/transforms/common_subexpression_elimination.h @@ -1,4 +1,19 @@ -// Copyright 2004-present Facebook. All Rights Reserved. +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once diff --git a/caffe2/transforms/common_subexpression_elimination_test.cc b/caffe2/transforms/common_subexpression_elimination_test.cc index f21ead3f6034c..1480a7a5a27d7 100644 --- a/caffe2/transforms/common_subexpression_elimination_test.cc +++ b/caffe2/transforms/common_subexpression_elimination_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include #include "caffe2/core/net.h" diff --git a/caffe2/transforms/conv_to_nnpack_transform.cc b/caffe2/transforms/conv_to_nnpack_transform.cc index 724046732f76e..223e80e65c549 100644 --- a/caffe2/transforms/conv_to_nnpack_transform.cc +++ b/caffe2/transforms/conv_to_nnpack_transform.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/transforms/conv_to_nnpack_transform.h" namespace caffe2 { diff --git a/caffe2/transforms/conv_to_nnpack_transform.h b/caffe2/transforms/conv_to_nnpack_transform.h index 6438b147b5f3a..14f5dc49f0fd8 100644 --- a/caffe2/transforms/conv_to_nnpack_transform.h +++ b/caffe2/transforms/conv_to_nnpack_transform.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/core/common.h" diff --git a/caffe2/transforms/conv_to_nnpack_transform_test.cc b/caffe2/transforms/conv_to_nnpack_transform_test.cc index 96deb86aacad2..9a9bd5f941cc5 100644 --- a/caffe2/transforms/conv_to_nnpack_transform_test.cc +++ b/caffe2/transforms/conv_to_nnpack_transform_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include #include "caffe2/core/net.h" diff --git a/caffe2/transforms/pattern_net_transform.cc b/caffe2/transforms/pattern_net_transform.cc index 0ee721257f167..4f3ca225dcd6b 100644 --- a/caffe2/transforms/pattern_net_transform.cc +++ b/caffe2/transforms/pattern_net_transform.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/transforms/pattern_net_transform.h" #include "caffe2/core/common.h" diff --git a/caffe2/transforms/pattern_net_transform.h b/caffe2/transforms/pattern_net_transform.h index 1f54ccc1eb2d0..166150794d34f 100644 --- a/caffe2/transforms/pattern_net_transform.h +++ b/caffe2/transforms/pattern_net_transform.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/core/common.h" diff --git a/caffe2/transforms/pattern_net_transform_test.cc b/caffe2/transforms/pattern_net_transform_test.cc index 8360216c09e76..f8ee2f4c9d0b8 100644 --- a/caffe2/transforms/pattern_net_transform_test.cc +++ b/caffe2/transforms/pattern_net_transform_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include #include "caffe2/core/net.h" diff --git a/caffe2/transforms/single_op_transform.cc b/caffe2/transforms/single_op_transform.cc index 0dbb0c19f582c..7d51d2e2cce87 100644 --- a/caffe2/transforms/single_op_transform.cc +++ b/caffe2/transforms/single_op_transform.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/transforms/single_op_transform.h" #include "caffe2/core/common.h" diff --git a/caffe2/transforms/single_op_transform.h b/caffe2/transforms/single_op_transform.h index dbc53e3383125..b9581a7693569 100644 --- a/caffe2/transforms/single_op_transform.h +++ b/caffe2/transforms/single_op_transform.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/core/common.h" diff --git a/caffe2/utils/cast.h b/caffe2/utils/cast.h index d73641d7c1fdf..900fbf0d3a682 100644 --- a/caffe2/utils/cast.h +++ b/caffe2/utils/cast.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include diff --git a/caffe2/utils/conversions.h b/caffe2/utils/conversions.h index 190adaebd4a26..4243e9a6f375e 100644 --- a/caffe2/utils/conversions.h +++ b/caffe2/utils/conversions.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include diff --git a/caffe2/utils/cpu_neon.h b/caffe2/utils/cpu_neon.h index 3adcc43953ed3..ea3fd0be7493e 100644 --- a/caffe2/utils/cpu_neon.h +++ b/caffe2/utils/cpu_neon.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_UTILS_CPU_NEON_H_ #define CAFFE2_UTILS_CPU_NEON_H_ diff --git a/caffe2/utils/cpuid.cc b/caffe2/utils/cpuid.cc index f42f2180b47fa..9825918d48661 100644 --- a/caffe2/utils/cpuid.cc +++ b/caffe2/utils/cpuid.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/utils/cpuid.h" namespace caffe2 { diff --git a/caffe2/utils/cpuid.h b/caffe2/utils/cpuid.h index 59b85c91f267a..ea488ad53ae74 100644 --- a/caffe2/utils/cpuid.h +++ b/caffe2/utils/cpuid.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include diff --git a/caffe2/utils/cpuid_test.cc b/caffe2/utils/cpuid_test.cc index f3694f5d0bacd..367072f6c76d9 100644 --- a/caffe2/utils/cpuid_test.cc +++ b/caffe2/utils/cpuid_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/utils/cpuid.h" diff --git a/caffe2/utils/fatal_signal_asan_no_sig_test.cc b/caffe2/utils/fatal_signal_asan_no_sig_test.cc index f636001c879ce..c09df11edf82e 100644 --- a/caffe2/utils/fatal_signal_asan_no_sig_test.cc +++ b/caffe2/utils/fatal_signal_asan_no_sig_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/utils/signal_handler.h" #if defined(CAFFE2_SUPPORTS_FATAL_SIGNAL_HANDLERS) #include diff --git a/caffe2/utils/fixed_divisor.h b/caffe2/utils/fixed_divisor.h index 8d1be8ddc0166..637a7c3de1b2b 100644 --- a/caffe2/utils/fixed_divisor.h +++ b/caffe2/utils/fixed_divisor.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_UTILS_FIXED_DIVISOR_H_ #define CAFFE2_UTILS_FIXED_DIVISOR_H_ diff --git a/caffe2/utils/fixed_divisor_test.cc b/caffe2/utils/fixed_divisor_test.cc index d912a3d60fd64..2defcba20d18b 100644 --- a/caffe2/utils/fixed_divisor_test.cc +++ b/caffe2/utils/fixed_divisor_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/utils/fixed_divisor.h" #include diff --git a/caffe2/utils/math-detail.h b/caffe2/utils/math-detail.h index 5630729d1a5ba..d2263e9b7c9ac 100644 --- a/caffe2/utils/math-detail.h +++ b/caffe2/utils/math-detail.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_UTILS_MATH_DETAIL_H_ #define CAFFE2_UTILS_MATH_DETAIL_H_ namespace caffe2 { diff --git a/caffe2/utils/math.h b/caffe2/utils/math.h index 0576b18f60e72..9f293e3589ba4 100644 --- a/caffe2/utils/math.h +++ b/caffe2/utils/math.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_UTILS_MATH_H_ #define CAFFE2_UTILS_MATH_H_ // This is a simple translation from the old Caffe math interfaces. We aim to diff --git a/caffe2/utils/math_cpu.cc b/caffe2/utils/math_cpu.cc index 009d5070a739f..61d25d400a690 100644 --- a/caffe2/utils/math_cpu.cc +++ b/caffe2/utils/math_cpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + // Implements the math functions for CPU. // The implementation in this file allows us to route the underlying numerical // computation library to different backends. Notably: diff --git a/caffe2/utils/math_gpu.cu b/caffe2/utils/math_gpu.cu index fabd971522c0e..544408d182550 100644 --- a/caffe2/utils/math_gpu.cu +++ b/caffe2/utils/math_gpu.cu @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + // Implements the math functions for CPU. #include diff --git a/caffe2/utils/math_gpu_test.cc b/caffe2/utils/math_gpu_test.cc index 8f1382dcaa6d2..ffc0c4b80ea88 100644 --- a/caffe2/utils/math_gpu_test.cc +++ b/caffe2/utils/math_gpu_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include diff --git a/caffe2/utils/math_test.cc b/caffe2/utils/math_test.cc index cad14d47045d3..5e712c8780431 100644 --- a/caffe2/utils/math_test.cc +++ b/caffe2/utils/math_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include #include "caffe2/core/blob.h" #include "caffe2/core/context.h" diff --git a/caffe2/utils/proto_utils.cc b/caffe2/utils/proto_utils.cc index c0e60deadd0b9..2d6d8f9156fab 100644 --- a/caffe2/utils/proto_utils.cc +++ b/caffe2/utils/proto_utils.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/utils/proto_utils.h" #include diff --git a/caffe2/utils/proto_utils.h b/caffe2/utils/proto_utils.h index 5f992cc95f1c6..cad33c392916e 100644 --- a/caffe2/utils/proto_utils.h +++ b/caffe2/utils/proto_utils.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_UTILS_PROTO_UTILS_H_ #define CAFFE2_UTILS_PROTO_UTILS_H_ diff --git a/caffe2/utils/proto_utils_test.cc b/caffe2/utils/proto_utils_test.cc index 645e08019c65d..26720b0748a26 100644 --- a/caffe2/utils/proto_utils_test.cc +++ b/caffe2/utils/proto_utils_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/utils/proto_utils.h" #include diff --git a/caffe2/utils/signal_handler.cc b/caffe2/utils/signal_handler.cc index 6883c6b5212d4..ef3035f986c4b 100644 --- a/caffe2/utils/signal_handler.cc +++ b/caffe2/utils/signal_handler.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/utils/signal_handler.h" #include "caffe2/core/logging.h" diff --git a/caffe2/utils/signal_handler.h b/caffe2/utils/signal_handler.h index e0c12a64e69c3..3fa192328b9f6 100644 --- a/caffe2/utils/signal_handler.h +++ b/caffe2/utils/signal_handler.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #if defined(__APPLE__) diff --git a/caffe2/utils/simple_queue.h b/caffe2/utils/simple_queue.h index 5adedf1dad43e..195d77d838426 100644 --- a/caffe2/utils/simple_queue.h +++ b/caffe2/utils/simple_queue.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_UTILS_SIMPLE_QUEUE_H_ #define CAFFE2_UTILS_SIMPLE_QUEUE_H_ diff --git a/caffe2/utils/simple_queue_test.cc b/caffe2/utils/simple_queue_test.cc index d0cf24acbf251..bcbd82c38bebf 100644 --- a/caffe2/utils/simple_queue_test.cc +++ b/caffe2/utils/simple_queue_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include // NOLINT #include "caffe2/utils/simple_queue.h" diff --git a/caffe2/utils/smart_tensor_printer.cc b/caffe2/utils/smart_tensor_printer.cc index feb669e4bbae0..61606d69cd02b 100644 --- a/caffe2/utils/smart_tensor_printer.cc +++ b/caffe2/utils/smart_tensor_printer.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "smart_tensor_printer.h" #include "caffe2/core/operator.h" diff --git a/caffe2/utils/smart_tensor_printer.h b/caffe2/utils/smart_tensor_printer.h index f99226d696438..833730f0cfcaa 100644 --- a/caffe2/utils/smart_tensor_printer.h +++ b/caffe2/utils/smart_tensor_printer.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include "caffe2/core/tensor.h" diff --git a/caffe2/utils/smart_tensor_printer_test.cc b/caffe2/utils/smart_tensor_printer_test.cc index 6c8255a073f33..48d33dd994e7a 100644 --- a/caffe2/utils/smart_tensor_printer_test.cc +++ b/caffe2/utils/smart_tensor_printer_test.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/utils/smart_tensor_printer.h" #include "caffe2/core/common.h" diff --git a/caffe2/utils/string_utils.cc b/caffe2/utils/string_utils.cc index 740ffc0cae48e..83c06963ea7c0 100644 --- a/caffe2/utils/string_utils.cc +++ b/caffe2/utils/string_utils.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/utils/string_utils.h" #include diff --git a/caffe2/utils/string_utils.h b/caffe2/utils/string_utils.h index 580558ace343b..9bf0a88d7149b 100644 --- a/caffe2/utils/string_utils.h +++ b/caffe2/utils/string_utils.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #pragma once #include diff --git a/caffe2/utils/thread_pool.h b/caffe2/utils/thread_pool.h index e8453f1e662d7..6d74a58b59551 100644 --- a/caffe2/utils/thread_pool.h +++ b/caffe2/utils/thread_pool.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_UTILS_THREAD_POOL_H_ #define CAFFE2_UTILS_THREAD_POOL_H_ diff --git a/caffe2/utils/threadpool/ThreadPool.cc b/caffe2/utils/threadpool/ThreadPool.cc index 8859a54656eeb..5b05b1b4b0f35 100644 --- a/caffe2/utils/threadpool/ThreadPool.cc +++ b/caffe2/utils/threadpool/ThreadPool.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/utils/threadpool/ThreadPool.h" #include "WorkersPool.h" #include "caffe2/core/logging.h" diff --git a/caffe2/utils/threadpool/ThreadPool.h b/caffe2/utils/threadpool/ThreadPool.h index d8769f86146f0..af368be35fbd0 100644 --- a/caffe2/utils/threadpool/ThreadPool.h +++ b/caffe2/utils/threadpool/ThreadPool.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_UTILS_THREADPOOL_H_ #define CAFFE2_UTILS_THREADPOOL_H_ diff --git a/caffe2/utils/threadpool/ThreadPoolCommon.h b/caffe2/utils/threadpool/ThreadPoolCommon.h index 4d7112a093fdc..5ad88cca9e890 100644 --- a/caffe2/utils/threadpool/ThreadPoolCommon.h +++ b/caffe2/utils/threadpool/ThreadPoolCommon.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_UTILS_THREADPOOL_COMMON_H_ #define CAFFE2_UTILS_THREADPOOL_COMMON_H_ diff --git a/caffe2/utils/threadpool/WorkersPool.h b/caffe2/utils/threadpool/WorkersPool.h index dc26f74f4c1e4..43d4db28d725a 100644 --- a/caffe2/utils/threadpool/WorkersPool.h +++ b/caffe2/utils/threadpool/WorkersPool.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/common.h" #include "caffe2/core/logging.h" #include diff --git a/caffe2/utils/threadpool/pthreadpool.cc b/caffe2/utils/threadpool/pthreadpool.cc index c22117936277d..5d7dc0cb1b843 100644 --- a/caffe2/utils/threadpool/pthreadpool.cc +++ b/caffe2/utils/threadpool/pthreadpool.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + /* Standard C headers */ #include #include diff --git a/caffe2/utils/threadpool/pthreadpool.h b/caffe2/utils/threadpool/pthreadpool.h index d45309d0247b1..95bf96eca45df 100644 --- a/caffe2/utils/threadpool/pthreadpool.h +++ b/caffe2/utils/threadpool/pthreadpool.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + // pthreadpool header from /~https://github.com/Maratyszcza/pthreadpool // for NNPACK #ifndef CAFFE2_UTILS_PTHREADPOOL_H_ diff --git a/caffe2/utils/threadpool/pthreadpool_impl.cc b/caffe2/utils/threadpool/pthreadpool_impl.cc index f6bbb3700b366..085827f095912 100644 --- a/caffe2/utils/threadpool/pthreadpool_impl.cc +++ b/caffe2/utils/threadpool/pthreadpool_impl.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/utils/threadpool/pthreadpool.h" #include "caffe2/utils/threadpool/pthreadpool_impl.h" #include "caffe2/utils/threadpool/ThreadPool.h" diff --git a/caffe2/utils/threadpool/pthreadpool_impl.h b/caffe2/utils/threadpool/pthreadpool_impl.h index ecc82b170829a..706323b010852 100644 --- a/caffe2/utils/threadpool/pthreadpool_impl.h +++ b/caffe2/utils/threadpool/pthreadpool_impl.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_UTILS_PTHREADPOOL_IMPL_H_ #define CAFFE2_UTILS_PTHREADPOOL_IMPL_H_ diff --git a/caffe2/utils/zmq_helper.h b/caffe2/utils/zmq_helper.h index be03d98b30364..c55653c4fbbfd 100644 --- a/caffe2/utils/zmq_helper.h +++ b/caffe2/utils/zmq_helper.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_UTILS_ZMQ_HELPER_H_ #define CAFFE2_UTILS_ZMQ_HELPER_H_ diff --git a/caffe2/video/video_decoder.cc b/caffe2/video/video_decoder.cc index d89cbf0d95410..72742c53581ca 100644 --- a/caffe2/video/video_decoder.cc +++ b/caffe2/video/video_decoder.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/video/video_decoder.h" #include "caffe2/core/logging.h" diff --git a/caffe2/video/video_decoder.h b/caffe2/video/video_decoder.h index 4853753cde5ab..bb85f5950bf61 100644 --- a/caffe2/video/video_decoder.h +++ b/caffe2/video/video_decoder.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_VIDEO_VIDEO_DECODER_H_ #define CAFFE2_VIDEO_VIDEO_DECODER_H_ diff --git a/caffe2/video/video_input_op.cc b/caffe2/video/video_input_op.cc index 88ef409e1dcac..c6345b51ba26d 100644 --- a/caffe2/video/video_input_op.cc +++ b/caffe2/video/video_input_op.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/video/video_input_op.h" namespace caffe2 { diff --git a/caffe2/video/video_input_op.h b/caffe2/video/video_input_op.h index c86e7f2a8015b..f5ce0698a126d 100644 --- a/caffe2/video/video_input_op.h +++ b/caffe2/video/video_input_op.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_VIDEO_VIDEO_INPUT_OP_H_ #define CAFFE2_VIDEO_VIDEO_INPUT_OP_H_ diff --git a/caffe2/video/video_input_op_gpu.cc b/caffe2/video/video_input_op_gpu.cc index bfc7086eb6724..085856611bb95 100644 --- a/caffe2/video/video_input_op_gpu.cc +++ b/caffe2/video/video_input_op_gpu.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/core/common_gpu.h" #include "caffe2/core/context_gpu.h" #include "caffe2/video/video_input_op.h" diff --git a/caffe2/video/video_io.cc b/caffe2/video/video_io.cc index 2fbbf534663e6..e3f158f16d59c 100644 --- a/caffe2/video/video_io.cc +++ b/caffe2/video/video_io.cc @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #include "caffe2/video/video_io.h" #include #include diff --git a/caffe2/video/video_io.h b/caffe2/video/video_io.h index 15d0cc0e4ffea..13799218c03de 100644 --- a/caffe2/video/video_io.h +++ b/caffe2/video/video_io.h @@ -1,3 +1,19 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + #ifndef CAFFE2_VIDEO_VIDEO_IO_H_ #define CAFFE2_VIDEO_VIDEO_IO_H_ diff --git a/scripts/add_apache_header.sh b/scripts/add_apache_header.sh new file mode 100755 index 0000000000000..a29a059d2d033 --- /dev/null +++ b/scripts/add_apache_header.sh @@ -0,0 +1 @@ +cat apache_header.txt $1 > _add_apache_header.txt && mv _add_apache_header.txt $1 diff --git a/scripts/apache_header.txt b/scripts/apache_header.txt new file mode 100644 index 0000000000000..67f07905fb0cb --- /dev/null +++ b/scripts/apache_header.txt @@ -0,0 +1,16 @@ +/** + * Copyright (c) 2016-present, Facebook, Inc. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + diff --git a/scripts/temp.sh b/scripts/temp.sh new file mode 100644 index 0000000000000..73e29d532312c --- /dev/null +++ b/scripts/temp.sh @@ -0,0 +1,6 @@ +find ../caffe2 -name "*.h" -exec ./add_apache_header.sh {} \; +find ../caffe2 -name "*.cc" -exec ./add_apache_header.sh {} \; +find ../caffe2 -name "*.cpp" -exec ./add_apache_header.sh {} \; +find ../caffe2 -name "*.cu" -exec ./add_apache_header.sh {} \; +find ../caffe2 -name "*.mm" -exec ./add_apache_header.sh {} \; +find ../caffe2 -name "*.m" -exec ./add_apache_header.sh {} \;