Skip to content

Commit 06a6afb

Browse files
authored
Merge pull request #24438 from Sacha0/goodbeye
eye see deprecated methods
2 parents a05a249 + 40cd410 commit 06a6afb

Some content is hidden

Large Commits have some content hidden by default. Use the searchbox below for content that may be hidden.

49 files changed

+308
-328
lines changed

NEWS.md

+3
Original file line numberDiff line numberDiff line change
@@ -398,6 +398,9 @@ Deprecated or removed
398398
* `fill!(A::Diagonal, x)` and `fill!(A::AbstractTriangular, x)` have been deprecated
399399
in favor of `Base.LinAlg.fillslots!(A, x)` ([#24413]).
400400

401+
* `eye` has been deprecated in favor of `I` and `Matrix` constructors. Please see the
402+
deprecation warnings for replacement details ([#24438]).
403+
401404
* Using Bool values directly as indices is now deprecated and will be an error in the future. Convert
402405
them to `Int` before indexing if you intend to access index `1` for `true` and `0` for `false`.
403406

base/array.jl

+1-86
Original file line numberDiff line numberDiff line change
@@ -432,95 +432,10 @@ for (fname, felt) in ((:zeros, :zero), (:ones, :one))
432432
end
433433
end
434434

435-
"""
436-
eye([T::Type=Float64,] m::Integer, n::Integer)
437-
438-
`m`-by-`n` identity matrix.
439-
The default element type is [`Float64`](@ref).
440-
441-
# Examples
442-
```jldoctest
443-
julia> eye(3, 4)
444-
3×4 Array{Float64,2}:
445-
1.0 0.0 0.0 0.0
446-
0.0 1.0 0.0 0.0
447-
0.0 0.0 1.0 0.0
448-
449-
julia> eye(2, 2)
450-
2×2 Array{Float64,2}:
451-
1.0 0.0
452-
0.0 1.0
453-
454-
julia> eye(Int, 2, 2)
455-
2×2 Array{Int64,2}:
456-
1 0
457-
0 1
458-
```
459-
"""
460-
function eye(::Type{T}, m::Integer, n::Integer) where T
461-
a = zeros(T,m,n)
462-
for i = 1:min(m,n)
463-
a[i,i] = oneunit(T)
464-
end
465-
return a
466-
end
467-
468-
"""
469-
eye(m, n)
470-
471-
`m`-by-`n` identity matrix.
472-
"""
473-
eye(m::Integer, n::Integer) = eye(Float64, m, n)
474-
eye(::Type{T}, n::Integer) where {T} = eye(T, n, n)
475-
"""
476-
eye([T::Type=Float64,] n::Integer)
477-
478-
`n`-by-`n` identity matrix.
479-
The default element type is [`Float64`](@ref).
480-
481-
# Examples
482-
```jldoctest
483-
julia> eye(Int, 2)
484-
2×2 Array{Int64,2}:
485-
1 0
486-
0 1
487-
488-
julia> eye(2)
489-
2×2 Array{Float64,2}:
490-
1.0 0.0
491-
0.0 1.0
492-
```
493-
"""
494-
eye(n::Integer) = eye(Float64, n)
495-
496-
"""
497-
eye(A)
498-
499-
Constructs an identity matrix of the same dimensions and type as `A`.
500-
501-
# Examples
502-
```jldoctest
503-
julia> A = [1 2 3; 4 5 6; 7 8 9]
504-
3×3 Array{Int64,2}:
505-
1 2 3
506-
4 5 6
507-
7 8 9
508-
509-
julia> eye(A)
510-
3×3 Array{Int64,2}:
511-
1 0 0
512-
0 1 0
513-
0 0 1
514-
```
515-
516-
Note the difference from [`ones`](@ref).
517-
"""
518-
eye(x::AbstractMatrix{T}) where {T} = eye(typeof(one(T)), size(x, 1), size(x, 2))
519-
520435
function _one(unit::T, x::AbstractMatrix) where T
521436
m,n = size(x)
522437
m==n || throw(DimensionMismatch("multiplicative identity defined only for square matrices"))
523-
eye(T, m)
438+
Matrix{T}(I, m, m)
524439
end
525440

526441
one(x::AbstractMatrix{T}) where {T} = _one(one(T), x)

base/deprecated.jl

+51-5
Original file line numberDiff line numberDiff line change
@@ -1792,7 +1792,53 @@ end
17921792
@deprecate get_creds!(cache::CachedCredentials, credid, default) get!(cache, credid, default)
17931793
end
17941794

1795-
@deprecate eye(::Type{Diagonal{T}}, n::Int) where {T} Diagonal{T}(I, n)
1795+
## goodbeye, eye!
1796+
export eye
1797+
function eye(m::Integer)
1798+
depwarn(string("`eye(m::Integer)` has been deprecated in favor of `I` and `Matrix` ",
1799+
"constructors. For a direct replacement, consider `Matrix(1.0I, m, m)` or ",
1800+
"`Matrix{Float64}(I, m, m)`. If `Float64` element type is not necessary, ",
1801+
"consider the shorter `Matrix(I, m, m)` (with default `eltype(I)` `Bool`)."), :eye)
1802+
return Matrix{Float64}(I, m, m)
1803+
end
1804+
function eye(::Type{T}, m::Integer) where T
1805+
depwarn(string("`eye(T::Type, m::Integer)` has been deprecated in favor of `I` and ",
1806+
"`Matrix` constructors. For a direct replacement, consider `Matrix{T}(I, m, m)`. If ",
1807+
"`T` element type is not necessary, consider the shorter `Matrix(I, m, m)`",
1808+
"(with default `eltype(I)` `Bool`)"), :eye)
1809+
return Matrix{T}(I, m, m)
1810+
end
1811+
function eye(m::Integer, n::Integer)
1812+
depwarn(string("`eye(m::Integer, n::Integer)` has been deprecated in favor of `I` and ",
1813+
"`Matrix` constructors. For a direct replacement, consider `Matrix(1.0I, m, n)` ",
1814+
"or `Matrix{Float64}(I, m, n)`. If `Float64` element type is not necessary, ",
1815+
"consider the shorter `Matrix(I, m, n)` (with default `eltype(I)` `Bool`)."), :eye)
1816+
return Matrix{Float64}(I, m, n)
1817+
end
1818+
function eye(::Type{T}, m::Integer, n::Integer) where T
1819+
depwarn(string("`eye(T::Type, m::Integer, n::Integer)` has been deprecated in favor of ",
1820+
"`I` and `Matrix` constructors. For a direct replacement, consider `Matrix{T}(I, m, n)`.",
1821+
"If `T` element type is not necessary, consider the shorter `Matrix(I, m, n)` ",
1822+
"(with default `eltype(I)` `Bool`)."), :eye)
1823+
return Matrix{T}(I, m, n)
1824+
end
1825+
function eye(A::AbstractMatrix{T}) where T
1826+
depwarn(string("`eye(A::AbstractMatrix{T})` has been deprecated in favor of `I` and ",
1827+
"`Matrix` constructors. For a direct replacement, consider `Matrix{eltype(A)}(I, size(A))`.",
1828+
"If `eltype(A)` element type is not necessary, consider the shorter `Matrix(I, size(A))` ",
1829+
"(with default `eltype(I)` `Bool`)."), :eye)
1830+
return Matrix(one(T)I, size(A))
1831+
end
1832+
function eye(::Type{Diagonal{T}}, n::Int) where T
1833+
depwarn(string("`eye(DT::Type{Diagonal{T}}, n::Int)` has been deprecated in favor of `I` ",
1834+
"and `Diagonal` constructors. For a direct replacement, consider `Diagonal{T}(I, n)`. ",
1835+
"If `T` element type is not necessary, consider the shorter `Diagonal(I, n)` ",
1836+
"(with default `eltype(I)` `Bool`)."), :eye)
1837+
return Diagonal{T}(I, n)
1838+
end
1839+
@eval Base.LinAlg import Base.eye
1840+
# @eval Base.SparseArrays import Base.eye # SparseArrays has an eye for things cholmod
1841+
17961842

17971843
export tic, toq, toc
17981844
function tic()
@@ -1986,8 +2032,8 @@ function full(Q::LinAlg.LQPackedQ; thin::Bool = true)
19862032
"`full(Q::LQPackedQ; thin::Bool = true)` (and `full` in general) ",
19872033
"has been deprecated. To replace `full(Q::LQPackedQ, true)`, ",
19882034
"consider `Matrix(Q)` or `Array(Q)`. To replace `full(Q::LQPackedQ, false)`, ",
1989-
"consider `Base.LinAlg.A_mul_B!(Q, eye(eltype(Q), size(Q.factors, 2)))`."), :full)
1990-
return thin ? Array(Q) : A_mul_B!(Q, eye(eltype(Q), size(Q.factors, 2)))
2035+
"consider `Base.LinAlg.A_mul_B!(Q, Matrix{eltype(Q)}(I, size(Q.factors, 2), size(Q.factors, 2)))`."), :full)
2036+
return thin ? Array(Q) : A_mul_B!(Q, Matrix{eltype(Q)}(I, size(Q.factors, 2), size(Q.factors, 2)))
19912037
end
19922038
function full(Q::Union{LinAlg.QRPackedQ,LinAlg.QRCompactWYQ}; thin::Bool = true)
19932039
qtypestr = isa(Q, LinAlg.QRPackedQ) ? "QRPackedQ" :
@@ -1997,8 +2043,8 @@ function full(Q::Union{LinAlg.QRPackedQ,LinAlg.QRCompactWYQ}; thin::Bool = true)
19972043
"`full(Q::$(qtypestr); thin::Bool = true)` (and `full` in general) ",
19982044
"has been deprecated. To replace `full(Q::$(qtypestr), true)`, ",
19992045
"consider `Matrix(Q)` or `Array(Q)`. To replace `full(Q::$(qtypestr), false)`, ",
2000-
"consider `Base.LinAlg.A_mul_B!(Q, eye(eltype(Q), size(Q.factors, 1)))`."), :full)
2001-
return thin ? Array(Q) : A_mul_B!(Q, eye(eltype(Q), size(Q.factors, 1)))
2046+
"consider `Base.LinAlg.A_mul_B!(Q, Matrix{eltype(Q)}(I, size(Q.factors, 1), size(Q.factors, 1)))`."), :full)
2047+
return thin ? Array(Q) : A_mul_B!(Q, Matrix{eltype(Q)}(I, size(Q.factors, 1), size(Q.factors, 1)))
20022048
end
20032049

