Skip to content

Commit bd54541

Browse files
authored
Replace Vec by SVector (#148)
* Replace Vec by SVector * restore some missing names * restore some Base functions
1 parent 169650e commit bd54541

File tree

10 files changed

+91
-107
lines changed

10 files changed

+91
-107
lines changed

Project.toml

Lines changed: 0 additions & 4 deletions
Original file line numberDiff line numberDiff line change
@@ -3,13 +3,11 @@ uuid = "b70543e2-c0d9-56b8-a290-0d4d6d4de211"
33
version = "0.5.15"
44

55
[deps]
6-
AbstractFFTs = "621f4979-c628-5d54-868e-fcf4e3e8185c"
76
ApproxFunBase = "fbd15aa5-315a-5a7d-a8a4-24992e37be05"
87
BandedMatrices = "aae01518-5342-5314-be14-df237901396f"
98
BlockArrays = "8e7c35d0-a365-5155-bbbb-fb81a777f24e"
109
BlockBandedMatrices = "ffab5731-97b5-5995-9138-79e8c1846df0"
1110
DomainSets = "5b8099bc-c8ec-5219-889f-1d9e522a28bf"
12-
FFTW = "7a1cc6ca-52ef-59f5-83cd-3a7055c09341"
1311
FastGaussQuadrature = "442a2c76-b920-505d-bb47-c5924d526838"
1412
FastTransforms = "057dd010-8810-581a-b7be-e3fc3b93f78c"
1513
FillArrays = "1a297f60-69ca-5386-bcde-b61e274b549b"
@@ -21,15 +19,13 @@ StaticArrays = "90137ffa-7385-5640-81b9-e52037218182"
2119
Statistics = "10745b16-79ce-11e8-11f9-7d13ad32a3b2"
2220

2321
[compat]
24-
AbstractFFTs = "0.5, 1"
2522
ApproxFunBase = "0.7"
2623
ApproxFunBaseTest = "0.1"
2724
Aqua = "0.5"
2825
BandedMatrices = "0.16, 0.17"
2926
BlockArrays = "0.14, 0.15, 0.16"
3027
BlockBandedMatrices = "0.10, 0.11"
3128
DomainSets = "0.5"
32-
FFTW = "1.1"
3329
FastGaussQuadrature = "0.4, 0.5"
3430
FastTransforms = "0.12, 0.13, 0.14"
3531
FillArrays = "0.11, 0.12, 0.13"

src/ApproxFunOrthogonalPolynomials.jl

Lines changed: 61 additions & 76 deletions
Original file line numberDiff line numberDiff line change
@@ -1,97 +1,82 @@
11
module ApproxFunOrthogonalPolynomials
2-
using Base, LinearAlgebra, Reexport, BandedMatrices, BlockBandedMatrices, AbstractFFTs, FFTW, BlockArrays, FillArrays, FastTransforms, IntervalSets,
2+
using Base, LinearAlgebra, Reexport, BandedMatrices, BlockBandedMatrices,
3+
BlockArrays, FillArrays, FastTransforms, IntervalSets,
34
DomainSets, Statistics, SpecialFunctions, FastGaussQuadrature
45

56
@reexport using ApproxFunBase
67

7-
import AbstractFFTs: Plan, fft, ifft
8-
import FFTW: plan_r2r!, fftwNumber, REDFT10, REDFT01, REDFT00, RODFT00, R2HC, HC2R,
9-
r2r!, r2r, plan_fft, plan_ifft, plan_ifft!, plan_fft!
10-
11-
import ApproxFunBase: normalize!, flipsign, FiniteRange, Fun, MatrixFun, UnsetSpace, VFun, RowVector,
12-
UnivariateSpace, AmbiguousSpace, SumSpace, SubSpace, WeightSpace, NoSpace, Space,
13-
HeavisideSpace, PointSpace,
14-
IntervalOrSegment, RaggedMatrix, AlmostBandedMatrix,
15-
AnyDomain, ZeroSpace, ArraySpace, TrivialInterlacer, BlockInterlacer,
8+
import ApproxFunBase: Fun, SubSpace, WeightSpace, NoSpace, HeavisideSpace,
9+
IntervalOrSegment, AnyDomain, ArraySpace,
1610
AbstractTransformPlan, TransformPlan, ITransformPlan,
17-
ConcreteConversion, ConcreteMultiplication, ConcreteDerivative, ConcreteIntegral,
18-
ConcreteVolterra, Volterra, VolterraWrapper,
19-
MultiplicationWrapper, ConversionWrapper, DerivativeWrapper, Evaluation, EvaluationWrapper,
20-
Conversion, defaultConversion, defaultcoefficients, default_Fun, Multiplication, Derivative, Integral, bandwidths,
21-
ConcreteEvaluation, ConcreteDefiniteLineIntegral, ConcreteDefiniteIntegral, ConcreteIntegral,
22-
DefiniteLineIntegral, DefiniteIntegral, ConcreteDefiniteIntegral, ConcreteDefiniteLineIntegral, IntegralWrapper,
23-
ReverseOrientation, ReverseOrientationWrapper, ReverseWrapper, Reverse, NegateEven, Dirichlet, ConcreteDirichlet,
11+
ConcreteConversion, ConcreteMultiplication, ConcreteDerivative,
12+
ConcreteDefiniteIntegral, ConcreteDefiniteLineIntegral,
13+
ConcreteVolterra, Volterra, Evaluation, EvaluationWrapper,
14+
MultiplicationWrapper, ConversionWrapper, DerivativeWrapper,
15+
Conversion, defaultcoefficients, default_Fun, Multiplication,
16+
Derivative, bandwidths, ConcreteEvaluation, ConcreteIntegral,
17+
DefiniteLineIntegral, DefiniteIntegral, IntegralWrapper,
18+
ReverseOrientation, ReverseOrientationWrapper, ReverseWrapper,
19+
Reverse, NegateEven, Dirichlet, ConcreteDirichlet,
2420
TridiagonalOperator, SubOperator, Space, @containsconstants, spacescompatible,
25-
hasfasttransform, canonicalspace, domain, setdomain, prectype, domainscompatible,
26-
plan_transform, plan_itransform, plan_transform!, plan_itransform!, transform, itransform, hasfasttransform,
21+
canonicalspace, domain, setdomain, prectype, domainscompatible,
22+
plan_transform, plan_itransform, plan_transform!, plan_itransform!,
23+
transform, itransform, hasfasttransform,
2724
CanonicalTransformPlan, ICanonicalTransformPlan,
28-
Integral,
29-
domainspace, rangespace, boundary,
30-
union_rule, conversion_rule, maxspace_rule, conversion_type, maxspace, hasconversion, points,
31-
rdirichlet, ldirichlet, lneumann, rneumann, ivp, bvp,
25+
Integral, domainspace, rangespace, boundary,
26+
maxspace, hasconversion, points,
27+
union_rule, conversion_rule, maxspace_rule, conversion_type,
3228
linesum, differentiate, integrate, linebilinearform, bilinearform,
33-
UnsetNumber, coefficienttimes, subspace_coefficients, sumspacecoefficients, specialfunctionnormalizationpoint,
34-
Segment, IntervalOrSegmentDomain, PiecewiseSegment, isambiguous, Vec, eps, isperiodic,
35-
arclength, complexlength,
36-
invfromcanonicalD, fromcanonical, tocanonical, fromcanonicalD, tocanonicalD, canonicaldomain, setcanonicaldomain, mappoint,
37-
reverseorientation, checkpoints, evaluate, extrapolate, mul_coefficients, coefficients, isconvertible,
38-
clenshaw, ClenshawPlan, sineshaw,
39-
toeplitz_getindex, toeplitz_axpy!, sym_toeplitz_axpy!, hankel_axpy!, ToeplitzOperator, SymToeplitzOperator, hankel_getindex,
40-
SpaceOperator, ZeroOperator, InterlaceOperator,
41-
interlace!, reverseeven!, negateeven!, cfstype, pad!, alternatesign!, mobius,
42-
extremal_args, hesseneigvals, chebyshev_clenshaw, recA, recB, recC, roots,splitatroots,
43-
chebmult_getindex, intpow, alternatingsum,
44-
domaintype, diagindshift, rangetype, weight, isapproxinteger, default_Dirichlet, scal!, dotu,
45-
components, promoterangespace, promotedomainspace,
46-
block, blockstart, blockstop, blocklengths, isblockbanded, pointscompatible, affine_setdiff, complexroots,
29+
Segment, IntervalOrSegmentDomain, PiecewiseSegment, isambiguous,
30+
eps, isperiodic, arclength, complexlength,
31+
invfromcanonicalD, fromcanonical, tocanonical, fromcanonicalD,
32+
tocanonicalD, canonicaldomain, setcanonicaldomain, mappoint,
33+
reverseorientation, checkpoints, evaluate, extrapolate, mul_coefficients,
34+
coefficients, isconvertible, clenshaw, ClenshawPlan,
35+
toeplitz_axpy!, sym_toeplitz_axpy!, hankel_axpy!,
36+
ToeplitzOperator, SymToeplitzOperator, SpaceOperator, cfstype,
37+
alternatesign!, mobius, chebmult_getindex, intpow, alternatingsum,
38+
extremal_args, chebyshev_clenshaw, recA, recB, recC, roots,
39+
diagindshift, rangetype, weight, isapproxinteger, default_Dirichlet, scal!,
40+
components, promoterangespace,
41+
block, blockstart, blockstop, blocklengths, isblockbanded,
42+
pointscompatible, affine_setdiff, complexroots,
4743
ℓ⁰, recα, recβ, recγ, ℵ₀, ∞, RectDomain
4844

49-
import DomainSets: Domain, indomain, UnionDomain, ProductDomain, FullSpace, Point, elements, DifferenceDomain,
50-
Interval, ChebyshevInterval, boundary, ∂, rightendpoint, leftendpoint,
45+
import DomainSets: Domain, indomain, UnionDomain, FullSpace, Point,
46+
Interval, ChebyshevInterval, boundary, rightendpoint, leftendpoint,
5147
dimension, WrappedDomain
5248

53-
import BandedMatrices: bandrange, bandshift,
54-
inbands_getindex, inbands_setindex!, bandwidth, AbstractBandedMatrix,
55-
colstart, colstop, colrange, rowstart, rowstop, rowrange,
56-
bandwidths, _BandedMatrix, BandedMatrix
57-
58-
import Base: values, convert, getindex, setindex!, *, +, -, ==, <, <=, >, |, !, !=, eltype, iterate,
59-
>=, /, ^, \, , transpose, size, tail, broadcast, broadcast!, copyto!, copy, to_index, (:),
60-
similar, map, vcat, hcat, hvcat, show, summary, stride, sum, cumsum, sign, imag, conj, inv,
61-
complex, reverse, exp, sqrt, abs, abs2, sign, issubset, values, in, first, last, rand, intersect, setdiff,
62-
isless, union, angle, join, isnan, isapprox, isempty, sort, merge, promote_rule,
63-
minimum, maximum, extrema, argmax, argmin, findmax, findmin, isfinite,
64-
zeros, zero, one, promote_rule, repeat, length, resize!, isinf,
65-
getproperty, findfirst, unsafe_getindex, fld, cld, div, real, imag,
66-
@_inline_meta, eachindex, firstindex, lastindex, keys, isreal, OneTo,
67-
Array, Vector, Matrix, view, ones, @propagate_inbounds, print_array,
68-
split
69-
70-
import LinearAlgebra: BlasInt, BlasFloat, norm, ldiv!, mul!, det, eigvals, dot, cross,
71-
qr, qr!, rank, isdiag, istril, istriu, issymmetric, ishermitian,
72-
Tridiagonal, diagm, diagm_container, factorize, nullspace,
73-
Hermitian, Symmetric, adjoint, transpose, char_uplo
74-
75-
import FastTransforms: ChebyshevTransformPlan, IChebyshevTransformPlan, plan_chebyshevtransform,
76-
plan_chebyshevtransform!, plan_ichebyshevtransform, plan_ichebyshevtransform!,
49+
import BandedMatrices: bandshift, bandwidth, colstop, bandwidths, BandedMatrix
50+
51+
import Base: convert, getindex, *, +, -, ==, <, <=, >, |, !, !=, eltype,
52+
>=, /, ^, \, , transpose, size, copyto!, copy,
53+
map, vcat, hcat, show, stride, sum, cumsum, conj, inv,
54+
complex, reverse, exp, sqrt, abs, sign, issubset, values,
55+
first, last, rand, intersect, setdiff,
56+
isless, union, angle, isnan, isapprox, isempty, sort, merge,
57+
minimum, maximum, extrema, argmax, argmin,
58+
zeros, zero, one, promote_rule, length, resize!, isinf,
59+
getproperty, cld, div, real, imag,
60+
max, min, log, acosh, tanh, atanh,
61+
atan, sinh, asinh,
62+
tan, tanh, asin, sec, acos,
63+
sin, cos, sinh, cosh,
64+
asinh, acosh, atanh,
65+
Array, Vector, Matrix, view, ones, split
66+
67+
import LinearAlgebra: norm, mul!, det, eigvals, qr, Tridiagonal, transpose
68+
69+
import FastTransforms: plan_chebyshevtransform, plan_chebyshevtransform!,
70+
plan_ichebyshevtransform, plan_ichebyshevtransform!,
7771
pochhammer, lgamma, chebyshevtransform!, ichebyshevtransform!
7872

7973
import BlockBandedMatrices: blockbandwidths, subblockbandwidths
8074

8175
# we need to import all special functions to use Calculus.symbolic_derivatives_1arg
82-
# we can't do importall Base as we replace some Base definitions
83-
import SpecialFunctions: sinpi, cospi, airy, besselh,
84-
asinh, acosh,atanh, erfcx, dawson, erf, erfi,
85-
sin, cos, sinh, cosh, airyai, airybi, airyaiprime, airybiprime,
86-
hankelh1, hankelh2, besselj, besselj0, bessely, besseli, besselk,
87-
besselkx, hankelh1x, hankelh2x, exp2, exp10, log2, log10,
88-
tan, tanh, csc, asin, acsc, sec, acos, asec,
89-
cot, atan, acot, sinh, csch, asinh, acsch,
90-
sech, acosh, asech, tanh, coth, atanh, acoth,
91-
expm1, log1p, lfact, sinc, cosc, erfinv, erfcinv, beta, lbeta,
92-
eta, zeta, gamma, polygamma, invdigamma, digamma, trigamma,
93-
abs, sign, log, expm1, tan, abs2, sqrt, angle, max, min, cbrt, log,
94-
atan, acos, asin, erfc, inv
76+
import SpecialFunctions: erfcx, dawson, erf,
77+
hankelh1, hankelh2, besselj, bessely, besseli, besselk,
78+
besselkx, hankelh1x, hankelh2x,
79+
expm1, eta, gamma, erfc
9580

9681
using StaticArrays: SVector
9782

src/Domains/Arc.jl

Lines changed: 13 additions & 13 deletions
Original file line numberDiff line numberDiff line change
@@ -24,20 +24,20 @@ Arc(c::T,r::V,t::Tuple{V1,V2}) where {T<:Number,V<:Real,V1<:Real,V2<:Real} =
2424
Arc{promote_type(T,V,V1,V2),
2525
promote_type(real(T),V,V1,V2),
2626
Complex{promote_type(real(T),V,V1,V2)}}(c,r,t)
27-
Arc(c::Vec{2,T},r::V,t::Tuple{V,V}) where {T<:Number,V<:Real} =
28-
Arc{Vec{2,promote_type(T,V)},
27+
Arc(c::SVector{2,T},r::V,t::Tuple{V,V}) where {T<:Number,V<:Real} =
28+
Arc{SVector{2,promote_type(T,V)},
2929
promote_type(real(T),V),
30-
Vec{2,promote_type(real(T),V)}}(c,r,t)
31-
Arc(c::Vec{2,T},r::V,t::Tuple{V1,V2}) where {T<:Number,V<:Real,V1<:Real,V2<:Real} =
32-
Arc{Vec{2,promote_type(T,V,V1,V2)},
30+
SVector{2,promote_type(real(T),V)}}(c,r,t)
31+
Arc(c::SVector{2,T},r::V,t::Tuple{V1,V2}) where {T<:Number,V<:Real,V1<:Real,V2<:Real} =
32+
Arc{SVector{2,promote_type(T,V,V1,V2)},
3333
promote_type(real(T),V,V1,V2),
34-
Vec{2,promote_type(T,V,V1,V2)}}(c,r,t)
34+
SVector{2,promote_type(T,V,V1,V2)}}(c,r,t)
3535

36-
Arc(c::Tuple,r,t) = Arc(Vec(c...),r,t)
36+
Arc(c::Tuple,r,t) = Arc(SVector(c...),r,t)
3737
Arc(c,r,t0,t1) = Arc(c,r,(t0,t1))
3838

3939

40-
complex(a::Arc{V}) where {V<:Vec} = Arc(complex(a.center...),a.radius,a.angles)
40+
complex(a::Arc{V}) where {V<:SVector} = Arc(complex(a.center...),a.radius,a.angles)
4141

4242
isambiguous(d::Arc) =
4343
isnan(d.center) && isnan(d.radius) && isnan(d.angles[1]) && isnan(d.angles[2])
@@ -75,12 +75,12 @@ fromcanonical(a::Arc{T,V,TT},x) where {T<:Number,V<:Real,TT<:Complex} =
7575
mobiusinv(a,x)
7676
fromcanonicalD(a::Arc{T},x) where {T<:Number} = mobiusinvD(a,x)
7777

78-
tocanonical(a::Arc{V},x::Vec) where {V<:Vec} =
78+
tocanonical(a::Arc{V},x::SVector) where {V<:SVector} =
7979
tocanonical(complex(a),complex(x...))
80-
fromcanonical(a::Arc{V},x::Number) where {V<:Vec} =
81-
Vec(reim(fromcanonical(complex(a),x))...)
82-
fromcanonicalD(a::Arc{V},x::Number) where {V<:Vec} =
83-
Vec(reim(fromcanonicalD(complex(a),x))...)
80+
fromcanonical(a::Arc{V},x::Number) where {V<:SVector} =
81+
SVector(reim(fromcanonical(complex(a),x))...)
82+
fromcanonicalD(a::Arc{V},x::Number) where {V<:SVector} =
83+
SVector(reim(fromcanonicalD(complex(a),x))...)
8484

8585
## information
8686

src/Spaces/Chebyshev/Chebyshev.jl

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -208,9 +208,9 @@ _padua_length(N) = Int(cld(-3+sqrt(1+8N),2))
208208
function squarepoints(::Type{T}, N) where T
209209
pts = paduapoints(T, _padua_length(N))
210210
n = size(pts,1)
211-
ret = Array{Vec{2,T}}(undef, n)
211+
ret = Array{SVector{2,T}}(undef, n)
212212
@inbounds for k=1:n
213-
ret[k] = Vec{2,T}(pts[k,1],pts[k,2])
213+
ret[k] = SVector{2,T}(pts[k,1],pts[k,2])
214214
end
215215
ret
216216
end

src/Spaces/PolynomialSpace.jl

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -32,7 +32,7 @@ end
3232

3333
# we need the ... for multi-dimensional
3434
evaluate(f::AbstractVector,S::PolynomialSpace,x,y,z...) =
35-
evaluate(f,S,Vec(x,y,z...))
35+
evaluate(f,S,SVector(x,y,z...))
3636

3737
function evaluate(f::AbstractVector, S::PolynomialSpace, x::Fun)
3838
if issubset(Interval(minimum(x),maximum(x)),domain(S))

src/Spaces/Ultraspherical/DirichletSpace.jl

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -9,7 +9,7 @@ struct ChebyshevDirichlet{left,right,D,R} <: PolynomialSpace{D,R}
99
ChebyshevDirichlet{left,right,D,R}() where {left,right,D,R} = new(strictconvert(D, ChebyshevInterval()))
1010
end
1111

12-
for TYP in (:Number,:AbstractArray,:Vec,:Fun)
12+
for TYP in (:Number,:AbstractArray,:SVector,:Fun)
1313
@eval evaluate(f::AbstractVector,S::ChebyshevDirichlet,x::$TYP) =
1414
evaluate(Fun(Fun(S,f),canonicalspace(S)),x)
1515
end

test/JacobiTest.jl

Lines changed: 3 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -3,11 +3,12 @@ using ApproxFunBase
33
using Test
44
using SpecialFunctions
55
using LinearAlgebra
6-
using ApproxFunBase: Vec, maxspace, NoSpace, hasconversion,
6+
using ApproxFunBase: maxspace, NoSpace, hasconversion,
77
reverseorientation, ReverseOrientation, transform!, itransform!
88
using ApproxFunBaseTest: testbandedbelowoperator, testbandedoperator, testspace, testtransforms,
99
testfunctional
1010
using ApproxFunOrthogonalPolynomials: jacobip
11+
using StaticArrays: SVector
1112

1213
@verbose @testset "Jacobi" begin
1314
@testset "Basic" begin
@@ -211,7 +212,7 @@ using ApproxFunOrthogonalPolynomials: jacobip
211212
end
212213

213214
@testset "vector valued case" begin
214-
f=Fun((x,y)->real(exp(x+im*y)), Legendre(Segment(Vec(0.,0.),Vec(1.,1.))))
215+
f=Fun((x,y)->real(exp(x+im*y)), Legendre(Segment(SVector(0.,0.),SVector(1.,1.))))
215216
@test f(0.1,0.1) real(exp(0.1+0.1im))
216217
end
217218

test/MultivariateTest.jl

Lines changed: 7 additions & 6 deletions
Original file line numberDiff line numberDiff line change
@@ -4,10 +4,11 @@ using LinearAlgebra
44
using SpecialFunctions
55
using BlockBandedMatrices
66
using Test
7-
using ApproxFunBase: factor, Block, cfstype, blocklengths, block, tensorizer, Vec, ArraySpace, ∞
7+
using ApproxFunBase: factor, Block, cfstype, blocklengths, block, tensorizer, ArraySpace, ∞
88
using ApproxFunBaseTest: testbandedblockbandedoperator, testraggedbelowoperator,
99
testblockbandedoperator
1010
using ApproxFunOrthogonalPolynomials: chebyshevtransform
11+
using StaticArrays: SVector
1112

1213
using Base: oneto
1314

@@ -102,20 +103,20 @@ using Base: oneto
102103
end
103104

104105

105-
@testset "Vec segment" begin
106-
d = Segment(Vec(0.,0.) , Vec(1.,1.))
106+
@testset "SVector segment" begin
107+
d = Segment(SVector(0.,0.) , SVector(1.,1.))
107108
x = Fun()
108109
@test (ApproxFunBase.complexlength(d)*x/2)(0.1) (d.b - d.a)*0.1/2
109110
@test ApproxFunBase.fromcanonical(d,x)(0.1) (d.b+d.a)/2 + (d.b - d.a)*0.1/2
110111

111-
x,y = Fun(Segment(Vec(0.,0.) , Vec(2.,1.)))
112+
x,y = Fun(Segment(SVector(0.,0.) , SVector(2.,1.)))
112113
@test x(0.2,0.1) 0.2
113114
@test y(0.2,0.1) 0.1
114115

115116
d=Segment((0.,0.),(1.,1.))
116117
f=Fun(xy->exp(-xy[1]-2cos(xy[2])),d)
117118
@test f(0.5,0.5) exp(-0.5-2cos(0.5))
118-
@test f(Vec(0.5,0.5)) exp(-0.5-2cos(0.5))
119+
@test f(SVector(0.5,0.5)) exp(-0.5-2cos(0.5))
119120

120121
f=Fun(xy->exp(-xy[1]-2cos(xy[2])),d,20)
121122
@test f(0.5,0.5) exp(-0.5-2cos(0.5))
@@ -285,7 +286,7 @@ using Base: oneto
285286
end
286287

287288
@testset "off domain evaluate" begin
288-
g = Fun(1, Segment(Vec(0,-1) , Vec(π,-1)))
289+
g = Fun(1, Segment(SVector(0,-1) , SVector(π,-1)))
289290
@test g(0.1,-1) 1
290291
@test g(0.1,1) 0
291292
end

test/UltrasphericalTest.jl

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -3,7 +3,7 @@ using ApproxFunBase
33
using Test
44
using SpecialFunctions
55
using LinearAlgebra
6-
using ApproxFunBase: Vec, maxspace, NoSpace, hasconversion, reverseorientation, ReverseOrientation
6+
using ApproxFunBase: maxspace, NoSpace, hasconversion, reverseorientation, ReverseOrientation
77
using ApproxFunBaseTest: testbandedbelowoperator, testbandedoperator, testspace, testtransforms,
88
testfunctional
99
using ApproxFunOrthogonalPolynomials: jacobip

test/VectorTest.jl

Lines changed: 2 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -6,7 +6,8 @@ using LinearAlgebra
66
using SpecialFunctions
77
using Test
88
using ApproxFunBase: interlace, Multiplication, ConstantSpace, PointSpace,
9-
ArraySpace, blocklengths, ∞, Vec
9+
ArraySpace, blocklengths, ∞
10+
using StaticArrays: SVector
1011

1112
using ApproxFunBaseTest: testblockbandedoperator, testraggedbelowoperator
1213

0 commit comments

Comments
 (0)