Skip to content

Commit 997785b

Browse files
committed
Deprecate vectorized two-argument complex methods in favor of compact broadcast syntax.
1 parent d9318d5 commit 997785b

37 files changed

+114
-159
lines changed

base/complex.jl

-46
Original file line numberDiff line numberDiff line change
@@ -867,49 +867,3 @@ end
867867
## promotion to complex ##
868868

869869
_default_type(T::Type{Complex}) = Complex{Int}
870-
871-
function complex{S<:Real,T<:Real}(A::AbstractArray{S}, B::AbstractArray{T})
872-
if size(A) != size(B); throw(DimensionMismatch()); end
873-
F = similar(A, typeof(complex(zero(S),zero(T))))
874-
RF, RA, RB = eachindex(F), eachindex(A), eachindex(B)
875-
if RF == RA == RB
876-
for i in RA
877-
@inbounds F[i] = complex(A[i], B[i])
878-
end
879-
else
880-
for (iF, iA, iB) in zip(RF, RA, RB)
881-
@inbounds F[iF] = complex(A[iA], B[iB])
882-
end
883-
end
884-
return F
885-
end
886-
887-
function complex{T<:Real}(A::Real, B::AbstractArray{T})
888-
F = similar(B, typeof(complex(A,zero(T))))
889-
RF, RB = eachindex(F), eachindex(B)
890-
if RF == RB
891-
for i in RB
892-
@inbounds F[i] = complex(A, B[i])
893-
end
894-
else
895-
for (iF, iB) in zip(RF, RB)
896-
@inbounds F[iF] = complex(A, B[iB])
897-
end
898-
end
899-
return F
900-
end
901-
902-
function complex{T<:Real}(A::AbstractArray{T}, B::Real)
903-
F = similar(A, typeof(complex(zero(T),B)))
904-
RF, RA = eachindex(F), eachindex(A)
905-
if RF == RA
906-
for i in RA
907-
@inbounds F[i] = complex(A[i], B)
908-
end
909-
else
910-
for (iF, iA) in zip(RF, RA)
911-
@inbounds F[iF] = complex(A[iA], B)
912-
end
913-
end
914-
return F
915-
end

base/deprecated.jl

