From 088f3b21660e975928d85fe4a7081903ccf9c6ef Mon Sep 17 00:00:00 2001 From: Mircho Rodozov Date: Wed, 21 Oct 2020 11:22:45 +0200 Subject: [PATCH] Remove unused patches --- herwigpp-7.1.2-gcc8.patch | 12 -- herwigpp-missingBoostMTLib.patch | 33 ----- tensorflow-1.6.0-eigen-backports.patch | 121 ------------------ tensorflow-1.6.0-eigen-rename-sigmoid.patch | 77 ----------- ...low-1.6.0-eigen-update-gemm_pack_lhs.patch | 20 --- tensorflow-1.6.0-rename-runtime.patch | 66 ---------- thepeg-2.1.1-gcc8.patch | 22 ---- vecgeom-add-ppc64-cmake-fix.patch | 14 -- vecgeom-uninit-fix.patch | 12 -- 9 files changed, 377 deletions(-) delete mode 100644 herwigpp-7.1.2-gcc8.patch delete mode 100644 herwigpp-missingBoostMTLib.patch delete mode 100644 tensorflow-1.6.0-eigen-backports.patch delete mode 100644 tensorflow-1.6.0-eigen-rename-sigmoid.patch delete mode 100644 tensorflow-1.6.0-eigen-update-gemm_pack_lhs.patch delete mode 100644 tensorflow-1.6.0-rename-runtime.patch delete mode 100644 thepeg-2.1.1-gcc8.patch delete mode 100644 vecgeom-add-ppc64-cmake-fix.patch delete mode 100644 vecgeom-uninit-fix.patch diff --git a/herwigpp-7.1.2-gcc8.patch b/herwigpp-7.1.2-gcc8.patch deleted file mode 100644 index 376ef3c7db3..00000000000 --- a/herwigpp-7.1.2-gcc8.patch +++ /dev/null @@ -1,12 +0,0 @@ -diff --git a/src/defaults/HerwigDefaults.in b/src/defaults/HerwigDefaults.in -index b623ae1..a5ed9c0 100644 ---- a/src/defaults/HerwigDefaults.in -+++ b/src/defaults/HerwigDefaults.in -@@ -29,6 +29,7 @@ globallibrary Herwig.so - - # Make the root directory in the Repository - rrmdir /Herwig -+mkdir / - mkdir /Herwig - - ##################################################################### diff --git a/herwigpp-missingBoostMTLib.patch b/herwigpp-missingBoostMTLib.patch deleted file mode 100644 index a2db8f2f5e5..00000000000 --- a/herwigpp-missingBoostMTLib.patch +++ /dev/null @@ -1,33 +0,0 @@ -diff -Naur Herwig-7.0.0/m4/boost.m4 boost.m4 ---- Herwig-7.0.0/m4/boost.m4 2015-07-08 13:52:11.770227514 +0100 -+++ boost.m4 2015-08-17 10:13:36.115747311 +0100 -@@ -372,8 +372,8 @@ - AC_DEFUN([_BOOST_FIND_LIBS], - [Boost_lib=no - case "$3" in #( -- (mt | mt-) boost_mt=-mt; boost_rtopt=;; #( -- (mt* | mt-*) boost_mt=-mt; boost_rtopt=`expr "X$3" : 'Xmt-*\(.*\)'`;; #( -+ (mt | mt-) boost_mt=; boost_rtopt=;; #( -+ (mt* | mt-*) boost_mt=; boost_rtopt=`expr "X$3" : 'X-*\(.*\)'`;; #( - (*) boost_mt=; boost_rtopt=$3;; - esac - if test $enable_static_boost = yes; then -@@ -388,7 +388,7 @@ - esac - # If the PREFERRED-RT-OPT are not empty, prepend a `-'. - test -n "$boost_rtopt" && boost_rtopt="-$boost_rtopt" -- $boost_guess_use_mt && boost_mt=-mt -+ $boost_guess_use_mt && boost_mt= - # Look for the abs path the static archive. - # $libext is computed by Libtool but let's make sure it's non empty. - test -z "$libext" && -@@ -423,7 +423,7 @@ - for boost_lib_ in $2; do - for boost_tag_ in -$boost_cv_lib_tag ''; do - for boost_ver_ in -$boost_cv_lib_version ''; do --for boost_mt_ in $boost_mt -mt ''; do -+for boost_mt_ in $boost_mt ''; do - for boost_rtopt_ in $boost_rtopt '' -d; do - for boost_lib in \ - boost_$boost_lib_$boost_tag_$boost_mt_$boost_rtopt_$boost_ver_ \ - diff --git a/tensorflow-1.6.0-eigen-backports.patch b/tensorflow-1.6.0-eigen-backports.patch deleted file mode 100644 index ebb8ac561b4..00000000000 --- a/tensorflow-1.6.0-eigen-backports.patch +++ /dev/null @@ -1,121 +0,0 @@ -commit 87b715325a74d34f1331d14d8df640308ec10d12 -Author: Brian Patton -Date: Tue Mar 20 06:25:19 2018 -0700 - - Adds float64 support for avg pool and its gradient. - - Eigen NumTraits is modified to directly use std::numeric_limits, which resolves a broken test caused by inconsistency between the host and devices values of Eigen::NumTraits::highest(). This returns +inf on device, due to third_party/eigen3/Eigen/src/Core/util/Meta.h, and __DBL_MAX__ (1.7976931348623157e+308) on host, making the behavior for doubles (on device) inconsistent with both the behavior of floats Eigen::NumTraits::highest() and the behavior of std::numeric_limits::max() - - PiperOrigin-RevId: 189731521 - -diff --git a/tensorflow/core/kernels/eigen_pooling.h b/tensorflow/core/kernels/eigen_pooling.h -index 896c995..2f83780 100644 ---- a/tensorflow/core/kernels/eigen_pooling.h -+++ b/tensorflow/core/kernels/eigen_pooling.h -@@ -334,7 +334,8 @@ struct AvgPoolMeanReducer { - } - - template -- void reducePacketWithType(T, const Packet& p, Packet* accum) { -+ EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void reducePacketWithType( -+ T, const Packet& p, Packet* accum) { - Packet skip_mask = - pequal(p, pset1(-Eigen::NumTraits::highest())); - (*accum) = padd(*accum, psel(p, pset1(0), skip_mask)); -@@ -480,11 +481,9 @@ SpatialAvgPooling(const Input& input, DenseIndex patchRows, - Eigen::type2index<3> > >::type reduction_dims; - #endif - return input -- .extract_image_patches( -- patchRows, patchCols, strideRows, strideCols, in_strideRows, -- in_strideCols, padding_type, -- -Eigen::NumTraits::Scalar>::type>::highest()) -+ .extract_image_patches(patchRows, patchCols, strideRows, strideCols, -+ in_strideRows, in_strideCols, padding_type, -+ -Eigen::NumTraits::highest()) - .reduce(reduction_dims, mean_with_nan) - .reshape(post_reduce_dims); - } - -commit f84e8257aa88fa45cc7a15835ad386565cd60237 -Author: A. Unique TensorFlower -Date: Fri Jun 1 16:48:10 2018 -0700 - - Change the Eigen reduction code to use a tree to improve numerical stability. - This changes the InnerMostDimReducer to use a summation tree, which is more numerically stable than the previous approach of sequential addition into an accumulator. - This solves the issue for reduction over all or a trailing subset of dimensions. - This change does not improve the numerical accuracy for MeanReducer, which maintains state. - - Benchmarks show a 40% (AVX) to 50% (SSE) slowdown for small row reductions (sum, float). column- and full reductions are unchanged. - - Cleaned up TensorFunctors.h a bit by moving the traits to reducer_traits and updating the code that uses the reducers accordingly. - - Introduced a new trait "IsExactlyAssociative" and new template specializations of InnerMostDimReducer to ensure that we only invoke the new and slightly more expensive codepath when it is needed, i.e. for sum reduction of non-integer types. - - PiperOrigin-RevId: 198946075 - -diff --git a/tensorflow/core/kernels/eigen_pooling.h b/tensorflow/core/kernels/eigen_pooling.h -index 2f83780..56de6b1 100644 ---- a/tensorflow/core/kernels/eigen_pooling.h -+++ b/tensorflow/core/kernels/eigen_pooling.h -@@ -372,16 +372,23 @@ struct reducer_traits, Device> { - Cost = 1, - #if (EIGEN_ARCH_i386 || EIGEN_ARCH_x86_64) && !defined(__CUDACC__) - // We only support packet access for floats. -- PacketAccess = true -+ PacketAccess = true, - #else -- PacketAccess = false -+ PacketAccess = false, - #endif -+ IsStateful = true, -+ IsExactlyAssociative = false - }; - }; - - template <> - struct reducer_traits, GpuDevice> { -- enum { Cost = 1, PacketAccess = false }; -+ enum { -+ Cost = 1, -+ PacketAccess = false, -+ IsStateful = true, -+ IsExactlyAssociative = false -+ }; - }; - - } // namespace internal - -commit cba65fbcecb828a3e6e7743f7e784c7d08d37ffb -Author: Eugene Zhulenev -Date: Fri Sep 14 12:34:21 2018 -0700 - - Define PreferBlockAccess enum to prepare for Eigen upgrade. - - PiperOrigin-RevId: 213025676 - -diff --git a/tensorflow/core/kernels/eigen_volume_patch.h b/tensorflow/core/kernels/eigen_volume_patch.h -index a3d7958..80ab745 100644 ---- a/tensorflow/core/kernels/eigen_volume_patch.h -+++ b/tensorflow/core/kernels/eigen_volume_patch.h -@@ -43,6 +43,7 @@ struct CustomTensorEvaluator { - IsAligned = false, - PacketAccess = TensorEvaluator::PacketAccess, - BlockAccess = false, -+ PreferBlockAccess = false, - Layout = TensorEvaluator::Layout, - CoordAccess = NumDims == 6, - RawAccess = false -diff --git a/tensorflow/core/kernels/mirror_pad_op.h b/tensorflow/core/kernels/mirror_pad_op.h -index cc4b694..62aa7d5 100644 ---- a/tensorflow/core/kernels/mirror_pad_op.h -+++ b/tensorflow/core/kernels/mirror_pad_op.h -@@ -103,6 +103,7 @@ struct TensorEvaluator, - IsAligned = false, - PacketAccess = TensorEvaluator::PacketAccess, - BlockAccess = false, -+ PreferBlockAccess = false, - Layout = TensorEvaluator::Layout, - CoordAccess = true, - RawAccess = false diff --git a/tensorflow-1.6.0-eigen-rename-sigmoid.patch b/tensorflow-1.6.0-eigen-rename-sigmoid.patch deleted file mode 100644 index 8ef8ab24a25..00000000000 --- a/tensorflow-1.6.0-eigen-rename-sigmoid.patch +++ /dev/null @@ -1,77 +0,0 @@ -commit f933c2c13cb014688497fd8a8791ead4fce34014 (HEAD, master) -Author: Andrea Bocci -Date: Thu Sep 27 09:32:00 2018 +0200 - - Rename Eigen's internal scalar_sigmoid_op to scalar_logistic_op - - Rename Eigen::internal::scalar_sigmoid_op to Eigen::internal::scalar_logistic_op, - following Eigen pull request #466 (master). - -diff --git a/tensorflow/contrib/lite/kernels/internal/optimized/optimized_ops.h b/tensorflow/contrib/lite/kernels/internal/optimized/optimized_ops.h -index 8163c76..bc4fdf0 100644 ---- a/tensorflow/contrib/lite/kernels/internal/optimized/optimized_ops.h -+++ b/tensorflow/contrib/lite/kernels/internal/optimized/optimized_ops.h -@@ -2072,12 +2072,12 @@ inline void LstmCell(const float* input_data, const Dims<4>& input_dims, - // Combined memory state and final output calculation - gemmlowp::ScopedProfilingLabel label2("MemoryStateAndFinalOutput"); - output_state_map = -- input_gate_sm.unaryExpr(Eigen::internal::scalar_sigmoid_op()) * -+ input_gate_sm.unaryExpr(Eigen::internal::scalar_logistic_op()) * - new_input_sm.tanh() + -- forget_gate_sm.unaryExpr(Eigen::internal::scalar_sigmoid_op()) * -+ forget_gate_sm.unaryExpr(Eigen::internal::scalar_logistic_op()) * - prev_state_map; - output_activ_map = -- output_gate_sm.unaryExpr(Eigen::internal::scalar_sigmoid_op()) * -+ output_gate_sm.unaryExpr(Eigen::internal::scalar_logistic_op()) * - output_state_map.tanh(); - } - -@@ -2786,7 +2786,7 @@ inline void Logistic(const float* input_data, const Dims<4>& input_dims, - auto input_map = MapAsVector(input_data, input_dims); - auto output_map = MapAsVector(output_data, output_dims); - output_map.array() = -- input_map.array().unaryExpr(Eigen::internal::scalar_sigmoid_op()); -+ input_map.array().unaryExpr(Eigen::internal::scalar_logistic_op()); - } - - inline void Logistic(const uint8* input_data, const Dims<4>& input_dims, -diff --git a/tensorflow/contrib/rnn/kernels/lstm_ops_gpu.cu.cc b/tensorflow/contrib/rnn/kernels/lstm_ops_gpu.cu.cc -index 6d3758f..0229ca7 100644 ---- a/tensorflow/contrib/rnn/kernels/lstm_ops_gpu.cu.cc -+++ b/tensorflow/contrib/rnn/kernels/lstm_ops_gpu.cu.cc -@@ -95,7 +95,7 @@ __global__ void lstm_gates(const T* icfo, const T* b, const T* cs_prev, - // - const int gid = batch_id * cell_size * 4 + act_id; - const int cid = batch_id * cell_size + act_id; -- Eigen::internal::scalar_sigmoid_op sigmoid_op; -+ Eigen::internal::scalar_logistic_op sigmoid_op; - Eigen::internal::scalar_tanh_op tanh_op; - Eigen::scalar_clip_op clip_op; - -diff --git a/tensorflow/core/grappler/costs/op_level_cost_estimator.cc b/tensorflow/core/grappler/costs/op_level_cost_estimator.cc -index cf31737..e782ca1 100644 ---- a/tensorflow/core/grappler/costs/op_level_cost_estimator.cc -+++ b/tensorflow/core/grappler/costs/op_level_cost_estimator.cc -@@ -234,7 +234,7 @@ OpLevelCostEstimator::OpLevelCostEstimator() { - {"Relu", Eigen::internal::functor_traits< - Eigen::internal::scalar_max_op>::Cost}, - {"Sigmoid", Eigen::internal::functor_traits< -- Eigen::internal::scalar_sigmoid_op>::Cost}, -+ Eigen::internal::scalar_logistic_op>::Cost}, - {"Sign", Eigen::internal::functor_traits< - Eigen::internal::scalar_sign_op>::Cost}, - {"Sin", Eigen::internal::functor_traits< -diff --git a/tensorflow/core/kernels/cwise_ops.h b/tensorflow/core/kernels/cwise_ops.h -index 0691807..0c0e6b4 100644 ---- a/tensorflow/core/kernels/cwise_ops.h -+++ b/tensorflow/core/kernels/cwise_ops.h -@@ -617,7 +617,7 @@ template - struct erfc : base> {}; - - template --struct sigmoid : base> {}; -+struct sigmoid : base> {}; - - template - struct sin : base> {}; diff --git a/tensorflow-1.6.0-eigen-update-gemm_pack_lhs.patch b/tensorflow-1.6.0-eigen-update-gemm_pack_lhs.patch deleted file mode 100644 index 61339cb5ddc..00000000000 --- a/tensorflow-1.6.0-eigen-update-gemm_pack_lhs.patch +++ /dev/null @@ -1,20 +0,0 @@ -commit 724e558629ded6ff82563a42170337fd2a06e354 (HEAD, master) -Author: Andrea Bocci -Date: Thu Sep 27 10:07:30 2018 +0200 - - Add "packet" template parameter to gemm_pack_lhs<> - -diff --git a/tensorflow/core/kernels/deep_conv2d.cc b/tensorflow/core/kernels/deep_conv2d.cc -index 829155f..693eb25 100644 ---- a/tensorflow/core/kernels/deep_conv2d.cc -+++ b/tensorflow/core/kernels/deep_conv2d.cc -@@ -500,7 +500,8 @@ class GemmFilterPacker { - LhsMapper; - typedef Eigen::internal::gebp_traits Traits; - Eigen::internal::gemm_pack_lhs -+ Traits::LhsProgress, typename Traits::LhsPacket, -+ Eigen::RowMajor> - pack_lhs; - - GemmFilterPacker(const int64 rows, const int64 depth, const T* lhs_input, diff --git a/tensorflow-1.6.0-rename-runtime.patch b/tensorflow-1.6.0-rename-runtime.patch deleted file mode 100644 index e315781c6c3..00000000000 --- a/tensorflow-1.6.0-rename-runtime.patch +++ /dev/null @@ -1,66 +0,0 @@ -diff --git a/tensorflow/compiler/aot/BUILD b/tensorflow/compiler/aot/BUILD -index 0540260..5bea30c 100644 ---- a/tensorflow/compiler/aot/BUILD -+++ b/tensorflow/compiler/aot/BUILD -@@ -10,7 +10,7 @@ load("//tensorflow:tensorflow.bzl", "tf_cc_binary") - - # Optional runtime utilities for use by code generated by tfcompile. - cc_library( -- name = "runtime", -+ name = "tf_aot_runtime", - srcs = ["runtime.cc"], - hdrs = ["runtime.h"], - visibility = ["//visibility:public"], -@@ -23,7 +23,7 @@ tf_cc_test( - name = "runtime_test", - srcs = ["runtime_test.cc"], - deps = [ -- ":runtime", -+ ":tf_aot_runtime", - "//tensorflow/core:framework", - "//tensorflow/core:test", - "//tensorflow/core:test_main", -@@ -53,7 +53,7 @@ cc_library( - ], - deps = [ - ":embedded_protocol_buffers", -- ":runtime", # needed by codegen to print aligned_buffer_bytes -+ ":tf_aot_runtime", # needed by codegen to print aligned_buffer_bytes - "//tensorflow/compiler/tf2xla", - "//tensorflow/compiler/tf2xla:common", - "//tensorflow/compiler/tf2xla:tf2xla_proto", -diff --git a/tensorflow/compiler/aot/tfcompile.bzl b/tensorflow/compiler/aot/tfcompile.bzl -index 58572fe..4518115 100644 ---- a/tensorflow/compiler/aot/tfcompile.bzl -+++ b/tensorflow/compiler/aot/tfcompile.bzl -@@ -275,7 +275,7 @@ def tf_library(name, graph, config, - srcs=[test_file], - deps=[ - ":" + name, -- "//tensorflow/compiler/aot:runtime", -+ "//tensorflow/compiler/aot:tf_aot_runtime", - "//tensorflow/compiler/aot:tf_library_test_main", - "//tensorflow/compiler/xla:executable_run_options", - "//third_party/eigen3", -@@ -323,7 +323,7 @@ def tf_library(name, graph, config, - deps=[ - ":" + name, - "//tensorflow/compiler/aot:benchmark", -- "//tensorflow/compiler/aot:runtime", -+ "//tensorflow/compiler/aot:tf_aot_runtime", - "//tensorflow/compiler/xla:executable_run_options", - "//third_party/eigen3", - ] + if_android([ -diff --git a/tensorflow/compiler/tf2xla/BUILD b/tensorflow/compiler/tf2xla/BUILD -index 3c7dfef..4c07a96 100644 ---- a/tensorflow/compiler/tf2xla/BUILD -+++ b/tensorflow/compiler/tf2xla/BUILD -@@ -90,7 +90,7 @@ cc_library( - deps = [ - # Keep dependencies to a minimum here; this library is used in every AOT - # binary produced by tfcompile. -- "//tensorflow/compiler/aot:runtime", -+ "//tensorflow/compiler/aot:tf_aot_runtime", - "//tensorflow/compiler/xla:executable_run_options", - "//tensorflow/core:framework_lite", - ], diff --git a/thepeg-2.1.1-gcc8.patch b/thepeg-2.1.1-gcc8.patch deleted file mode 100644 index 64c4968f4b2..00000000000 --- a/thepeg-2.1.1-gcc8.patch +++ /dev/null @@ -1,22 +0,0 @@ -diff --git a/EventRecord/Particle.tcc b/EventRecord/Particle.tcc -index 89f1b75..79b9325 100644 ---- a/EventRecord/Particle.tcc -+++ b/EventRecord/Particle.tcc -@@ -15,7 +15,7 @@ - namespace ThePEG { - - struct ParticleNumLess { -- bool operator()(tPPtr p1, tPPtr p2) -+ bool operator()(tPPtr p1, tPPtr p2) const - { return p1->number() < p2->number(); } - }; - -diff --git a/src/ThePEGDefaults.in b/src/ThePEGDefaults.in -index d16d954..07d07df 100644 ---- a/src/ThePEGDefaults.in -+++ b/src/ThePEGDefaults.in -@@ -1,3 +1,4 @@ -+mkdir / - mkdir /Dummy - mkdir /Dummy/Decayers - mkdir /Defaults diff --git a/vecgeom-add-ppc64-cmake-fix.patch b/vecgeom-add-ppc64-cmake-fix.patch deleted file mode 100644 index eb29c41b6f6..00000000000 --- a/vecgeom-add-ppc64-cmake-fix.patch +++ /dev/null @@ -1,14 +0,0 @@ -diff --git a/CMakeLists.txt b/CMakeLists.txt -index b3014e9..e3604be 100644 ---- a/CMakeLists.txt -+++ b/CMakeLists.txt -@@ -372,6 +372,9 @@ elseif (${_arch_lo} MATCHES native) - if (Intel) - set(VECGEOM_CXX_FLAGS "${VECGEOM_CXX_FLAGS} -xHost") - set(VECGEOM_COMPILATION_FLAGS "${VECGEOM_COMPILATION_FLAGS} -xHost") -+ elseif(CMAKE_SYSTEM_PROCESSOR MATCHES "^(powerpc|ppc)64le") -+ set(VECGEOM_CXX_FLAGS "${VECGEOM_CXX_FLAGS} -mcpu=${_arch_lo} -mtune=${_arch_lo}") -+ set(VECGEOM_COMPILATION_FLAGS "${VECGEOM_COMPILATION_FLAGS} -mcpu=${_arch_lo} -mtune=${_arch_lo}") - else() - set(VECGEOM_CXX_FLAGS "${VECGEOM_CXX_FLAGS} -march=${_arch_lo}") - set(VECGEOM_COMPILATION_FLAGS "${VECGEOM_COMPILATION_FLAGS} -march=${_arch_lo}") diff --git a/vecgeom-uninit-fix.patch b/vecgeom-uninit-fix.patch deleted file mode 100644 index d5acaf88e3c..00000000000 --- a/vecgeom-uninit-fix.patch +++ /dev/null @@ -1,12 +0,0 @@ -diff --git a/volumes/UnplacedPolycone.h b/volumes/UnplacedPolycone.h -index 607c4d8..526b7c5 100644 ---- a/volumes/UnplacedPolycone.h -+++ b/volumes/UnplacedPolycone.h -@@ -36,6 +36,7 @@ public: - // init internal members - fPolycone.fContinuityOverAll = true; - fPolycone.fConvexityPossible = true; -+ fPolycone.fEqualRmax = true; - fPolycone.Init(phistart, deltaphi, Nz, z, rmin, rmax); - DetectConvexity(); - }