20042050
# full for symmetric / hermitian / triangular wrappers

base/exports.jl

-1
Original file line numberDiff line numberDiff line change
@@ -560,7 +560,6 @@ export
560560
eigvals,
561561
eigvals!,
562562
eigvecs,
563-
eye,
564563
factorize,
565564
givens,
566565
hessfact!,

base/linalg/bunchkaufman.jl

+1-1
Original file line numberDiff line numberDiff line change
@@ -151,7 +151,7 @@ function getindex(B::BunchKaufman{T}, d::Symbol) where {T<:BlasFloat}
151151
if d == :p
152152
return _ipiv2perm_bk(B.ipiv, n, B.uplo)
153153
elseif d == :P
154-
return eye(T, n)[:,invperm(B[:p])]
154+
return Matrix{T}(I, n, n)[:,invperm(B[:p])]
155155
elseif d == :L || d == :U || d == :D
156156
if B.rook
157157
LUD, od = LAPACK.syconvf_rook!(B.uplo, 'C', copy(B.LD), B.ipiv)

base/linalg/dense.jl

+7-7
Original file line numberDiff line numberDiff line change
@@ -485,7 +485,7 @@ used, otherwise the scaling and squaring algorithm (see [^H05]) is chosen.
485485
486486
# Examples
487487
```jldoctest
488-
julia> A = eye(2, 2)
488+
julia> A = Matrix(1.0I, 2, 2)
489489
2×2 Array{Float64,2}:
490490
1.0 0.0
491491
0.0 1.0
@@ -508,7 +508,7 @@ function exp!(A::StridedMatrix{T}) where T<:BlasFloat
508508
end
509509
ilo, ihi, scale = LAPACK.gebal!('B', A) # modifies A
510510
nA = norm(A, 1)
511-
I = eye(T,n)
511+
Inn = Matrix{T}(I, n, n)
512512
## For sufficiently small nA, use lower order Padé-Approximations
513513
if (nA <= 2.1)
514514
if nA > 0.95
@@ -525,7 +525,7 @@ function exp!(A::StridedMatrix{T}) where T<:BlasFloat
525525
C = T[120.,60.,12.,1.]
526526
end
527527
A2 = A * A
528-
P = copy(I)
528+
P = copy(Inn)
529529
U = C[2] * P
530530
V = C[1] * P
531531
for k in 1:(div(size(C, 1), 2) - 1)
@@ -552,9 +552,9 @@ function exp!(A::StridedMatrix{T}) where T<:BlasFloat
552552
A4 = A2 * A2
553553
A6 = A2 * A4
554554
U = A * (A6 * (CC[14]*A6 + CC[12]*A4 + CC[10]*A2) +
555-
CC[8]*A6 + CC[6]*A4 + CC[4]*A2 + CC[2]*I)
555+
CC[8]*A6 + CC[6]*A4 + CC[4]*A2 + CC[2]*Inn)
556556
V = A6 * (CC[13]*A6 + CC[11]*A4 + CC[9]*A2) +
557-
CC[7]*A6 + CC[5]*A4 + CC[3]*A2 + CC[1]*I
557+
CC[7]*A6 + CC[5]*A4 + CC[3]*A2 + CC[1]*Inn
558558

559559
X = V + U
560560
LAPACK.gesv!(V-U, X)
@@ -614,7 +614,7 @@ triangular factor.
614614
615615
# Examples
616616
```jldoctest
617-
julia> A = 2.7182818 * eye(2)
617+
julia> A = Matrix(2.7182818*I, 2, 2)
618618
2×2 Array{Float64,2}:
619619
2.71828 0.0
620620
0.0 2.71828
@@ -1331,7 +1331,7 @@ julia> nullspace(M)
13311331
"""
13321332
function nullspace(A::StridedMatrix{T}) where T
13331333
m, n = size(A)
1334-
(m == 0 || n == 0) && return eye(T, n)
1334+
(m == 0 || n == 0) && return Matrix{T}(I, n, n)
13351335
SVD = svdfact(A, full = true)
13361336
indstart = sum(SVD.S .> max(m,n)*maximum(SVD.S)*eps(eltype(SVD.S))) + 1
13371337
return SVD.Vt[indstart:end,:]'

base/linalg/diagonal.jl

+1-1
Original file line numberDiff line numberDiff line change
@@ -412,7 +412,7 @@ end
412412
#Eigensystem
413413
eigvals(D::Diagonal{<:Number}) = D.diag
414414
eigvals(D::Diagonal) = [eigvals(x) for x in D.diag] #For block matrices, etc.
415-
eigvecs(D::Diagonal) = eye(D)
415+
eigvecs(D::Diagonal) = Matrix{eltype(D)}(I, size(D))
416416
eigfact(D::Diagonal) = Eigen(eigvals(D), eigvecs(D))
417417

418418
#Singular system

base/linalg/factorization.jl

+1-1
Original file line numberDiff line numberDiff line change
@@ -47,7 +47,7 @@ end
4747

4848
### General promotion rules
4949
convert(::Type{Factorization{T}}, F::Factorization{T}) where {T} = F
50-
inv(F::Factorization{T}) where {T} = A_ldiv_B!(F, eye(T, size(F,1)))
50+
inv(F::Factorization{T}) where {T} = (n = size(F, 1); A_ldiv_B!(F, Matrix{T}(I, n, n)))
5151

5252
Base.hash(F::Factorization, h::UInt) = mapreduce(f -> hash(getfield(F, f)), hash, h, 1:nfields(F))
5353
Base.:(==)( F::T, G::T) where {T<:Factorization} = all(f -> getfield(F, f) == getfield(G, f), 1:nfields(F))

base/linalg/generic.jl

+6-4
Original file line numberDiff line numberDiff line change
@@ -736,7 +736,7 @@ of the [`eltype`](@ref) of `A`.
736736
737737
# Examples
738738
```jldoctest
739-
julia> rank(eye(3))
739+
julia> rank(Matrix(I, 3, 3))
740740
3
741741
742742
julia> rank(diagm(0 => [1, 0, 2]))
@@ -802,14 +802,16 @@ julia> N = inv(M)
802802
3.0 -5.0
803803
-1.0 2.0
804804
805-
julia> M*N == N*M == eye(2)
805+
julia> M*N == N*M == Matrix(I, 2, 2)
806806
true
807807
```
808808
"""
809809
function inv(A::AbstractMatrix{T}) where T
810+
n = checksquare(A)
810811
S = typeof(zero(T)/one(T)) # dimensionful
811812
S0 = typeof(zero(T)/oneunit(T)) # dimensionless
812-
A_ldiv_B!(factorize(convert(AbstractMatrix{S}, A)), eye(S0, checksquare(A)))
813+
dest = Matrix{S0}(I, n, n)
814+
A_ldiv_B!(factorize(convert(AbstractMatrix{S}, A)), dest)
813815
end
814816