+5
Original file line numberDiff line numberDiff line change
@@ -1380,6 +1380,11 @@ for f in (:sec, :sech, :secd, :asec, :asech,
13801380
@eval @deprecate $f{T<:Number}(A::AbstractArray{T}) $f.(A)
13811381
end
13821382

1383+
# Deprecate vectorized two-argument complex in favor of compact broadcast syntax
1384+
@deprecate complex(A::AbstractArray, b::Real) complex.(A, b)
1385+
@deprecate complex(a::Real, B::AbstractArray) complex.(a, B)
1386+
@deprecate complex(A::AbstractArray, B::AbstractArray) complex.(A, B)
1387+
13831388
# Deprecate manually vectorized clamp methods in favor of compact broadcast syntax
13841389
@deprecate clamp(A::AbstractArray, lo, hi) clamp.(A, lo, hi)
13851390

base/linalg/arpack.jl

+2-2
Original file line numberDiff line numberDiff line change
@@ -171,7 +171,7 @@ function eupd_wrapper(T, n::Integer, sym::Bool, cmplx::Bool, bmat::String,
171171
if info[1] != 0
172172
throw(ARPACKException(info[1]))
173173
end
174-
evec = complex(Array{T}(n, nev+1), Array{T}(n, nev+1))
174+
evec = complex.(Array{T}(n, nev+1), Array{T}(n, nev+1))
175175

176176
j = 1
177177
while j <= nev
@@ -193,7 +193,7 @@ function eupd_wrapper(T, n::Integer, sym::Bool, cmplx::Bool, bmat::String,
193193
end
194194
end
195195

196-
d = complex(dr,di)
196+
d = complex.(dr, di)
197197

198198
if j == nev+1
199199
p = sortperm(dmap(d[1:nev]), rev=true)

base/linalg/blas.jl

+2-2
Original file line numberDiff line numberDiff line change
@@ -235,7 +235,7 @@ conjugating the first vector.
235235
236236
# Example:
237237
```jldoctest
238-
julia> Base.BLAS.dotc(10, im*ones(10), 1, complex(ones(20), ones(20)), 2)
238+
julia> Base.BLAS.dotc(10, im*ones(10), 1, complex.(ones(20), ones(20)), 2)
239239
10.0 - 10.0im
240240
```
241241
"""
@@ -249,7 +249,7 @@ with stride `incx` and `n` elements of array `Y` with stride `incy`.
249249
250250
# Example:
251251
```jldoctest
252-
julia> Base.BLAS.dotu(10, im*ones(10), 1, complex(ones(20), ones(20)), 2)
252+
julia> Base.BLAS.dotu(10, im*ones(10), 1, complex.(ones(20), ones(20)), 2)
253253
-10.0 + 10.0im
254254
```
255255
"""

base/linalg/eigen.jl

+4-4
Original file line numberDiff line numberDiff line change
@@ -45,7 +45,7 @@ function eigfact!{T<:BlasReal}(A::StridedMatrix{T}; permute::Bool=true, scale::B
4545
end
4646
j += 1
4747
end
48-
return Eigen(complex(WR, WI), evec)
48+
return Eigen(complex.(WR, WI), evec)
4949
end
5050

5151
function eigfact!{T<:BlasComplex}(A::StridedMatrix{T}; permute::Bool=true, scale::Bool=true)
@@ -162,7 +162,7 @@ make rows and columns more equal in norm.
162162
function eigvals!{T<:BlasReal}(A::StridedMatrix{T}; permute::Bool=true, scale::Bool=true)
163163
issymmetric(A) && return eigvals!(Symmetric(A))
164164
_, valsre, valsim, _ = LAPACK.geevx!(permute ? (scale ? 'B' : 'P') : (scale ? 'S' : 'N'), 'N', 'N', 'N', A)
165-
return iszero(valsim) ? valsre : complex(valsre, valsim)
165+
return iszero(valsim) ? valsre : complex.(valsre, valsim)
166166
end
167167
function eigvals!{T<:BlasComplex}(A::StridedMatrix{T}; permute::Bool=true, scale::Bool=true)
168168
ishermitian(A) && return eigvals(Hermitian(A))
@@ -297,7 +297,7 @@ function eigfact!{T<:BlasReal}(A::StridedMatrix{T}, B::StridedMatrix{T})
297297
end
298298
j += 1
299299
end
300-
return GeneralizedEigen(complex(alphar, alphai)./beta, vecs)
300+
return GeneralizedEigen(complex.(alphar, alphai)./beta, vecs)
301301
end
302302

303303
function eigfact!{T<:BlasComplex}(A::StridedMatrix{T}, B::StridedMatrix{T})
@@ -364,7 +364,7 @@ Same as [`eigvals`](@ref), but saves space by overwriting the input `A` (and `B`
364364
function eigvals!{T<:BlasReal}(A::StridedMatrix{T}, B::StridedMatrix{T})
365365
issymmetric(A) && isposdef(B) && return eigvals!(Symmetric(A), Symmetric(B))
366366
alphar, alphai, beta, vl, vr = LAPACK.ggev!('N', 'N', A, B)
367-
return (iszero(alphai) ? alphar : complex(alphar, alphai))./beta
367+
return (iszero(alphai) ? alphar : complex.(alphar, alphai))./beta
368368
end
369369
function eigvals!{T<:BlasComplex}(A::StridedMatrix{T}, B::StridedMatrix{T})
370370
ishermitian(A) && isposdef(B) && return eigvals!(Hermitian(A), Hermitian(B))

base/linalg/lapack.jl

+4-4
Original file line numberDiff line numberDiff line change
@@ -5504,7 +5504,7 @@ for (gees, gges, elty) in
55045504
work = Array{$elty}(lwork)
55055505
end
55065506
end
5507-
A, vs, iszero(wi) ? wr : complex(wr, wi)
5507+
A, vs, iszero(wi) ? wr : complex.(wr, wi)
55085508
end
55095509

55105510
# * .. Scalar Arguments ..
@@ -5553,7 +5553,7 @@ for (gees, gges, elty) in
55535553
work = Array{$elty}(lwork)
55545554
end
55555555
end
5556-
A, B, complex(alphar, alphai), beta, vsl[1:(jobvsl == 'V' ? n : 0),:], vsr[1:(jobvsr == 'V' ? n : 0),:]
5556+
A, B, complex.(alphar, alphai), beta, vsl[1:(jobvsl == 'V' ? n : 0),:], vsr[1:(jobvsr == 'V' ? n : 0),:]
55575557
end
55585558
end
55595559
end
@@ -5753,7 +5753,7 @@ for (trexc, trsen, tgsen, elty) in
57535753
iwork = Array{BlasInt}(liwork)
57545754
end
57555755
end
5756-
T, Q, iszero(wi) ? wr : complex(wr, wi)
5756+
T, Q, iszero(wi) ? wr : complex.(wr, wi)
57575757
end
57585758
trsen!(select::StridedVector{BlasInt}, T::StridedMatrix{$elty}, Q::StridedMatrix{$elty}) =
57595759
trsen!('N', 'V', select, T, Q)
@@ -5822,7 +5822,7 @@ for (trexc, trsen, tgsen, elty) in
58225822
iwork = Array{BlasInt}(liwork)
58235823
end
58245824
end
5825-
S, T, complex(alphar, alphai), beta, Q, Z
5825+
S, T, complex.(alphar, alphai), beta, Q, Z
58265826
end
58275827
end
58285828
end

base/sharedarray.jl

-2
Original file line numberDiff line numberDiff line change
@@ -537,8 +537,6 @@ function copy!(S::SharedArray, R::SharedArray)
537537
return S
538538
end
539539

540-
complex(S1::SharedArray,S2::SharedArray) = convert(SharedArray, complex(S1.s, S2.s))
541-
542540
function print_shmem_limits(slen)
543541
try
544542
if is_linux()

base/sparse/cholmod.jl

+1-1
Original file line numberDiff line numberDiff line change
@@ -1572,7 +1572,7 @@ end
15721572
Ac_ldiv_B(L::FactorComponent, B) = ctranspose(L)\B
15731573

15741574
(\){T<:VTypes}(L::Factor{T}, B::Dense{T}) = solve(CHOLMOD_A, L, B)
1575-
(\)(L::Factor{Float64}, B::VecOrMat{Complex{Float64}}) = complex(L\real(B), L\imag(B))
1575+
(\)(L::Factor{Float64}, B::VecOrMat{Complex{Float64}}) = complex.(L\real(B), L\imag(B))
15761576
# First explicit TypeVars are necessary to avoid ambiguity errors with definition in
15771577
# linalg/factorizations.jl
15781578
(\){T<:VTypes}(L::Factor{T}, b::StridedVector) = Vector(L\convert(Dense{T}, b))

base/sparse/sparsematrix.jl

-2
Original file line numberDiff line numberDiff line change
@@ -354,8 +354,6 @@ float(S::SparseMatrixCSC) = SparseMatrixCSC(S.m, S.n, copy(S.colptr), copy(S.row
354354

355355
complex(S::SparseMatrixCSC) = SparseMatrixCSC(S.m, S.n, copy(S.colptr), copy(S.rowval), complex(copy(S.nzval)))
356356

357-
complex(A::SparseMatrixCSC, B::SparseMatrixCSC) = A + im*B
358-
359357
# Construct a sparse vector
360358

361359
# Note that unlike `vec` for arrays, this does not share data

base/sparse/umfpack.jl

+2-2
Original file line numberDiff line numberDiff line change
@@ -370,8 +370,8 @@ for itype in UmfpackIndexTypes
370370
Up,Ui,Ux,Uz,
371371
P, Q, C_NULL, C_NULL,
372372
&0, Rs, lu.numeric)
373-
(transpose(SparseMatrixCSC(min(n_row, n_col), n_row, increment!(Lp), increment!(Lj), complex(Lx, Lz))),
374-
SparseMatrixCSC(min(n_row, n_col), n_col, increment!(Up), increment!(Ui), complex(Ux, Uz)),
373+
(transpose(SparseMatrixCSC(min(n_row, n_col), n_row, increment!(Lp), increment!(Lj), complex.(Lx, Lz))),
374+
SparseMatrixCSC(min(n_row, n_col), n_col, increment!(Up), increment!(Ui), complex.(Ux, Uz)),
375375
increment!(P), increment!(Q), Rs)
376376
end
377377
end

test/arrayops.jl

+1-1
Original file line numberDiff line numberDiff line change
@@ -1183,7 +1183,7 @@ end
11831183
# Handle block matrices
11841184
A = [randn(2,2) for i = 1:2, j = 1:2]
11851185
@test issymmetric(A.'A)
1186-
A = [complex(randn(2,2), randn(2,2)) for i = 1:2, j = 1:2]
1186+
A = [complex.(randn(2,2), randn(2,2)) for i = 1:2, j = 1:2]
11871187
@test ishermitian(A'A)
11881188

11891189
# issue #7197

test/blas.jl

+9-9
Original file line numberDiff line numberDiff line change
@@ -8,8 +8,8 @@ for elty in (Float32, Float64, Complex64, Complex128)
88
U = randn(5,2)
99
V = randn(5,2)
1010
if elty == Complex64 || elty == Complex128
11-
U = complex(U, U)
12-
V = complex(V, V)
11+
U = complex.(U, U)
12+
V = complex.(V, V)
1313
end
1414
U = convert(Array{elty, 2}, U)
1515
V = convert(Array{elty, 2}, V)
@@ -23,8 +23,8 @@ for elty in (Complex64, Complex128)
2323
U = randn(5,2)
2424
V = randn(5,2)
2525
if elty == Complex64 || elty == Complex128
26-
U = complex(U, U)
27-
V = complex(V, V)
26+
U = complex.(U, U)
27+
V = complex.(V, V)
2828
end
2929
U = convert(Array{elty, 2}, U)
3030
V = convert(Array{elty, 2}, V)
@@ -58,8 +58,8 @@ for elty in [Float32, Float64, Complex64, Complex128]
5858
@test BLAS.dot(x1,x2) sum(x1.*x2)
5959
@test_throws DimensionMismatch BLAS.dot(x1,rand(elty, n + 1))
6060
else
61-
z1 = convert(Vector{elty}, complex(randn(n),randn(n)))
62-
z2 = convert(Vector{elty}, complex(randn(n),randn(n)))
61+
z1 = convert(Vector{elty}, complex.(randn(n),randn(n)))
62+
z2 = convert(Vector{elty}, complex.(randn(n),randn(n)))
6363
@test BLAS.dotc(z1,z2) sum(conj(z1).*z2)
6464
@test BLAS.dotu(z1,z2) sum(z1.*z2)
6565
@test_throws DimensionMismatch BLAS.dotc(z1,rand(elty, n + 1))
@@ -71,7 +71,7 @@ for elty in [Float32, Float64, Complex64, Complex128]
7171
x = convert(Vector{elty}, randn(n))
7272
@test BLAS.iamax(x) == indmax(abs.(x))
7373
else
74-
z = convert(Vector{elty}, complex(randn(n),randn(n)))
74+
z = convert(Vector{elty}, complex.(randn(n),randn(n)))
7575
@test BLAS.iamax(z) == indmax(map(x -> abs(real(x)) + abs(imag(x)), z))
7676
end
7777

@@ -87,8 +87,8 @@ for elty in [Float32, Float64, Complex64, Complex128]
8787
@test_throws ArgumentError BLAS.axpy!(α, copy(x1), 1:div(n,2), copy(x2), 0:(div(n, 2) - 1))
8888
@test BLAS.axpy!(α,copy(x1),1:n,copy(x2),1:n) x2 + α*x1
8989
else
90-
z1 = convert(Vector{elty}, complex(randn(n), randn(n)))
91-
z2 = convert(Vector{elty}, complex(randn(n), randn(n)))
90+
z1 = convert(Vector{elty}, complex.(randn(n), randn(n)))
91+
z2 = convert(Vector{elty}, complex.(randn(n), randn(n)))
9292
α = rand(elty)
9393
@test BLAS.axpy!(α, copy(z1), copy(z2)) z2 + α * z1
9494
@test_throws DimensionMismatch BLAS.axpy!(α, copy(z1), rand(elty, n + 1))

test/complex.jl

+2-2
Original file line numberDiff line numberDiff line change
@@ -813,8 +813,8 @@ end
813813
@test_throws DomainError complex(2,2)^(-2)
814814
@test complex(2.0,2.0)^(-2) === complex(0.0, -0.125)
815815

816-
@test complex(1.0,[1.0,1.0]) == [complex(1.0,1.0), complex(1.0,1.0)]
817-
@test complex([1.0,1.0],1.0) == [complex(1.0,1.0), complex(1.0,1.0)]
816+
@test complex.(1.0, [1.0, 1.0]) == [complex(1.0, 1.0), complex(1.0, 1.0)]
817+
@test complex.([1.0, 1.0], 1.0) == [complex(1.0, 1.0), complex(1.0, 1.0)]
818818
# robust division of Float64
819819
# hard complex divisions from Fig 6 of arxiv.1210.4539
820820
z7 = Complex{Float64}(3.898125604559113300e289, 8.174961907852353577e295)

test/dsp.jl

+1-1
Original file line numberDiff line numberDiff line change
@@ -37,7 +37,7 @@ si = [0.9967207836936347,-1.4940914728163142,1.2841226760316475,-0.4524417279474
3737
a = [1., 2., 1., 2.]
3838
b = [1., 2., 3.]
3939
@test conv(a, b) [1., 4., 8., 10., 7., 6.]
40-
@test conv(complex(a, ones(4)), complex(b)) complex([1., 4., 8., 10., 7., 6.], [1., 3., 6., 6., 5., 3.])
40+
@test conv(complex.(a, ones(4)), complex(b)) complex.([1., 4., 8., 10., 7., 6.], [1., 3., 6., 6., 5., 3.])
4141

4242
# Discrete cosine transform (DCT) tests
4343

test/linalg/arnoldi.jl

+2-2
Original file line numberDiff line numberDiff line change
@@ -9,8 +9,8 @@ using Base.Test
99
n = 10
1010
areal = sprandn(n,n,0.4)
1111
breal = sprandn(n,n,0.4)
12-
acmplx = complex(sprandn(n,n,0.4), sprandn(n,n,0.4))
13-
bcmplx = complex(sprandn(n,n,0.4), sprandn(n,n,0.4))
12+
acmplx = complex.(sprandn(n,n,0.4), sprandn(n,n,0.4))
13+
bcmplx = complex.(sprandn(n,n,0.4), sprandn(n,n,0.4))
1414

1515
testtol = 1e-6
1616

test/linalg/bunchkaufman.jl

+3-3
Original file line numberDiff line numberDiff line change
@@ -20,8 +20,8 @@ breal = randn(n,2)/2
2020
bimg = randn(n,2)/2
2121

2222
@testset for eltya in (Float32, Float64, Complex64, Complex128, Int)
23-
a = eltya == Int ? rand(1:7, n, n) : convert(Matrix{eltya}, eltya <: Complex ? complex(areal, aimg) : areal)
24-
a2 = eltya == Int ? rand(1:7, n, n) : convert(Matrix{eltya}, eltya <: Complex ? complex(a2real, a2img) : a2real)
23+
a = eltya == Int ? rand(1:7, n, n) : convert(Matrix{eltya}, eltya <: Complex ? complex.(areal, aimg) : areal)
24+
a2 = eltya == Int ? rand(1:7, n, n) : convert(Matrix{eltya}, eltya <: Complex ? complex.(a2real, a2img) : a2real)
2525
@testset for atype in ("Array", "SubArray")
2626
asym = a'+a # symmetric indefinite
2727
apd = a'*a # symmetric positive-definite
@@ -37,7 +37,7 @@ bimg = randn(n,2)/2
3737
ε = εa = eps(abs(float(one(eltya))))
3838

3939
@testset for eltyb in (Float32, Float64, Complex64, Complex128, Int)
40-
b = eltyb == Int ? rand(1:5, n, 2) : convert(Matrix{eltyb}, eltyb <: Complex ? complex(breal, bimg) : breal)
40+
b = eltyb == Int ? rand(1:5, n, 2) : convert(Matrix{eltyb}, eltyb <: Complex ? complex.(breal, bimg) : breal)
4141
@testset for btype in ("Array", "SubArray")
4242
if btype == "Array"
4343
b = b

test/linalg/cholesky.jl

+6-6
Original file line numberDiff line numberDiff line change
@@ -22,8 +22,8 @@ breal = randn(n,2)/2
2222
bimg = randn(n,2)/2
2323

2424
for eltya in (Float32, Float64, Complex64, Complex128, BigFloat, Int)
25-
a = eltya == Int ? rand(1:7, n, n) : convert(Matrix{eltya}, eltya <: Complex ? complex(areal, aimg) : areal)
26-
a2 = eltya == Int ? rand(1:7, n, n) : convert(Matrix{eltya}, eltya <: Complex ? complex(a2real, a2img) : a2real)
25+
a = eltya == Int ? rand(1:7, n, n) : convert(Matrix{eltya}, eltya <: Complex ? complex.(areal, aimg) : areal)
26+
a2 = eltya == Int ? rand(1:7, n, n) : convert(Matrix{eltya}, eltya <: Complex ? complex.(a2real, a2img) : a2real)
2727
apd = a'*a # symmetric positive-definite
2828

2929
apds = Symmetric(apd)
@@ -144,7 +144,7 @@ for eltya in (Float32, Float64, Complex64, Complex128, BigFloat, Int)
144144
end
145145

146146
for eltyb in (Float32, Float64, Complex64, Complex128, Int)
147-
b = eltyb == Int ? rand(1:5, n, 2) : convert(Matrix{eltyb}, eltyb <: Complex ? complex(breal, bimg) : breal)
147+
b = eltyb == Int ? rand(1:5, n, 2) : convert(Matrix{eltyb}, eltyb <: Complex ? complex.(breal, bimg) : breal)
148148
εb = eps(abs(float(one(eltyb))))
149149
ε = max(εa,εb)
150150

@@ -200,7 +200,7 @@ end
200200
# Test generic cholfact!
201201
for elty in (Float32, Float64, Complex{Float32}, Complex{Float64})
202202
if elty <: Complex
203-
A = complex(randn(5,5), randn(5,5))
203+
A = complex.(randn(5,5), randn(5,5))
204204
else
205205
A = randn(5,5)
206206
end
@@ -210,7 +210,7 @@ for elty in (Float32, Float64, Complex{Float32}, Complex{Float64})
210210
end
211211

212212
# Test up- and downdates
213-
let A = complex(randn(10,5), randn(10, 5)), v = complex(randn(5), randn(5))
213+
let A = complex.(randn(10,5), randn(10, 5)), v = complex.(randn(5), randn(5))
214214
for uplo in (:U, :L)
215215
AcA = A'A
216216
BcB = AcA + v*v'
@@ -257,7 +257,7 @@ end
257257

258258
# Fail if non-Hermitian
259259
@test_throws ArgumentError cholfact(randn(5,5))
260-
@test_throws ArgumentError cholfact(complex(randn(5,5), randn(5,5)))
260+
@test_throws ArgumentError cholfact(complex.(randn(5,5), randn(5,5)))
261261
@test_throws ArgumentError Base.LinAlg.chol!(randn(5,5))
262262
@test_throws ArgumentError Base.LinAlg.cholfact!(randn(5,5),:U,Val{false})
263263
@test_throws ArgumentError Base.LinAlg.cholfact!(randn(5,5),:U,Val{true})

0 commit comments

Comments
 (0)