Skip to content

Commit

Permalink
chore: remove more variables (#18323)
Browse files Browse the repository at this point in the history
  • Loading branch information
adomani committed Oct 28, 2024
1 parent 2d2bbe0 commit 73c9a63
Show file tree
Hide file tree
Showing 33 changed files with 47 additions and 63 deletions.
2 changes: 1 addition & 1 deletion Mathlib/Algebra/Lie/Killing.lean
Original file line number Diff line number Diff line change
Expand Up @@ -38,7 +38,7 @@ This file contains basic definitions and results for such Lie algebras.
-/

variable (R K L M : Type*) [CommRing R] [Field K] [LieRing L] [LieAlgebra R L] [LieAlgebra K L]
variable (R K L : Type*) [CommRing R] [Field K] [LieRing L] [LieAlgebra R L] [LieAlgebra K L]

namespace LieAlgebra

Expand Down
2 changes: 1 addition & 1 deletion Mathlib/Analysis/Asymptotics/AsymptoticEquivalent.lean
Original file line number Diff line number Diff line change
Expand Up @@ -171,7 +171,7 @@ open Asymptotics

section NormedField

variable {α β : Type*} [NormedField β] {t u v w : α → β} {l : Filter α}
variable {α β : Type*} [NormedField β] {u v : α → β} {l : Filter α}

theorem isEquivalent_iff_exists_eq_mul :
u ~[l] v ↔ ∃ (φ : α → β) (_ : Tendsto φ l (𝓝 1)), u =ᶠ[l] φ * v := by
Expand Down
5 changes: 2 additions & 3 deletions Mathlib/Analysis/Complex/Conformal.lean
Original file line number Diff line number Diff line change
Expand Up @@ -41,8 +41,7 @@ theorem isConformalMap_conj : IsConformalMap (conjLIE : ℂ →L[ℝ] ℂ) :=

section ConformalIntoComplexNormed

variable {E : Type*} [NormedAddCommGroup E] [NormedSpace ℝ E] [NormedSpace ℂ E] {z : ℂ}
{g : ℂ →L[ℝ] E} {f : ℂ → E}
variable {E : Type*} [NormedAddCommGroup E] [NormedSpace ℝ E] [NormedSpace ℂ E]

theorem isConformalMap_complex_linear {map : ℂ →L[ℂ] E} (nonzero : map ≠ 0) :
IsConformalMap (map.restrictScalars ℝ) := by
Expand Down Expand Up @@ -70,7 +69,7 @@ section ConformalIntoComplexPlane

open ContinuousLinearMap

variable {f : ℂ → ℂ} {z : ℂ} {g : ℂ →L[ℝ] ℂ}
variable {g : ℂ →L[ℝ] ℂ}

theorem IsConformalMap.is_complex_or_conj_linear (h : IsConformalMap g) :
(∃ map : ℂ →L[ℂ] ℂ, map.restrictScalars ℝ = g) ∨
Expand Down
2 changes: 1 addition & 1 deletion Mathlib/Analysis/Complex/UpperHalfPlane/Metric.lean
Original file line number Diff line number Diff line change
Expand Up @@ -29,7 +29,7 @@ open scoped UpperHalfPlane ComplexConjugate NNReal Topology MatrixGroups

open Set Metric Filter Real

variable {z w : ℍ} {r R : ℝ}
variable {z w : ℍ} {r : ℝ}

namespace UpperHalfPlane

Expand Down
5 changes: 2 additions & 3 deletions Mathlib/Analysis/Convex/Integral.lean
Original file line number Diff line number Diff line change
Expand Up @@ -39,9 +39,8 @@ open MeasureTheory MeasureTheory.Measure Metric Set Filter TopologicalSpace Func

open scoped Topology ENNReal Convex

variable {α E F : Type*} {m0 : MeasurableSpace α} [NormedAddCommGroup E] [NormedSpace ℝ E]
[CompleteSpace E] [NormedAddCommGroup F] [NormedSpace ℝ F] [CompleteSpace F] {μ : Measure α}
{s : Set E} {t : Set α} {f : α → E} {g : E → ℝ} {C : ℝ}
variable {α E : Type*} {m0 : MeasurableSpace α} [NormedAddCommGroup E] [NormedSpace ℝ E]
[CompleteSpace E] {μ : Measure α} {s : Set E} {t : Set α} {f : α → E} {g : E → ℝ} {C : ℝ}

/-!
### Non-strict Jensen's inequality
Expand Down
1 change: 0 additions & 1 deletion Mathlib/Analysis/Convex/Side.lean
Original file line number Diff line number Diff line change
Expand Up @@ -345,7 +345,6 @@ end StrictOrderedCommRing
section LinearOrderedField

variable [LinearOrderedField R] [AddCommGroup V] [Module R V] [AddTorsor V P]
variable [AddCommGroup V'] [Module R V'] [AddTorsor V' P']

@[simp]
theorem wOppSide_self_iff {s : AffineSubspace R P} {x : P} : s.WOppSide x x ↔ x ∈ s := by
Expand Down
4 changes: 2 additions & 2 deletions Mathlib/Analysis/Convex/Strong.lean
Original file line number Diff line number Diff line change
Expand Up @@ -27,7 +27,7 @@ open Real
variable {E : Type*} [NormedAddCommGroup E]

section NormedSpace
variable [NormedSpace ℝ E] {φ ψ : ℝ → ℝ} {s : Set E} {a b m : ℝ} {x y : E} {f g : E → ℝ}
variable [NormedSpace ℝ E] {φ ψ : ℝ → ℝ} {s : Set E} {m : ℝ} {f g : E → ℝ}

/-- A function `f` from a real normed space is uniformly convex with modulus `φ` if
`f (t • x + (1 - t) • y) ≤ t • f x + (1 - t) • f y - t * (1 - t) * φ ‖x - y‖` for all `t ∈ [0, 1]`.
Expand Down Expand Up @@ -145,7 +145,7 @@ nonrec lemma StrongConcaveOn.strictConcaveOn (hf : StrongConcaveOn s m f) (hm :
end NormedSpace

section InnerProductSpace
variable [InnerProductSpace ℝ E] {φ ψ : ℝ → ℝ} {s : Set E} {a b m : ℝ} {x y : E} {f : E → ℝ}
variable [InnerProductSpace ℝ E] {s : Set E} {a b m : ℝ} {x y : E} {f : E → ℝ}

private lemma aux_sub (ha : 0 ≤ a) (hb : 0 ≤ b) (hab : a + b = 1) :
a * (f x - m / (2 : ℝ) * ‖x‖ ^ 2) + b * (f y - m / (2 : ℝ) * ‖y‖ ^ 2) +
Expand Down
6 changes: 3 additions & 3 deletions Mathlib/Analysis/LocallyConvex/AbsConvex.lean
Original file line number Diff line number Diff line change
Expand Up @@ -49,7 +49,7 @@ open NormedField Set

open NNReal Pointwise Topology

variable {𝕜 E F G ι : Type*}
variable {𝕜 E : Type*}

section AbsolutelyConvex

Expand Down Expand Up @@ -103,7 +103,7 @@ theorem absConvexHull_eq_iInter :
absConvexHull 𝕜 s = ⋂ (t : Set E) (_ : s ⊆ t) (_ : AbsConvex 𝕜 t), t := by
simp [absConvexHull, iInter_subtype, iInter_and]

variable {t : Set E} {x y : E}
variable {t : Set E} {x : E}

theorem mem_absConvexHull_iff : x ∈ absConvexHull 𝕜 s ↔ ∀ t, s ⊆ t → AbsConvex 𝕜 t → x ∈ t := by
simp_rw [absConvexHull_eq_iInter, mem_iInter]
Expand Down Expand Up @@ -151,7 +151,7 @@ end AbsolutelyConvex

section NontriviallyNormedField

variable (𝕜 E) {s : Set E}
variable (𝕜 E)
variable [NontriviallyNormedField 𝕜] [AddCommGroup E] [Module 𝕜 E]
variable [Module ℝ E] [SMulCommClass ℝ 𝕜 E]
variable [TopologicalSpace E] [LocallyConvexSpace ℝ E] [ContinuousSMul 𝕜 E]
Expand Down
2 changes: 1 addition & 1 deletion Mathlib/Analysis/LocallyConvex/Bounded.lean
Original file line number Diff line number Diff line change
Expand Up @@ -42,7 +42,7 @@ von Neumann-bounded sets.
-/


variable {𝕜 𝕜' E E' F ι : Type*}
variable {𝕜 𝕜' E F ι : Type*}

open Set Filter Function
open scoped Topology Pointwise
Expand Down
6 changes: 2 additions & 4 deletions Mathlib/Analysis/LocallyConvex/WeakDual.lean
Original file line number Diff line number Diff line change
Expand Up @@ -38,7 +38,7 @@ weak dual, seminorm
-/


variable {𝕜 E F ι : Type*}
variable {𝕜 E F : Type*}

open Topology

Expand Down Expand Up @@ -84,8 +84,6 @@ end BilinForm
section Topology

variable [NormedField 𝕜] [AddCommGroup E] [Module 𝕜 E] [AddCommGroup F] [Module 𝕜 F]
variable [Nonempty ι]
variable {B : E →ₗ[𝕜] F →ₗ[𝕜] 𝕜}

theorem LinearMap.hasBasis_weakBilin (B : E →ₗ[𝕜] F →ₗ[𝕜] 𝕜) :
(𝓝 (0 : WeakBilin B)).HasBasis B.toSeminormFamily.basisSets _root_.id := by
Expand Down Expand Up @@ -134,7 +132,7 @@ end Topology
section LocallyConvex

variable [NormedField 𝕜] [AddCommGroup E] [Module 𝕜 E] [AddCommGroup F] [Module 𝕜 F]
variable [Nonempty ι] [NormedSpace ℝ 𝕜] [Module ℝ E] [IsScalarTower ℝ 𝕜 E]
variable [NormedSpace ℝ 𝕜] [Module ℝ E] [IsScalarTower ℝ 𝕜 E]

instance WeakBilin.locallyConvexSpace {B : E →ₗ[𝕜] F →ₗ[𝕜] 𝕜} :
LocallyConvexSpace ℝ (WeakBilin B) :=
Expand Down
2 changes: 1 addition & 1 deletion Mathlib/Analysis/Normed/Affine/AddTorsor.lean
Original file line number Diff line number Diff line change
Expand Up @@ -22,7 +22,7 @@ open NNReal Topology

open Filter

variable {α V P W Q : Type*} [SeminormedAddCommGroup V] [PseudoMetricSpace P] [NormedAddTorsor V P]
variable {V P W Q : Type*} [SeminormedAddCommGroup V] [PseudoMetricSpace P] [NormedAddTorsor V P]
[NormedAddCommGroup W] [MetricSpace Q] [NormedAddTorsor W Q]

section NormedSpace
Expand Down
8 changes: 4 additions & 4 deletions Mathlib/Analysis/Normed/Group/Pointwise.lean
Original file line number Diff line number Diff line change
Expand Up @@ -22,7 +22,7 @@ variable {E : Type*}

section SeminormedGroup

variable [SeminormedGroup E] {ε δ : ℝ} {s t : Set E} {x y : E}
variable [SeminormedGroup E] {s t : Set E}

-- note: we can't use `LipschitzOnWith.isBounded_image2` here without adding `[IsometricSMul E E]`
@[to_additive]
Expand Down Expand Up @@ -50,7 +50,7 @@ end SeminormedGroup

section SeminormedCommGroup

variable [SeminormedCommGroup E] {ε δ : ℝ} {s t : Set E} {x y : E}
variable [SeminormedCommGroup E] {δ : ℝ} {s : Set E} {x y : E}

section EMetric

Expand All @@ -73,7 +73,7 @@ theorem ediam_mul_le (x y : Set E) : EMetric.diam (x * y) ≤ EMetric.diam x + E

end EMetric

variable (ε δ s t x y)
variable (δ s x y)

@[to_additive (attr := simp)]
theorem inv_thickening : (thickening δ s)⁻¹ = thickening δ s⁻¹ := by
Expand Down Expand Up @@ -188,7 +188,7 @@ theorem ball_mul : ball x δ * s = x • thickening δ s := by rw [mul_comm, mul
@[to_additive (attr := simp)]
theorem ball_div : ball x δ / s = x • thickening δ s⁻¹ := by simp [div_eq_mul_inv]

variable {ε δ s t x y}
variable {δ s x y}

@[to_additive]
theorem IsCompact.mul_closedBall_one (hs : IsCompact s) (hδ : 0 ≤ δ) :
Expand Down
4 changes: 2 additions & 2 deletions Mathlib/Analysis/Normed/Order/UpperLower.lean
Original file line number Diff line number Diff line change
Expand Up @@ -114,7 +114,7 @@ theorem IsLowerSet.mem_interior_of_forall_lt (hs : IsLowerSet s) (hx : x ∈ clo
end Finite

section Fintype
variable [Fintype ι] {s t : Set (ι → ℝ)} {a₁ a₂ b₁ b₂ x y : ι → ℝ} {δ : ℝ}
variable [Fintype ι] {s : Set (ι → ℝ)} {a₁ a₂ b₁ b₂ x y : ι → ℝ} {δ : ℝ}

-- TODO: Generalise those lemmas so that they also apply to `ℝ` and `EuclideanSpace ι ℝ`
lemma dist_inf_sup_pi (x y : ι → ℝ) : dist (x ⊓ y) (x ⊔ y) = dist x y := by
Expand Down Expand Up @@ -184,7 +184,7 @@ theorem IsLowerSet.exists_subset_ball (hs : IsLowerSet s) (hx : x ∈ closure s)
end Fintype

section Finite
variable [Finite ι] {s t : Set (ι → ℝ)} {a₁ a₂ b₁ b₂ x y : ι → ℝ} {δ : ℝ}
variable [Finite ι] {s : Set (ι → ℝ)}

/-!
#### Note
Expand Down
2 changes: 1 addition & 1 deletion Mathlib/Analysis/Normed/Ring/Seminorm.lean
Original file line number Diff line number Diff line change
Expand Up @@ -39,7 +39,7 @@ ring_seminorm, ring_norm

open NNReal

variable {F R S : Type*} (x y : R) (r : ℝ)
variable {R : Type*}

/-- A seminorm on a ring `R` is a function `f : R → ℝ` that preserves zero, takes nonnegative
values, is subadditive and submultiplicative and such that `f (-x) = f x` for all `x ∈ R`. -/
Expand Down
10 changes: 4 additions & 6 deletions Mathlib/Analysis/Seminorm.lean
Original file line number Diff line number Diff line change
Expand Up @@ -38,7 +38,7 @@ open NormedField Set Filter

open scoped NNReal Pointwise Topology Uniformity

variable {R R' 𝕜 𝕜₂ 𝕜₃ 𝕝 E E₂ E₃ F G ι : Type*}
variable {R R' 𝕜 𝕜₂ 𝕜₃ 𝕝 E E₂ E₃ F ι : Type*}

/-- A seminorm on a module over a normed ring is a function to the reals that is positive
semidefinite, positive homogeneous, and subadditive. -/
Expand Down Expand Up @@ -138,7 +138,7 @@ theorem zero_apply (x : E) : (0 : Seminorm 𝕜 E) x = 0 :=
instance : Inhabited (Seminorm 𝕜 E) :=
0

variable (p : Seminorm 𝕜 E) (c : 𝕜) (x y : E) (r : ℝ)
variable (p : Seminorm 𝕜 E) (x : E) (r : ℝ)

/-- Any action on `ℝ` which factors through `ℝ≥0` applies to a seminorm. -/
instance instSMul [SMul R ℝ] [SMul R ℝ≥0] [IsScalarTower R ℝ≥0 ℝ] : SMul R (Seminorm 𝕜 E) where
Expand Down Expand Up @@ -261,8 +261,7 @@ variable {σ₁₂ : 𝕜 →+* 𝕜₂} [RingHomIsometric σ₁₂]
variable {σ₂₃ : 𝕜₂ →+* 𝕜₃} [RingHomIsometric σ₂₃]
variable {σ₁₃ : 𝕜 →+* 𝕜₃} [RingHomIsometric σ₁₃]
variable [AddCommGroup E] [AddCommGroup E₂] [AddCommGroup E₃]
variable [AddCommGroup F] [AddCommGroup G]
variable [Module 𝕜 E] [Module 𝕜₂ E₂] [Module 𝕜₃ E₃] [Module 𝕜 F] [Module 𝕜 G]
variable [Module 𝕜 E] [Module 𝕜₂ E₂] [Module 𝕜₃ E₃]

-- Porting note: even though this instance is found immediately by typeclass search,
-- it seems to be needed below!?
Expand Down Expand Up @@ -867,8 +866,7 @@ end SeminormedRing

section NormedField

variable [NormedField 𝕜] [AddCommGroup E] [Module 𝕜 E] (p : Seminorm 𝕜 E) {A B : Set E} {a : 𝕜}
{r : ℝ} {x : E}
variable [NormedField 𝕜] [AddCommGroup E] [Module 𝕜 E] (p : Seminorm 𝕜 E) {r : ℝ} {x : E}

theorem closedBall_iSup {ι : Sort*} {p : ι → Seminorm 𝕜 E} (hp : BddAbove (range p)) (e : E)
{r : ℝ} (hr : 0 < r) : closedBall (⨆ i, p i) e r = ⋂ i, closedBall (p i) e r := by
Expand Down
2 changes: 1 addition & 1 deletion Mathlib/Analysis/SpecialFunctions/Integrals.lean
Original file line number Diff line number Diff line change
Expand Up @@ -43,7 +43,7 @@ namespace intervalIntegral

open MeasureTheory

variable {f : ℝ → ℝ} {μ ν : Measure ℝ} [IsLocallyFiniteMeasure μ] (c d : ℝ)
variable {f : ℝ → ℝ} {μ : Measure ℝ} [IsLocallyFiniteMeasure μ] (c d : ℝ)

/-! ### Interval integrability -/

Expand Down
2 changes: 0 additions & 2 deletions Mathlib/Analysis/SpecialFunctions/Log/Monotone.lean
Original file line number Diff line number Diff line change
Expand Up @@ -25,8 +25,6 @@ noncomputable section

namespace Real

variable {x y : ℝ}

theorem log_mul_self_monotoneOn : MonotoneOn (fun x : ℝ => log x * x) { x | 1 ≤ x } := by
-- TODO: can be strengthened to exp (-1) ≤ x
simp only [MonotoneOn, mem_setOf_eq]
Expand Down
2 changes: 1 addition & 1 deletion Mathlib/Analysis/SpecificLimits/Normed.lean
Original file line number Diff line number Diff line change
Expand Up @@ -27,7 +27,7 @@ noncomputable section

open Set Function Filter Finset Metric Asymptotics Topology Nat NNReal ENNReal

variableβ ι : Type*}
variable {α : Type*}

/-! ### Powers -/

Expand Down
3 changes: 0 additions & 3 deletions Mathlib/CategoryTheory/Sites/Equivalence.lean
Original file line number Diff line number Diff line change
Expand Up @@ -167,9 +167,6 @@ theorem hasSheafCompose : J.HasSheafCompose F where
e.functor.op_comp_isSheaf _ _ ⟨_, hP'⟩
exact (Presheaf.isSheaf_of_iso_iff ((isoWhiskerRight e.op.unitIso.symm (P ⋙ F)))).mp hP'

variable [ConcreteCategory.{w} A]
variable {F G : Cᵒᵖ ⥤ A} (f : F ⟶ G)

end Equivalence

variable (B : Type u₄) [Category.{v₄} B] (F : A ⥤ B)
Expand Down
3 changes: 1 addition & 2 deletions Mathlib/Combinatorics/SimpleGraph/Regularity/Bound.lean
Original file line number Diff line number Diff line change
Expand Up @@ -196,8 +196,7 @@ theorem le_bound : l ≤ bound ε l :=
theorem bound_pos : 0 < bound ε l :=
(initialBound_pos ε l).trans_le <| initialBound_le_bound ε l

variable {ι 𝕜 : Type*} [LinearOrderedField 𝕜] (r : ι → ι → Prop) [DecidableRel r] {s t : Finset ι}
{x : 𝕜}
variable {ι 𝕜 : Type*} [LinearOrderedField 𝕜] {s t : Finset ι} {x : 𝕜}

theorem mul_sq_le_sum_sq (hst : s ⊆ t) (f : ι → 𝕜) (hs : x ^ 2 ≤ ((∑ i ∈ s, f i) / #s) ^ 2)
(hs' : (#s : 𝕜) ≠ 0) : (#s : 𝕜) * x ^ 2 ≤ ∑ i ∈ t, f i ^ 2 :=
Expand Down
2 changes: 0 additions & 2 deletions Mathlib/FieldTheory/Finite/Basic.lean
Original file line number Diff line number Diff line change
Expand Up @@ -328,8 +328,6 @@ theorem X_pow_card_pow_sub_X_ne_zero (hn : n ≠ 0) (hp : 1 < p) : (X ^ p ^ n -

end

variable (p : ℕ) [Fact p.Prime] [Algebra (ZMod p) K]

theorem roots_X_pow_card_sub_X : roots (X ^ q - X : K[X]) = Finset.univ.val := by
classical
have aux : (X ^ q - X : K[X]) ≠ 0 := X_pow_card_sub_X_ne_zero K Fintype.one_lt_card
Expand Down
2 changes: 1 addition & 1 deletion Mathlib/Geometry/Euclidean/Inversion/Basic.lean
Original file line number Diff line number Diff line change
Expand Up @@ -32,7 +32,7 @@ variable {V P : Type*} [NormedAddCommGroup V] [InnerProductSpace ℝ V] [MetricS

namespace EuclideanGeometry

variable {a b c d x y z : P} {r R : ℝ}
variable {c x y : P} {R : ℝ}

/-- Inversion in a sphere in an affine space. This map sends each point `x` to the point `y` such
that `y -ᵥ c = (R / dist x c) ^ 2 • (x -ᵥ c)`, where `c` and `R` are the center and the radius the
Expand Down
4 changes: 2 additions & 2 deletions Mathlib/LinearAlgebra/Matrix/Diagonal.lean
Original file line number Diff line number Diff line change
Expand Up @@ -52,7 +52,7 @@ end CommSemiring

section Semifield

variable {m n : Type*} [Fintype m] [Fintype n] {K : Type u} [Semifield K]
variable {m : Type*} [Fintype m] {K : Type u} [Semifield K]

-- maybe try to relax the universe constraint
theorem ker_diagonal_toLin' [DecidableEq m] (w : m → K) :
Expand Down Expand Up @@ -81,7 +81,7 @@ namespace LinearMap

section Field

variable {m n : Type*} [Fintype m] [Fintype n] {K : Type u} [Field K]
variable {m : Type*} [Fintype m] {K : Type u} [Field K]

theorem rank_diagonal [DecidableEq m] [DecidableEq K] (w : m → K) :
LinearMap.rank (toLin' (diagonal w)) = Fintype.card { i // w i ≠ 0 } := by
Expand Down
3 changes: 1 addition & 2 deletions Mathlib/LinearAlgebra/QuadraticForm/Basic.lean
Original file line number Diff line number Diff line change
Expand Up @@ -786,7 +786,6 @@ theorem _root_.QuadraticMap.polarBilin_injective (h : IsUnit (2 : R)) :
section

variable {N' : Type*} [AddCommGroup N'] [Module R N']
variable [CommRing S] [Algebra S R] [Module S M] [IsScalarTower S R M]

theorem _root_.QuadraticMap.polarBilin_comp (Q : QuadraticMap R N' N) (f : M →ₗ[R] N') :
polarBilin (Q.comp f) = LinearMap.compl₁₂ (polarBilin Q) f f :=
Expand Down Expand Up @@ -1270,7 +1269,7 @@ theorem basisRepr_apply [Fintype ι] {v : Basis ι R M} (Q : QuadraticMap R M N)
rw [← v.equivFun_symm_apply]
rfl

variable [Fintype ι] {v : Basis ι R M}
variable [Fintype ι]

section

Expand Down
3 changes: 2 additions & 1 deletion Mathlib/MeasureTheory/Integral/Layercake.lean
Original file line number Diff line number Diff line change
Expand Up @@ -458,7 +458,8 @@ end Layercake

section LayercakeLT

variable {α : Type*} [MeasurableSpace α] {f : α → ℝ} {g : ℝ → ℝ}
variable {α : Type*} [MeasurableSpace α]
variable {f : α → ℝ} {g : ℝ → ℝ}

/-- The layer cake formula / Cavalieri's principle / tail probability formula:
Expand Down
4 changes: 2 additions & 2 deletions Mathlib/RingTheory/LocalProperties/Basic.lean
Original file line number Diff line number Diff line change
Expand Up @@ -44,8 +44,8 @@ open scoped Pointwise Classical

universe u

variable {R S : Type u} [CommRing R] [CommRing S] (M : Submonoid R) (f : R →+* S)
variable (N : Submonoid S) (R' S' : Type u) [CommRing R'] [CommRing S']
variable {R S : Type u} [CommRing R] [CommRing S] (f : R →+* S)
variable (R' S' : Type u) [CommRing R'] [CommRing S']
variable [Algebra R R'] [Algebra S S']

section Properties
Expand Down
5 changes: 2 additions & 3 deletions Mathlib/RingTheory/Norm/Defs.lean
Original file line number Diff line number Diff line change
Expand Up @@ -35,10 +35,9 @@ See also `Algebra.trace`, which is defined similarly as the trace of

universe u v w

variable {R S T : Type*} [CommRing R] [Ring S]
variable {R S : Type*} [CommRing R] [Ring S]
variable [Algebra R S]
variable {K L F : Type*} [Field K] [Field L] [Field F]
variable [Algebra K L] [Algebra K F]
variable {K : Type*} [Field K]
variable {ι : Type w}

open Module
Expand Down
Loading

0 comments on commit 73c9a63

Please sign in to comment.