Skip to content

Commit c15c09f

Browse files
committed
fix whitespace
1 parent b23c5d5 commit c15c09f

15 files changed

+52
-53
lines changed

examples/blockarray_backend.jl

Lines changed: 7 additions & 7 deletions
Original file line numberDiff line numberDiff line change
@@ -22,7 +22,7 @@ import LinearAlgebra
2222
# BlockArrays
2323
adapt(T::Type{<:AbstractArray}, b::BlockArray) =
2424
_BlockArray(T.(b.blocks), b.block_sizes)
25-
adapt(T::Type{<:AbstractArray}, b::PseudoBlockArray) =
25+
adapt(T::Type{<:AbstractArray}, b::PseudoBlockArray) =
2626
PseudoBlockArray(T(b.blocks), b.block_sizes)
2727
adapt(T::Type{<:PseudoBlockArray}, b::BlockArray) = T(b.blocks, b.block_sizes)
2828
adapt(T::Type{<:BlockArray}, b::PseudoBlockArray) = T(b.blocks, b.block_sizes)
@@ -115,7 +115,7 @@ function banded_mul!(c::BlockVector{T},
115115

116116
@inbounds for i = 1:N, j = max(1,i-l):min(M,i+u)
117117
B = _BandedMatrix(A.data.blocks[i - j + u + 1, j],
118-
size(view(A, Block(i, j)), 1),
118+
size(view(A, Block(i, j)), 1),
119119
λ, μ)
120120
muladd!(one(T), B, x.blocks[j], one(T), c[Block(i)])
121121
end
@@ -149,7 +149,7 @@ function testme()
149149
@test eltype(cu(bmat)) === Float32
150150
end
151151
end
152-
152+
153153
@testset "PseudoBlockArray Adapters" begin
154154
bmat = BandedBlockBandedMatrix{Float64}(undef, ([1, 1], [2, 2]), (1, 2), (1, 1))
155155
@test adapt(JLArray, bmat) isa BandedBlockBandedMatrix
@@ -175,7 +175,7 @@ function testme()
175175
x = PseudoBlockArray(Array{Float64, 1}(undef, size(A, 2)), m)
176176
x .= rand.()
177177
xblock = adapt(BlockArray, x)
178-
178+
179179
@test LinearAlgebra.mul!(cblock, Ablock, xblock) A * x
180180
cblock .= 0
181181
@test banded_mul!(cblock, Ablock, xblock) A * x
@@ -201,7 +201,7 @@ function benchmarks()
201201
for N in [10, 100, 500, 1000], n = [N ÷ 5, N, 5N, 10N]
202202
l, u, λ, μ = rand(0:2, 4)
203203
M, m = N, n
204-
204+
205205
A = BandedBlockBandedMatrix{Float64}(
206206
undef, (repeat([n], N), repeat([m], M)), (l, u), (λ, μ))
207207
A.data .= rand.()
@@ -233,7 +233,7 @@ function benchmarks()
233233
suite
234234
end
235235

236-
block_ratio(result, name; method=median) =
236+
block_ratio(result, name; method=median) =
237237
ratio(method(result["block"][name]), method(result["pseudo"][name]))
238-
viabm_ratio(result, name; method=median) =
238+
viabm_ratio(result, name; method=median) =
239239
ratio(method(result["viabm"][name]), method(result["block"][name]))

src/AbstractBlockBandedMatrix.jl

Lines changed: 5 additions & 5 deletions
Original file line numberDiff line numberDiff line change
@@ -149,9 +149,9 @@ end
149149

150150
@inline function blockbanded_colstart(A, i::Integer)
151151
bs = blockcolstart(A,findblock(axes(A,2),i))
152-
if isempty(axes(A,1))
152+
if isempty(axes(A,1))
153153
1
154-
elseif Int(bs)  blocksize(A, 2)
154+
elseif Int(bs) blocksize(A, 2)
155155
first(axes(A,1)[bs])
156156
else
157157
size(A,1)+1
@@ -170,7 +170,7 @@ end
170170
@inline function blockbanded_rowstop(A, i::Integer)
171171
CS = blockrowstop(A,findblock(axes(A,1),i))
172172
CS == Block(0) && return 0
173-
last(axes(A,2)[CS])
173+
last(axes(A,2)[CS])
174174
end
175175

176176
@inline blockbanded_colsupport(A, j::Integer) = blockbanded_colstart(A, j):blockbanded_colstop(A, j)
@@ -200,5 +200,5 @@ function ==(A::AbstractBlockBandedMatrix, B::AbstractBlockBandedMatrix)
200200
for J = blockaxes(A,2), K = max(Block(1),J-u):min(J+l,Block(N))
201201
view(A, K, J) == view(B, K, J) || return false
202202
end
203-
return true
204-
end
203+
return true
204+
end

src/BandedBlockBandedMatrix.jl

Lines changed: 11 additions & 11 deletions
Original file line numberDiff line numberDiff line change
@@ -1,5 +1,5 @@
11
function check_data_sizes(data::AbstractMatrix, raxis, (l,u), (λ,μ))
2-
if blocksize(data,1)  l + u + 1 && !(blocksize(data,1) == 0 && (-l > u || -λ > μ))
2+
if blocksize(data,1) l + u + 1 && !(blocksize(data,1) == 0 && (-l > u || -λ > μ))
33
throw(ArgumentError("Data matrix must have number of row blocks equal to number of block bands"))
44
end
55
for K = blockaxes(data,1)
@@ -60,9 +60,9 @@ BandedBlockBandedMatrix{T,B}(::UndefInitializer, axes::NTuple{2,AbstractUnitRang
6060
BandedBlockBandedMatrix{T,B}(::UndefInitializer, rblocksizes::AbstractVector{Int}, cblocksizes::AbstractVector{Int}, lu::NTuple{2,Int}, λμ::NTuple{2,Int}) where {T,B} =
6161
BandedBlockBandedMatrix{T,B}(undef, (blockedrange(rblocksizes),blockedrange(cblocksizes)), lu, λμ)
6262

63-
BandedBlockBandedMatrix{T}(::UndefInitializer, axes::NTuple{2,AbstractUnitRange{Int}}, lu::NTuple{2,Int}, λμ::NTuple{2,Int}) where T =
63+
BandedBlockBandedMatrix{T}(::UndefInitializer, axes::NTuple{2,AbstractUnitRange{Int}}, lu::NTuple{2,Int}, λμ::NTuple{2,Int}) where T =
6464
_BandedBlockBandedMatrix(PseudoBlockMatrix{T}(undef, _bbb_data_axes(axes[2],lu,λμ)), axes[1], lu, λμ)
65-
BandedBlockBandedMatrix{T}(::UndefInitializer, rblocksizes::AbstractVector{Int}, cblocksizes::AbstractVector{Int}, lu::NTuple{2,Int}, λμ::NTuple{2,Int}) where T =
65+
BandedBlockBandedMatrix{T}(::UndefInitializer, rblocksizes::AbstractVector{Int}, cblocksizes::AbstractVector{Int}, lu::NTuple{2,Int}, λμ::NTuple{2,Int}) where T =
6666
BandedBlockBandedMatrix{T}(undef, (blockedrange(rblocksizes),blockedrange(cblocksizes)), lu, λμ)
6767

6868

@@ -210,7 +210,7 @@ function BandedBlockBandedMatrix{T,Blocks,RR}(A::AbstractMatrix, axes::NTuple{2,
210210
ret
211211
end
212212

213-
BandedBlockBandedMatrix{T}(A::AbstractMatrix, lu::NTuple{2,Int}, λμ::NTuple{2,Int}) where T =
213+
BandedBlockBandedMatrix{T}(A::AbstractMatrix, lu::NTuple{2,Int}, λμ::NTuple{2,Int}) where T =
214214
copyto!(BandedBlockBandedMatrix{T}(undef, axes(A), lu, λμ), A)
215215
BandedBlockBandedMatrix{T}(A::AbstractMatrix) where T = BandedBlockBandedMatrix{T}(A, blockbandwidths(A), subblockbandwidths(A))
216216

@@ -354,7 +354,7 @@ end
354354
@inline function setindex!(A::BandedBlockBandedMatrix{T}, v, i::Int, j::Int) where T
355355
@boundscheck checkbounds(A, i, j)
356356
BI,BJ = findblockindex.(axes(A), (i,j))
357-
if -A.l Int(block(BJ)-block(BI))  A.u
357+
if -A.l Int(block(BJ)-block(BI)) A.u
358358
V = view(A, block(BI),block(BJ))
359359
@inbounds V[blockindex(BI),blockindex(BJ)] = convert(T, v)::T
360360
elseif !iszero(v)
@@ -370,7 +370,7 @@ function layout_replace_in_print_matrix(::AbstractBandedBlockBandedLayout, A, i,
370370
i,j = blockindex.(bi)
371371
l,u = blockbandwidths(A)
372372
λ,μ = subblockbandwidths(A)
373-
-l Int(J-I)  u && -λ j-i μ ? s : Base.replace_with_centered_mark(s)
373+
-l Int(J-I) u && -λ j-i μ ? s : Base.replace_with_centered_mark(s)
374374
end
375375

376376

@@ -422,7 +422,7 @@ sublayout(::BandedBlockBandedColumns{ML}, ::Type{II}) where {ML,II<:Tuple{BlockS
422422
blockbandshift(A::BlockSlice, B::BlockSlice) = BandedMatrices.bandshift(Int.(A.block), Int.(B.block))
423423
blockbandshift(S) = blockbandshift(parentindices(S)[1],parentindices(S)[2])
424424

425-
function bandedblockbandeddata(V::SubArray)
425+
function bandedblockbandeddata(V::SubArray)
426426
l,u = blockbandwidths(V)
427427
L,U = blockbandwidths(parent(V)) .+ (-1,1) .* blockbandshift(V)
428428
view(bandedblockbandeddata(parent(V)), Block.(U-u+1:U+l+1), parentindices(V)[2])
@@ -493,7 +493,7 @@ function inblockbands(V::SubArray{<:Any,2,<:AbstractMatrix,<:Tuple{BlockSlice1,B
493493
K_sl, J_sl = parentindices(V)
494494
K, J = K_sl.block, J_sl.block
495495
l,u = blockbandwidths(A)
496-
-l  Int(J-K) u
496+
-l Int(J-K) u
497497
end
498498

499499
function parentblock(V::SubArray{T,2,<:AbstractMatrix,<:Tuple{BlockSlice{<:BlockIndexRange1},BlockSlice{<:BlockIndexRange1}}}) where T
@@ -514,7 +514,7 @@ function parentblock(V::SubArray{T,2,<:AbstractMatrix,<:Tuple{BlockSlice{<:Block
514514
view(A, K_sl.block.block, J_sl.block)
515515
end
516516

517-
# gives the columns of parent(V).data that encode the block
517+
# gives the columns of parent(V).data that encode the block
518518
parentblocks2Int(V::BandedBlockBandedBlock)::Tuple{Int,Int} = Int(first(parentindices(V)).block),
519519
Int(last(parentindices(V)).block)
520520

@@ -592,7 +592,7 @@ end
592592
@boundscheck checkbounds(V, k, j)
593593
A = parent(V)
594594
K,J = parentblocks2Int(V)
595-
if -A.l  J-K  A.u && -A.λ  j-k  A.μ
595+
if -A.l J-K A.u && -A.λ j-k A.μ
596596
inbands_getindex(V, k, j)
597597
else
598598
zero(eltype(V))
@@ -603,7 +603,7 @@ end
603603
@boundscheck checkbounds(V, k, j)
604604
A = parent(V)
605605
K,J = parentblocks2Int(V)
606-
if -A.l  J-K  A.u && -A.λ  j-k  A.μ
606+
if -A.l J-K A.u && -A.λ j-k A.μ
607607
inbands_setindex!(V, v, k, j)
608608
elseif iszero(v) # allow setindex for 0 datya
609609
v

src/BlockSkylineMatrix.jl

Lines changed: 5 additions & 5 deletions
Original file line numberDiff line numberDiff line change
@@ -218,15 +218,15 @@ BlockBandedMatrix{T}(A::AbstractMatrix, block_sizes::BlockBandedSizes) where T =
218218
##
219219

220220
function BlockSkylineMatrix{T}(Z::Zeros, block_sizes::BlockSkylineSizes) where T
221-
if size(Z)  map(length,block_sizes.axes)
221+
if size(Z) map(length,block_sizes.axes)
222222
throw(DimensionMismatch("Size of input $(size(Z)) must be consistent with $(size(block_sizes))"))
223223
end
224224
_BlockSkylineMatrix(zeros(T, bb_numentries(block_sizes)), block_sizes)
225225
end
226226

227227

228228
function BlockSkylineMatrix{T}(E::Eye, block_sizes::BlockSkylineSizes) where T
229-
if size(E)  size(block_sizes)
229+
if size(E) size(block_sizes)
230230
throw(DimensionMismatch("Size of input $(size(E)) must be consistent with $(sum.(dims))"))
231231
end
232232
ret = BlockSkylineMatrix(Zeros{T}(size(E)), block_sizes)
@@ -364,7 +364,7 @@ const BlockBandedBlock{T} = SubArray{T,2,<:BlockSkylineMatrix,<:Tuple{BlockSlice
364364

365365

366366

367-
# gives the columns of parent(V).data that encode the block
367+
# gives the columns of parent(V).data that encode the block
368368
_parent_blocks(V::BlockBandedBlock)::Tuple{Int,Int} =
369369
first(first(parentindices(V)).block.n),first(last(parentindices(V)).block.n)
370370

@@ -388,7 +388,7 @@ strides(V::BlockBandedBlock) = (1,parent(V).block_sizes.block_strides[_parent_bl
388388
@boundscheck checkbounds(V, k, j)
389389
A = parent(V)
390390
K,J = _parent_blocks(V)
391-
if -A.block_sizes.l[J]  J-K  A.block_sizes.u[J]
391+
if -A.block_sizes.l[J] J-K A.block_sizes.u[J]
392392
b_start = blockstart(A,K,J)
393393
b_start == 0 && return zero(eltype(V))
394394
b_stride = blockstride(A,J)
@@ -402,7 +402,7 @@ end
402402
@boundscheck checkbounds(V, k, j)
403403
A = parent(V)
404404
K,J = _parent_blocks(V)
405-
if -A.block_sizes.l[J]  J-K  A.block_sizes.u[J]
405+
if -A.block_sizes.l[J] J-K A.block_sizes.u[J]
406406
b_start = blockstart(A,K,J)
407407
# TODO: What to do if b_start == 0 ?
408408
b_stride = A.block_sizes.block_strides[J]

src/adjtransblockbanded.jl

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -4,4 +4,4 @@ subblockbandwidths(A::AdjOrTrans) = reverse(subblockbandwidths(parent(A)))
44
transposelayout(::AbstractBlockBandedLayout) = BlockBandedLayout()
55
transposelayout(::AbstractBandedBlockBandedLayout) = BandedBlockBandedLayout()
66
conjlayout(::Type{<:Complex}, ::M) where M<:AbstractBandedBlockBandedLayout = ConjLayout{M}()
7-
conjlayout(::Type{<:Complex}, ::M) where M<:AbstractBlockBandedLayout = ConjLayout{M}()
7+
conjlayout(::Type{<:Complex}, ::M) where M<:AbstractBlockBandedLayout = ConjLayout{M}()

src/blockskylineqr.jl

Lines changed: 3 additions & 3 deletions
Original file line numberDiff line numberDiff line change
@@ -36,7 +36,7 @@ function _blockbanded_qr!(A::AbstractMatrix, τ::AbstractVector, NCOLS::Block{1}
3636
A,τ
3737
end
3838

39-
function qr!(A::BlockBandedMatrix{T}) where T
39+
function qr!(A::BlockBandedMatrix{T}) where T
4040
M,N = blocksize(A)
4141
ax1 = M < N ? axes(A,1) : axes(A,2)
4242
_blockbanded_qr!(A, PseudoBlockVector(zeros(T,length(ax1)), (ax1,)))
@@ -52,7 +52,7 @@ function ql!(A::BlockBandedMatrix{T}) where T
5252
axes(A,2)
5353
end
5454
τ = PseudoBlockVector{T}(undef, (ax2,))
55-
55+
5656
for K = N:-1:max(N - M + 1,1)
5757
μ = M+K-N
5858
KR = Block.(max(K-u,1):μ)
@@ -126,7 +126,7 @@ function materialize!(Mul::MatLmulMat{<:AdjQRPackedQLayout{<:AbstractBlockBanded
126126
Bin
127127
end
128128

129-
# avoid LinearALgebra Strided obsession
129+
# avoid LinearALgebra Strided obsession
130130

131131
for Typ in (:StridedVector, :StridedMatrix, :AbstractVector, :AbstractMatrix, :LayoutMatrix, :LayoutVector)
132132
@eval function ldiv!(A::QR{<:Any,<:BlockSkylineMatrix}, B::$Typ)

src/broadcast.jl

Lines changed: 5 additions & 5 deletions
Original file line numberDiff line numberDiff line change
@@ -2,7 +2,7 @@
22
# Here we override broadcasting for banded matrices.
33
# The design is to to exploit the broadcast machinery so that
44
# banded matrices that conform to the banded matrix interface but are not
5-
# <: AbstractBandedMatrix can get access to fast copyto!, lmul!, rmul!, axpy!, etc.
5+
# <: AbstractBandedMatrix can get access to fast copyto!, lmul!, rmul!, axpy!, etc.
66
# using broadcast variants (B .= A, B .= 2.0 .* A, etc.)
77

88

@@ -43,7 +43,7 @@ _blockbandwidth_l(l, a, ax) = blockisequal(axes(a,2),ax) ? (l,blockbandwidth(a,2
4343
_broadcast_blockbandwidths(bnds, _, _) = bnds
4444
_broadcast_blockbandwidths((l,u), a::AbstractVector, (ax1,ax2)) =
4545
_blockbandwidth_u(u, a, ax1)
46-
46+
4747

4848
function _broadcast_blockbandwidths((l,u), A::AbstractArray, (ax1,ax2))
4949
if size(A,2) == 1
@@ -70,8 +70,8 @@ _broadcast_subblockbandwidths(bnds) = bnds
7070
_broadcast_subblockbandwidths(bnds, _) = bnds
7171
_broadcast_subblockbandwidths((l,u), a::AbstractVector) = (bandwidth(a,1),u)
7272

73-
function _broadcast_subblockbandwidths((l,u), A::AbstractArray)
74-
size(A,2) == 1 && return (subblockbandwidth(A,1),u)
73+
function _broadcast_subblockbandwidths((l,u), A::AbstractArray)
74+
size(A,2) == 1 && return (subblockbandwidth(A,1),u)
7575
size(A,1) == 1 && return (l, subblockbandwidth(A,2))
7676
subblockbandwidths(A) # need to special case vector broadcasting
7777
end
@@ -355,7 +355,7 @@ for op in (:+, :-)
355355
@eval function copyto!(C::AbstractArray{T}, bc::Broadcasted{<:AbstractBlockBandedStyle, <:Any, typeof($op),
356356
<:Tuple{<:AbstractMatrix,<:AbstractMatrix}}) where T
357357
bc_axes = Base.Broadcast.combine_axes(bc.args...)# Use combine_axes as `bc` might get axes from `C`
358-
if !blockisequal(axes(C), bc_axes)
358+
if !blockisequal(axes(C), bc_axes)
359359
copyto!(PseudoBlockArray(C, bc_axes), bc)
360360
return C
361361
end

src/interfaceimpl.jl

Lines changed: 5 additions & 6 deletions
Original file line numberDiff line numberDiff line change
@@ -71,7 +71,7 @@ isblockbanded(A::BlockArray) = isbanded(A.blocks)
7171
K,J = KJ.n
7272
@boundscheck blockcheckbounds(block_arr, K, J)
7373
l,u = blockbandwidths(block_arr)
74-
-l  (J-K)  u || return convert(VT, Zeros{T}(length.(getindex.(axes(block_arr),(Block(K),Block(J))))...))
74+
-l (J-K) u || return convert(VT, Zeros{T}(length.(getindex.(axes(block_arr),(Block(K),Block(J))))...))
7575
block_arr.blocks[K,J]
7676
end
7777

@@ -97,14 +97,14 @@ for op in (:-, :+)
9797

9898
function $op(A::BlockTridiagonal, λ::UniformScaling)
9999
checksquareblocks(A)
100-
mortar(Tridiagonal(broadcast($op, A.blocks.dl, Ref(0λ)),
100+
mortar(Tridiagonal(broadcast($op, A.blocks.dl, Ref(0λ)),
101101
broadcast($op, A.blocks.d, Ref(λ)),
102102
broadcast($op, A.blocks.du, Ref(0λ))))
103103
end
104104
function $op::UniformScaling, A::BlockTridiagonal)
105105
checksquareblocks(A)
106-
mortar(Tridiagonal(broadcast($op, Ref(0λ), A.blocks.dl),
107-
broadcast($op, Ref(λ), A.blocks.d),
106+
mortar(Tridiagonal(broadcast($op, Ref(0λ), A.blocks.dl),
107+
broadcast($op, Ref(λ), A.blocks.d),
108108
broadcast($op, Ref(0λ), A.blocks.du)))
109109
end
110110
function $op(A::BlockBidiagonal, λ::UniformScaling)
@@ -167,7 +167,6 @@ sub_materialize(::AbstractBandedLayout, V, ::Tuple{BlockedUnitRange,Base.OneTo{I
167167
sub_materialize(::AbstractBandedLayout, V, ::Tuple{Base.OneTo{Int},BlockedUnitRange}) = BandedMatrix(V)
168168

169169

170-
171170
#####
172171
# BlockKron
173172
#####
@@ -177,4 +176,4 @@ isbandedblockbanded(K::BlockKron) = all(isbanded, K.args)
177176
blockbandwidths(K::BlockKron) = bandwidths(first(K.args))
178177
subblockbandwidths(K::BlockKron) = bandwidths(last(K.args))
179178

180-
_blockkron(::Tuple{Vararg{AbstractBandedLayout}}, A) = BandedBlockBandedMatrix(BlockKron(A...))
179+
_blockkron(::Tuple{Vararg{AbstractBandedLayout}}, A) = BandedBlockBandedMatrix(BlockKron(A...))

src/triblockbanded.jl

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -7,15 +7,15 @@ isblockbanded(A::AbstractTriangular) =
77
isblockbanded(parent(A))
88
isbandedblockbanded(A::AbstractTriangular) =
99
isbandedblockbanded(parent(A))
10-
function blockbandwidths(A::Union{UpperTriangular,UnitUpperTriangular})
10+
function blockbandwidths(A::Union{UpperTriangular,UnitUpperTriangular})
1111
P = parent(A)
1212
if hasmatchingblocks(P)
1313
(min(0,blockbandwidth(P,1)), blockbandwidth(P,2))
1414
else
1515
blockbandwidths(P)
1616
end
1717
end
18-
function blockbandwidths(A::Union{LowerTriangular,UnitLowerTriangular})
18+
function blockbandwidths(A::Union{LowerTriangular,UnitLowerTriangular})
1919
P = parent(A)
2020
if hasmatchingblocks(P)
2121
(blockbandwidth(P,1), min(0,blockbandwidth(P,2)))

test/test_bandedblockbanded.jl

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -524,7 +524,7 @@ import ArrayLayouts: RangeCumsum
524524
cols = rows = 1:N
525525
data = reshape(collect(1:+μ+1)*(l+u+1)*sum(cols)), ((λ + μ + 1) * (l + u + 1), sum(cols)))
526526
A = _BandedBlockBandedMatrix(data, rows, cols, (l, u), (λ, μ))
527-
527+
528528
@test blockbandwidths(Hermitian(A)) == blockbandwidths(Symmetric(A)) == (1,1)
529529
@test blockbandwidths(Hermitian(A,:L)) == blockbandwidths(Symmetric(A,:L)) == (2,2)
530530
@test subblockbandwidths(Hermitian(A)) == subblockbandwidths(Symmetric(A)) == (2,2)

test/test_blockbanded.jl

Lines changed: 3 additions & 3 deletions
Original file line numberDiff line numberDiff line change
@@ -96,7 +96,7 @@ import Base.Broadcast: materialize!
9696
cols = rows = 1:N
9797
A = BlockBandedMatrix{Int}(undef, rows,cols, (l,u))
9898
A.data .= 1:length(A.data)
99-
99+
100100
@test @inferred(blockrowsupport(A, Block(1))) == Block.(1:3)
101101
@test blockrowsupport(A, Block(2)) == Block.(1:4)
102102
@test blockrowsupport(A, Block(3)) == Block.(2:4)
@@ -108,7 +108,7 @@ import Base.Broadcast: materialize!
108108

109109
@test @inferred(blockrowsupport(A, Block.(3:4))) == Block.(2:4)
110110
@test @inferred(blockcolsupport(A, Block.(1:2))) == Block.(1:3)
111-
111+
112112
@test @inferred(blockcolsupport(A, Block.(1:0))) == Block.(1:0)
113113
end
114114

@@ -220,4 +220,4 @@ import Base.Broadcast: materialize!
220220
f(s) = s.block_starts.data
221221
@inferred(f(s))
222222
end
223-
end
223+
end

test/test_blockskylineqr.jl

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -175,7 +175,7 @@ import BlockBandedMatrices: blockcolsupport
175175

176176
b = [1; zeros(size(T,1)-1)]
177177
B = [Matrix(I,2,2); zeros(size(T,1)-2,2)]
178-
@test ((T - z*I)\b)[1] (F\b)[1] (F \ B)[1,1] ((T - z*I)\B)[1,1] -0.1309123477325813 + 0.28471699370329884im
178+
@test ((T - z*I)\b)[1] (F\b)[1] (F \ B)[1,1] ((T - z*I)\B)[1,1] -0.1309123477325813 + 0.28471699370329884im
179179
end
180180

181181
@testset "BigFloat QR" begin

0 commit comments

Comments
 (0)