815817
function pinv(v::AbstractVector{T}, tol::Real=real(zero(T))) where T
@@ -1347,7 +1349,7 @@ julia> M = [1 0; 2 2]
13471349
julia> logdet(M)
13481350
0.6931471805599453
13491351
1350-
julia> logdet(eye(3))
1352+
julia> logdet(Matrix(I, 3, 3))
13511353
0.0
13521354
```
13531355
"""

base/linalg/linalg.jl

+1-2
Original file line numberDiff line numberDiff line change
@@ -12,7 +12,7 @@ import Base: A_mul_Bt, At_ldiv_Bt, A_rdiv_Bc, At_ldiv_B, Ac_mul_Bc, A_mul_Bc, Ac
1212
Ac_ldiv_B, Ac_ldiv_Bc, At_mul_Bt, A_rdiv_Bt, At_mul_B
1313
import Base: USE_BLAS64, abs, acos, acosh, acot, acoth, acsc, acsch, adjoint, asec, asech, asin,
1414
asinh, atan, atanh, big, broadcast, ceil, conj, convert, copy, copy!, cos, cosh, cot, coth, csc,
15-
csch, eltype, exp, eye, findmax, findmin, fill!, floor, getindex, hcat, imag, indices,
15+
csch, eltype, exp, findmax, findmin, fill!, floor, getindex, hcat, imag, indices,
1616
inv, isapprox, isone, IndexStyle, kron, length, log, map, ndims, oneunit, parent,
1717
power_by_squaring, print_matrix, promote_rule, real, round, sec, sech, setindex!, show, similar,
1818
sin, sincos, sinh, size, sqrt, tan, tanh, transpose, trunc, typed_hcat, vec
@@ -87,7 +87,6 @@ export
8787
eigvals,
8888
eigvals!,
8989
eigvecs,
90-
eye,
9190
factorize,
9291
givens,
9392
hessfact,

base/linalg/lq.jl

+1-1
Original file line numberDiff line numberDiff line change
@@ -57,7 +57,7 @@ function lq(A::Union{Number,AbstractMatrix}; full::Bool = false, thin::Union{Boo
5757
end
5858
F = lqfact(A)
5959
L, Q = F[:L], F[:Q]
60-
return L, !full ? Array(Q) : A_mul_B!(Q, eye(eltype(Q), size(Q.factors, 2)))
60+
return L, !full ? Array(Q) : A_mul_B!(Q, Matrix{eltype(Q)}(I, size(Q.factors, 2), size(Q.factors, 2)))
6161
end
6262

6363
copy(A::LQ) = LQ(copy(A.factors), copy(A.τ))

base/linalg/lu.jl

+3-3
Original file line numberDiff line numberDiff line change
@@ -224,7 +224,7 @@ function getindex(F::LU{T,<:StridedMatrix}, d::Symbol) where T
224224
elseif d == :p
225225
return ipiv2perm(F.ipiv, m)
226226
elseif d == :P
227-
return eye(T, m)[:,invperm(F[:p])]
227+
return Matrix{T}(I, m, m)[:,invperm(F[:p])]
228228
else
229229
throw(KeyError(d))
230230
end
@@ -337,7 +337,7 @@ end
337337
inv!(A::LU{<:BlasFloat,<:StridedMatrix}) =
338338
@assertnonsingular LAPACK.getri!(A.factors, A.ipiv) A.info
339339
inv!(A::LU{T,<:StridedMatrix}) where {T} =
340-
@assertnonsingular A_ldiv_B!(A.factors, copy(A), eye(T, size(A, 1))) A.info
340+
@assertnonsingular A_ldiv_B!(A.factors, copy(A), Matrix{T}(I, size(A, 1), size(A, 1))) A.info
341341
inv(A::LU{<:BlasFloat,<:StridedMatrix}) = inv!(copy(A))
342342

343343
function _cond1Inf(A::LU{<:BlasFloat,<:StridedMatrix}, p::Number, normA::Real)
@@ -437,7 +437,7 @@ function getindex(F::LU{T,Tridiagonal{T,V}}, d::Symbol) where {T,V}
437437
elseif d == :p
438438
return ipiv2perm(F.ipiv, m)
439439
elseif d == :P
440-
return eye(T, m)[:,invperm(F[:p])]
440+
return Matrix{T}(I, m, m)[:,invperm(F[:p])]
441441
end
442442
throw(KeyError(d))
443443
end

0 commit comments

Comments
 (0)