module Z.Data.Vector.Base (
Vec(..)
, pattern Vec
, indexMaybe
, Vector(..)
, PrimVector(..)
, Bytes, packASCII, w2c, c2w
, create, create', creating, creating', createN, createN2
, empty, singleton, copy
, pack, packN, packR, packRN
, unpack, unpackR
, null
, length
, append
, map, map', imap', traverseVec, traverseWithIndex, traverseVec_, traverseWithIndex_
, foldl', ifoldl', foldl1', foldl1Maybe'
, foldr', ifoldr', foldr1', foldr1Maybe'
, concat, concatMap
, maximum, minimum, maximumMaybe, minimumMaybe
, sum
, count
, product, product'
, all, any
, mapAccumL
, mapAccumR
, replicate
, cycleN
, unfoldr
, unfoldrN
, elem, notElem, elemIndex
, IPair(..), mapIPair'
, defaultInitSize
, chunkOverhead
, defaultChunkSize
, smallChunkSize
, VectorException(..)
, errorEmptyVector
, errorOutRange
, castVector
, c_strcmp
, c_memchr
, c_memrchr
, c_strlen
, c_ascii_validate_addr
, c_fnv_hash_addr
, c_fnv_hash_ba
) where
import Control.DeepSeq
import Control.Exception
import Control.Monad
import Control.Monad.ST
import Data.Bits
import Data.Char (ord)
import qualified Data.Foldable as F
import Data.Hashable (Hashable(..))
import Data.Hashable.Lifted (Hashable1(..), hashWithSalt1)
import qualified Data.List as List
import Data.Maybe
import qualified Data.CaseInsensitive as CI
import Data.Primitive
import Data.Primitive.Ptr
import qualified Data.Traversable as T
import Foreign.C
import GHC.Exts
import GHC.Stack
import GHC.CString
import GHC.Word
import Prelude hiding (concat, concatMap,
elem, notElem, null, length, map,
foldl, foldl1, foldr, foldr1,
maximum, minimum, product, sum,
all, any, replicate, traverse)
import Test.QuickCheck.Arbitrary (Arbitrary(..), CoArbitrary(..))
import System.IO.Unsafe (unsafeDupablePerformIO)
import Z.Data.Array
class (Arr (IArray v) a) => Vec v a where
type IArray v :: * -> *
toArr :: v a -> (IArray v a, Int, Int)
fromArr :: IArray v a -> Int -> Int -> v a
instance Vec Array a where
type IArray Array = Array
{-# INLINE toArr #-}
toArr arr = (arr, 0, sizeofArr arr)
{-# INLINE fromArr #-}
fromArr = fromArray
instance Vec SmallArray a where
type IArray SmallArray = SmallArray
{-# INLINE toArr #-}
toArr arr = (arr, 0, sizeofArr arr)
{-# INLINE fromArr #-}
fromArr = fromArray
instance Prim a => Vec PrimArray a where
type IArray PrimArray = PrimArray
{-# INLINE toArr #-}
toArr arr = (arr, 0, sizeofArr arr)
{-# INLINE fromArr #-}
fromArr = fromArray
instance PrimUnlifted a => Vec UnliftedArray a where
type IArray UnliftedArray = UnliftedArray
{-# INLINE toArr #-}
toArr arr = (arr, 0, sizeofArr arr)
{-# INLINE fromArr #-}
fromArr = fromArray
fromArray :: Arr arr a => arr a -> Int -> Int -> arr a
{-# INLINE fromArray #-}
fromArray arr offset len | offset == 0 && sizeofArr arr == len = arr
| otherwise = cloneArr arr offset len
pattern Vec :: Vec v a => IArray v a -> Int -> Int -> v a
pattern Vec arr s l <- (toArr -> (arr,s,l)) where
Vec arr s l = fromArr arr s l
indexMaybe :: Vec v a => v a -> Int -> Maybe a
{-# INLINE indexMaybe #-}
indexMaybe (Vec arr s l) i | i < 0 || i >= l = Nothing
| otherwise = arr `indexArrM` (s + i)
data Vector a = Vector
{-# UNPACK #-} !(SmallArray a)
{-# UNPACK #-} !Int
{-# UNPACK #-} !Int
instance Vec Vector a where
type IArray Vector = SmallArray
{-# INLINE toArr #-}
toArr (Vector arr s l) = (arr, s, l)
{-# INLINE fromArr #-}
fromArr = Vector
instance Eq a => Eq (Vector a) where
{-# INLINABLE (==) #-}
v1 == v2 = eqVector v1 v2
eqVector :: Eq a => Vector a -> Vector a -> Bool
{-# INLINE eqVector #-}
eqVector (Vector baA sA lA) (Vector baB sB lB)
| baA `sameArr` baB =
if sA == sB then lA == lB else lA == lB && go sA sB
| otherwise = lA == lB && go sA sB
where
!endA = sA + lA
go !i !j
| i >= endA = True
| otherwise =
(indexSmallArray baA i == indexSmallArray baB j) && go (i+1) (j+1)
instance Ord a => Ord (Vector a) where
{-# INLINABLE compare #-}
compare = compareVector
compareVector :: Ord a => Vector a -> Vector a -> Ordering
{-# INLINE compareVector #-}
compareVector (Vector baA sA lA) (Vector baB sB lB)
| baA `sameArr` baB = if sA == sB then lA `compare` lB else go sA sB
| otherwise = go sA sB
where
!endA = sA + lA
!endB = sB + lB
go !i !j | i >= endA = endA `compare` endB
| j >= endB = endA `compare` endB
| otherwise = let o = indexSmallArray baA i `compare` indexSmallArray baB j
in case o of EQ -> go (i+1) (j+1)
x -> x
instance Semigroup (Vector a) where
{-# INLINE (<>) #-}
(<>) = append
instance Monoid (Vector a) where
{-# INLINE mempty #-}
mempty = empty
{-# INLINE mappend #-}
mappend = append
{-# INLINE mconcat #-}
mconcat = concat
instance NFData a => NFData (Vector a) where
{-# INLINE rnf #-}
rnf (Vector arr s l) = go s
where
!end = s+l
go !i | i < end = case indexArr' arr i of (# x #) -> x `seq` go (i+1)
| otherwise = ()
instance (Show a) => Show (Vector a) where
showsPrec p v = showsPrec p (unpack v)
instance (Read a) => Read (Vector a) where
readsPrec p str = [ (pack x, y) | (x, y) <- readsPrec p str ]
instance Functor Vector where
{-# INLINE fmap #-}
fmap = map
instance F.Foldable Vector where
{-# INLINE foldr' #-}
foldr' = foldr'
{-# INLINE foldr #-}
foldr f acc = List.foldr f acc . unpack
{-# INLINE foldl' #-}
foldl' = foldl'
{-# INLINE foldl #-}
foldl f acc = List.foldr (flip f) acc . unpackR
{-# INLINE toList #-}
toList = unpack
{-# INLINE null #-}
null = null
{-# INLINE length #-}
length = length
{-# INLINE elem #-}
elem = elem
{-# INLINE maximum #-}
maximum = maximum
{-# INLINE minimum #-}
minimum = minimum
{-# INLINE product #-}
product = product
{-# INLINE sum #-}
sum = sum
instance T.Traversable Vector where
{-# INLINE traverse #-}
traverse = traverseVec
instance Arbitrary a => Arbitrary (Vector a) where
arbitrary = pack <$> arbitrary
shrink v = pack <$> shrink (unpack v)
instance CoArbitrary a => CoArbitrary (Vector a) where
coarbitrary = coarbitrary . unpack
instance Hashable a => Hashable (Vector a) where
{-# INLINE hashWithSalt #-}
hashWithSalt = hashWithSalt1
instance Hashable1 Vector where
{-# INLINE liftHashWithSalt #-}
liftHashWithSalt h salt0 (Vector arr s l) = hashWithSalt (go salt0 s) l
where
!end = s + l
go !salt !i
| i >= end = salt
| otherwise = go (h salt (indexArr arr i)) (i+1)
traverseVec :: (Vec v a, Vec u b, Applicative f) => (a -> f b) -> v a -> f (u b)
{-# INLINE [1] traverseVec #-}
{-# RULES "traverseVec/ST" forall f. traverseVec f = traverseWithIndexST (const f) #-}
{-# RULES "traverseVec/IO" forall f. traverseVec f = traverseWithIndexIO (const f) #-}
traverseVec f v = packN (length v) <$> T.traverse f (unpack v)
traverseWithIndex :: (Vec v a, Vec u b, Applicative f) => (Int -> a -> f b) -> v a -> f (u b)
{-# INLINE [1] traverseWithIndex #-}
{-# RULES "traverseWithIndex/ST" traverseWithIndex = traverseWithIndexST #-}
{-# RULES "traverseWithIndex/IO" traverseWithIndex = traverseWithIndexIO #-}
traverseWithIndex f v = packN (length v) <$> zipWithM f [0..] (unpack v)
traverseWithIndexST :: forall v u a b s. (Vec v a, Vec u b) => (Int -> a -> ST s b) -> v a -> ST s (u b)
{-# INLINE traverseWithIndexST #-}
traverseWithIndexST f (Vec arr s l)
| l == 0 = return empty
| otherwise = do
marr <- newArr l
go marr 0
ba <- unsafeFreezeArr marr
return $! fromArr ba 0 l
where
go :: MArr (IArray u) s b -> Int -> ST s ()
go !marr !i
| i >= l = return ()
| otherwise = do
x <- indexArrM arr (i+s)
writeArr marr i =<< f i x
go marr (i+1)
traverseWithIndexIO :: forall v u a b. (Vec v a, Vec u b) => (Int -> a -> IO b) -> v a -> IO (u b)
{-# INLINE traverseWithIndexIO #-}
traverseWithIndexIO f (Vec arr s l)
| l == 0 = return empty
| otherwise = do
marr <- newArr l
go marr 0
ba <- unsafeFreezeArr marr
return $! fromArr ba 0 l
where
go :: MArr (IArray u) RealWorld b -> Int -> IO ()
go !marr !i
| i >= l = return ()
| otherwise = do
x <- indexArrM arr (i+s)
writeArr marr i =<< f i x
go marr (i+1)
traverseVec_ :: (Vec v a, Applicative f) => (a -> f b) -> v a -> f ()
{-# INLINE traverseVec_ #-}
traverseVec_ f = traverseWithIndex_ (\ _ x -> f x)
traverseWithIndex_ :: (Vec v a, Applicative f) => (Int -> a -> f b) -> v a -> f ()
{-# INLINE traverseWithIndex_ #-}
traverseWithIndex_ f (Vec arr s l) = go s
where
end = s + l
go !i
| i >= end = pure ()
| otherwise = f (i-s) (indexArr arr i) *> go (i+1)
data PrimVector a = PrimVector
{-# UNPACK #-} !(PrimArray a)
{-# UNPACK #-} !Int
{-# UNPACK #-} !Int
instance Prim a => Vec PrimVector a where
type IArray PrimVector = PrimArray
{-# INLINE toArr #-}
toArr (PrimVector arr s l) = (arr, s, l)
{-# INLINE fromArr #-}
fromArr = PrimVector
instance (Prim a, Eq a) => Eq (PrimVector a) where
{-# INLINE (==) #-}
(==) = eqPrimVector
eqPrimVector :: forall a. Prim a => PrimVector a -> PrimVector a -> Bool
{-# INLINE eqPrimVector #-}
eqPrimVector (PrimVector (PrimArray baA#) (I# sA#) lA)
(PrimVector (PrimArray baB#) (I# sB#) lB)
=
lA == lB &&
0 == I# (compareByteArrays# baA# (sA# *# siz#) baB# (sB# *# siz#) n#)
where
!siz@(I# siz#) = sizeOf (undefined :: a)
!(I# n#) = min (lA*siz) (lB*siz)
instance (Prim a, Ord a) => Ord (PrimVector a) where
{-# INLINE compare #-}
compare = comparePrimVector
comparePrimVector :: (Prim a, Ord a) => PrimVector a -> PrimVector a -> Ordering
{-# INLINE [1] comparePrimVector #-}
{-# RULES
"comparePrimVector/Bytes" comparePrimVector = compareBytes
#-}
comparePrimVector (PrimVector baA sA lA) (PrimVector baB sB lB)
| baA `sameArr` baB = if sA == sB then lA `compare` lB else go sA sB
| otherwise = go sA sB
where
!endA = sA + lA
!endB = sB + lB
go !i !j | i >= endA = endA `compare` endB
| j >= endB = endA `compare` endB
| otherwise = let o = indexPrimArray baA i `compare` indexPrimArray baB j
in case o of EQ -> go (i+1) (j+1)
x -> x
compareBytes :: PrimVector Word8 -> PrimVector Word8 -> Ordering
{-# INLINE compareBytes #-}
compareBytes (PrimVector (PrimArray baA#) (I# sA#) lA)
(PrimVector (PrimArray baB#) (I# sB#) lB) =
let !(I# n#) = min lA lB
r = I# (compareByteArrays# baA# sA# baB# sB# n#)
in case r `compare` 0 of
EQ -> lA `compare` lB
x -> x
instance Prim a => Semigroup (PrimVector a) where
{-# INLINE (<>) #-}
(<>) = append
instance Prim a => Monoid (PrimVector a) where
{-# INLINE mempty #-}
mempty = empty
{-# INLINE mappend #-}
mappend = append
{-# INLINE mconcat #-}
mconcat = concat
instance NFData (PrimVector a) where
{-# INLINE rnf #-}
rnf PrimVector{} = ()
instance (Prim a, Show a) => Show (PrimVector a) where
showsPrec p v = showsPrec p (unpack v)
instance (Prim a, Read a) => Read (PrimVector a) where
readsPrec p str = [ (pack x, y) | (x, y) <- readsPrec p str ]
instance (Prim a, Arbitrary a) => Arbitrary (PrimVector a) where
arbitrary = pack <$> arbitrary
shrink v = pack <$> shrink (unpack v)
instance (Prim a, CoArbitrary a) => CoArbitrary (PrimVector a) where
coarbitrary = coarbitrary . unpack
instance (Hashable a, Prim a) => Hashable (PrimVector a) where
{-# INLINE hashWithSalt #-}
hashWithSalt = hashWithSaltPrimVector
hashWithSaltPrimVector :: (Hashable a, Prim a) => Int -> PrimVector a -> Int
{-# INLINE [1] hashWithSaltPrimVector #-}
{-# RULES
"hashWithSaltPrimVector/Bytes" hashWithSaltPrimVector = hashWithSaltBytes
#-}
hashWithSaltPrimVector salt0 (PrimVector arr s l) = go salt0 s
where
!end = s + l
go !salt !i
| i >= end = salt
| otherwise = go (hashWithSalt salt (indexPrimArray arr i)) (i+1)
hashWithSaltBytes :: Int -> Bytes -> Int
{-# INLINE hashWithSaltBytes #-}
hashWithSaltBytes salt (PrimVector (PrimArray ba#) s l) =
unsafeDupablePerformIO (c_fnv_hash_ba ba# s l salt)
type Bytes = PrimVector Word8
instance (a ~ Word8) => IsString (PrimVector a) where
{-# INLINE fromString #-}
fromString = packASCII
instance CI.FoldCase Bytes where
{-# INLINE foldCase #-}
foldCase = map toLower8
where
toLower8 :: Word8 -> Word8
toLower8 w
| 65 <= w && w <= 90 ||
192 <= w && w <= 214 ||
216 <= w && w <= 222 = w + 32
| otherwise = w
packASCII :: String -> Bytes
{-# INLINE CONLIKE [0] packASCII #-}
{-# RULES
"packASCII/packASCIIAddr" forall addr . packASCII (unpackCString# addr) = packASCIIAddr addr
#-}
packASCII = pack . fmap (fromIntegral . ord)
packASCIIAddr :: Addr# -> Bytes
packASCIIAddr addr0# = go addr0#
where
len = fromIntegral . unsafeDupablePerformIO $ c_strlen addr0#
go addr# = runST $ do
marr <- newPrimArray len
copyPtrToMutablePrimArray marr 0 (Ptr addr#) len
arr <- unsafeFreezePrimArray marr
return (PrimVector arr 0 len)
w2c :: Word8 -> Char
{-# INLINE w2c #-}
w2c (W8# w#) = C# (chr# (word2Int# w#))
c2w :: Char -> Word8
{-# INLINE c2w #-}
c2w (C# c#) = W8# (int2Word# (ord# c#))
create :: Vec v a
=> Int
-> (forall s. MArr (IArray v) s a -> ST s ())
-> v a
{-# INLINE create #-}
create n0 fill = runST (do
let n = max 0 n0
marr <- newArr n
fill marr
ba <- unsafeFreezeArr marr
return $! fromArr ba 0 n)
create' :: Vec v a
=> Int
-> (forall s. MArr (IArray v) s a -> ST s (IPair (MArr (IArray v) s a)))
-> v a
{-# INLINE create' #-}
create' n0 fill = runST (do
let n = max 0 n0
marr <- newArr n
IPair n' marr' <- fill marr
shrinkMutableArr marr' n'
ba <- unsafeFreezeArr marr'
return $! fromArr ba 0 n')
creating :: Vec v a
=> Int
-> (forall s. MArr (IArray v) s a -> ST s b)
-> (b, v a)
{-# INLINE creating #-}
creating n0 fill = runST (do
let n = max 0 n0
marr <- newArr n
b <- fill marr
ba <- unsafeFreezeArr marr
let !v = fromArr ba 0 n
return (b, v))
creating' :: Vec v a
=> Int
-> (forall s. MArr (IArray v) s a -> ST s (b, (IPair (MArr (IArray v) s a))))
-> (b, v a)
{-# INLINE creating' #-}
creating' n0 fill = runST (do
let n = max 0 n0
marr <- newArr n
(b, IPair n' marr') <- fill marr
shrinkMutableArr marr' n'
ba <- unsafeFreezeArr marr'
let !v = fromArr ba 0 n'
return (b, v))
createN :: (Vec v a, HasCallStack)
=> Int
-> (forall s. MArr (IArray v) s a -> ST s Int)
-> v a
{-# INLINE createN #-}
createN n0 fill = runST (do
let n = max 0 n0
marr <- newArr n
l' <- fill marr
shrinkMutableArr marr l'
ba <- unsafeFreezeArr marr
if l' <= n
then return $! fromArr ba 0 l'
else errorOutRange l')
createN2 :: (Vec v a, Vec u b, HasCallStack)
=> Int
-> Int
-> (forall s. MArr (IArray v) s a -> MArr (IArray u) s b -> ST s (Int,Int))
-> (v a, u b)
{-# INLINE createN2 #-}
createN2 n0 n1 fill = runST (do
let n0' = max 0 n0
n1' = max 0 n1
mba0 <- newArr n0'
mba1 <- newArr n1'
(l0, l1) <- fill mba0 mba1
shrinkMutableArr mba0 l0
shrinkMutableArr mba1 l1
ba0 <- unsafeFreezeArr mba0
ba1 <- unsafeFreezeArr mba1
if (l0 <= n0)
then if (l1 <= n1)
then let !v1 = fromArr ba0 0 l0
!v2 = fromArr ba1 0 l1
in return (v1, v2)
else errorOutRange l1
else errorOutRange l0)
empty :: Vec v a => v a
{-# INLINE empty #-}
empty = create 0 (\_ -> return ())
singleton :: Vec v a => a -> v a
{-# INLINE singleton #-}
singleton c = create 1 (\ marr -> writeArr marr 0 c)
copy :: Vec v a => v a -> v a
{-# INLINE copy #-}
copy (Vec ba s l) = create l (\ marr -> copyArr marr 0 ba s l)
pack :: Vec v a => [a] -> v a
{-# INLINE pack #-}
pack = packN defaultInitSize
packN :: forall v a. Vec v a => Int -> [a] -> v a
{-# INLINE packN #-}
packN n0 = \ ws0 -> runST (do let n = max 4 n0
marr <- newArr n
(IPair i marr') <- foldM go (IPair 0 marr) ws0
shrinkMutableArr marr' i
ba <- unsafeFreezeArr marr'
return $! fromArr ba 0 i
)
where
go :: IPair (MArr (IArray v) s a) -> a -> ST s (IPair (MArr (IArray v) s a))
go (IPair i marr) x = do
n <- sizeofMutableArr marr
if i < n
then do writeArr marr i x
return (IPair (i+1) marr)
else do let !n' = n `shiftL` 1
!marr' <- resizeMutableArr marr n'
writeArr marr' i x
return (IPair (i+1) marr')
packR :: Vec v a => [a] -> v a
{-# INLINE packR #-}
packR = packRN defaultInitSize
packRN :: forall v a. Vec v a => Int -> [a] -> v a
{-# INLINE packRN #-}
packRN n0 = \ ws0 -> runST (do let n = max 4 n0
marr <- newArr n
(IPair i marr') <- foldM go (IPair (n-1) marr) ws0
ba <- unsafeFreezeArr marr'
let i' = i + 1
n' = sizeofArr ba
return $! fromArr ba i' (n'-i')
)
where
go :: IPair (MArr (IArray v) s a) -> a -> ST s (IPair (MArr (IArray v) s a))
go (IPair i marr) !x = do
n <- sizeofMutableArr marr
if i >= 0
then do writeArr marr i x
return (IPair (i-1) marr)
else do let !n' = n `shiftL` 1
!marr' <- newArr n'
copyMutableArr marr' n marr 0 n
writeArr marr' (n-1) x
return (IPair (n-2) marr')
unpack :: Vec v a => v a -> [a]
{-# INLINE [1] unpack #-}
unpack (Vec ba s l) = go s
where
!end = s + l
go !idx
| idx >= end = []
| otherwise = case indexArr' ba idx of (# x #) -> x : go (idx+1)
unpackFB :: Vec v a => v a -> (a -> r -> r) -> r -> r
{-# INLINE [0] unpackFB #-}
unpackFB (Vec ba s l) k z = go s
where
!end = s + l
go !idx
| idx >= end = z
| otherwise = case indexArr' ba idx of (# x #) -> x `k` go (idx+1)
{-# RULES
"unpack" [~1] forall v . unpack v = build (\ k z -> unpackFB v k z)
"unpackFB" [1] forall v . unpackFB v (:) [] = unpack v
#-}
unpackR :: Vec v a => v a -> [a]
{-# INLINE [1] unpackR #-}
unpackR (Vec ba s l) = go (s + l - 1)
where
go !idx
| idx < s = []
| otherwise =
case indexArr' ba idx of (# x #) -> x : go (idx-1)
unpackRFB :: Vec v a => v a -> (a -> r -> r) -> r -> r
{-# INLINE [0] unpackRFB #-}
unpackRFB (Vec ba s l) k z = go (s + l - 1)
where
go !idx
| idx < s = z
| otherwise =
case indexArr' ba idx of (# x #) -> x `k` go (idx-1)
{-# RULES
"unpackR" [~1] forall v . unpackR v = build (\ k z -> unpackRFB v k z)
"unpackRFB" [1] forall v . unpackRFB v (:) [] = unpackR v
#-}
length :: Vec v a => v a -> Int
{-# INLINE length #-}
length (Vec _ _ l) = l
null :: Vec v a => v a -> Bool
{-# INLINE null #-}
null v = length v == 0
append :: Vec v a => v a -> v a -> v a
{-# INLINE append #-}
append (Vec _ _ 0) b = b
append a (Vec _ _ 0) = a
append (Vec baA sA lA) (Vec baB sB lB) = create (lA+lB) $ \ marr -> do
copyArr marr 0 baA sA lA
copyArr marr lA baB sB lB
map :: forall u v a b. (Vec u a, Vec v b) => (a -> b) -> u a -> v b
{-# INLINE map #-}
map f (Vec arr s l) = create l (go 0)
where
go :: Int -> MArr (IArray v) s b -> ST s ()
go !i !marr | i >= l = return ()
| otherwise = do
x <- indexArrM arr (i+s); writeArr marr i (f x);
go (i+1) marr
map' :: forall u v a b. (Vec u a, Vec v b) => (a -> b) -> u a -> v b
{-# INLINE map' #-}
map' f (Vec arr s l) = create l (go 0)
where
go :: Int -> MArr (IArray v) s b -> ST s ()
go !i !marr | i < l = do
x <- indexArrM arr (i+s)
let !v = f x in writeArr marr i v
go (i+1) marr
| otherwise = return ()
imap' :: forall u v a b. (Vec u a, Vec v b) => (Int -> a -> b) -> u a -> v b
{-# INLINE imap' #-}
imap' f (Vec arr s l) = create l (go 0)
where
go :: Int -> MArr (IArray v) s b -> ST s ()
go !i !marr | i < l = do
x <- indexArrM arr (i+s)
let !v = f i x in writeArr marr i v
go (i+1) marr
| otherwise = return ()
foldl' :: Vec v a => (b -> a -> b) -> b -> v a -> b
{-# INLINE foldl' #-}
foldl' f z (Vec arr s l) = go z s
where
!end = s + l
go !acc !i | i < end = case indexArr' arr i of
(# x #) -> go (f acc x) (i + 1)
| otherwise = acc
ifoldl' :: Vec v a => (b -> Int -> a -> b) -> b -> v a -> b
{-# INLINE ifoldl' #-}
ifoldl' f z (Vec arr s l) = go z s
where
!end = s + l
go !acc !i | i < end = case indexArr' arr i of
(# x #) -> go (f acc i x) (i + 1)
| otherwise = acc
foldl1' :: forall v a. (Vec v a, HasCallStack) => (a -> a -> a) -> v a -> a
{-# INLINE foldl1' #-}
foldl1' f (Vec arr s l)
| l <= 0 = errorEmptyVector
| otherwise = case indexArr' arr s of
(# x0 #) -> foldl' f x0 (fromArr arr (s+1) (l-1) :: v a)
foldl1Maybe' :: forall v a. Vec v a => (a -> a -> a) -> v a -> Maybe a
{-# INLINE foldl1Maybe' #-}
foldl1Maybe' f (Vec arr s l)
| l <= 0 = Nothing
| otherwise = case indexArr' arr s of
(# x0 #) -> let !r = foldl' f x0 (fromArr arr (s+1) (l-1) :: v a)
in Just r
foldr' :: Vec v a => (a -> b -> b) -> b -> v a -> b
{-# INLINE foldr' #-}
foldr' f z (Vec arr s l) = go z (s+l-1)
where
go !acc !i | i >= s = case indexArr' arr i of
(# x #) -> go (f x acc) (i - 1)
| otherwise = acc
ifoldr' :: Vec v a => (Int -> a -> b -> b) -> b -> v a -> b
{-# INLINE ifoldr' #-}
ifoldr' f z (Vec arr s l) = go z (s+l-1) 0
where
go !acc !i !k | i >= s = case indexArr' arr i of
(# x #) -> go (f k x acc) (i - 1) (k + 1)
| otherwise = acc
foldr1' :: forall v a. (Vec v a, HasCallStack) => (a -> a -> a) -> v a -> a
{-# INLINE foldr1' #-}
foldr1' f (Vec arr s l)
| l <= 0 = errorEmptyVector
| otherwise = case indexArr' arr (s+l-1) of
(# x0 #) -> foldl' f x0 (fromArr arr s (l-1) :: v a)
foldr1Maybe' :: forall v a. Vec v a => (a -> a -> a) -> v a -> Maybe a
{-# INLINE foldr1Maybe' #-}
foldr1Maybe' f (Vec arr s l)
| l <= 0 = Nothing
| otherwise = case indexArr' arr (s+l-1) of
(# x0 #) -> let !r = foldl' f x0 (fromArr arr s (l-1) :: v a)
in Just r
concat :: forall v a . Vec v a => [v a] -> v a
{-# INLINE concat #-}
concat [v] = v
concat vs = case pre 0 0 vs of
(1, _) -> let Just v = List.find (not . null) vs in v
(_, l) -> create l (go vs 0)
where
pre :: Int -> Int -> [v a] -> (Int, Int)
pre !nacc !lacc [] = (nacc, lacc)
pre !nacc !lacc (Vec _ _ l:vs')
| l <= 0 = pre nacc lacc vs'
| otherwise = pre (nacc+1) (l+lacc) vs'
go :: [v a] -> Int -> MArr (IArray v) s a -> ST s ()
go [] !_ !_ = return ()
go (Vec ba s l:vs') !i !marr = do when (l /= 0) (copyArr marr i ba s l)
go vs' (i+l) marr
concatMap :: Vec v a => (a -> v a) -> v a -> v a
{-# INLINE concatMap #-}
concatMap f = concat . foldr' ((:) . f) []
maximum :: (Vec v a, Ord a, HasCallStack) => v a -> a
{-# INLINE maximum #-}
maximum = foldl1' max
maximumMaybe :: (Vec v a, Ord a) => v a -> Maybe a
{-# INLINE maximumMaybe #-}
maximumMaybe = foldl1Maybe' max
minimum :: (Vec v a, Ord a, HasCallStack) => v a -> a
{-# INLINE minimum #-}
minimum = foldl1' min
minimumMaybe :: (Vec v a, Ord a) => v a -> Maybe a
{-# INLINE minimumMaybe #-}
minimumMaybe = foldl1Maybe' min
product :: (Vec v a, Num a) => v a -> a
{-# INLINE product #-}
product = foldl' (*) 1
product' :: (Vec v a, Num a, Eq a) => v a -> a
{-# INLINE product' #-}
product' (Vec arr s l) = go 1 s
where
!end = s+l
go !acc !i | acc == 0 = 0
| i >= end = acc
| otherwise = case indexArr' arr i of
(# x #) -> go (acc*x) (i+1)
any :: Vec v a => (a -> Bool) -> v a -> Bool
{-# INLINE any #-}
any f (Vec arr s l)
| l <= 0 = False
| otherwise = case indexArr' arr s of
(# x0 #) -> go (f x0) (s+1)
where
!end = s+l
go !acc !i | acc = True
| i >= end = acc
| otherwise = case indexArr' arr i of
(# x #) -> go (acc || f x) (i+1)
all :: Vec v a => (a -> Bool) -> v a -> Bool
{-# INLINE all #-}
all f (Vec arr s l)
| l <= 0 = True
| otherwise = case indexArr' arr s of
(# x0 #) -> go (f x0) (s+1)
where
!end = s+l
go !acc !i | not acc = False
| i >= end = acc
| otherwise = case indexArr' arr i of
(# x #) -> go (acc && f x) (i+1)
sum :: (Vec v a, Num a) => v a -> a
{-# INLINE sum #-}
sum = foldl' (+) 0
count :: (Vec v a, Eq a) => a -> v a -> Int
{-# INLINE count #-}
count w = foldl' (\ acc x -> if x == w then acc+1 else acc) 0
mapAccumL :: forall u v a b c. (Vec u b, Vec v c) => (a -> b -> (a, c)) -> a -> u b -> (a, v c)
{-# INLINE mapAccumL #-}
mapAccumL f z (Vec ba s l)
| l <= 0 = (z, empty)
| otherwise = creating l (go z s)
where
!end = s + l
go :: a -> Int -> MArr (IArray v) s c -> ST s a
go acc !i !marr
| i >= end = return acc
| otherwise = do
x <- indexArrM ba i
let (acc', c) = acc `f` x
writeArr marr (i-s) c
go acc' (i+1) marr
mapAccumR :: forall u v a b c. (Vec u b, Vec v c) => (a -> b -> (a, c)) -> a -> u b -> (a, v c)
{-# INLINE mapAccumR #-}
mapAccumR f z (Vec ba s l)
| l <= 0 = (z, empty)
| otherwise = creating l (go z (s+l-1))
where
go :: a -> Int -> MArr (IArray v) s c -> ST s a
go acc !i !marr
| i < s = return acc
| otherwise = do
x <- indexArrM ba i
let (acc', c) = acc `f` x
writeArr marr (i-s) c
go acc' (i-1) marr
replicate :: (Vec v a) => Int -> a -> v a
{-# INLINE replicate #-}
replicate n x | n <= 0 = empty
| otherwise = create n (\ marr -> setArr marr 0 n x)
cycleN :: forall v a. Vec v a => Int -> v a -> v a
{-# INLINE cycleN #-}
cycleN n (Vec arr s l)
| l == 0 = empty
| otherwise = create end (go 0)
where
!end = n*l
go :: Int -> MArr (IArray v) s a -> ST s ()
go !i !marr | i >= end = return ()
| otherwise = copyArr marr i arr s l >> go (i+l) marr
unfoldr :: Vec u b => (a -> Maybe (b, a)) -> a -> u b
{-# INLINE unfoldr #-}
unfoldr f = pack . List.unfoldr f
unfoldrN :: forall v a b. Vec v b => Int -> (a -> Maybe (b, a)) -> a -> (v b, Maybe a)
{-# INLINE unfoldrN #-}
unfoldrN n f
| n < 0 = \ z -> (empty, Just z)
| otherwise = \ z ->
let ((r, len), Vec arr _ _) = creating @v n (go z 0)
in (Vec arr 0 len, r)
where
go :: a -> Int -> MArr (IArray v) s b -> ST s (Maybe a, Int)
go !acc !i !marr
| n == i = return (Just acc, i)
| otherwise = case f acc of
Nothing -> return (Nothing, i)
Just (x, acc') -> do writeArr marr i x
go acc' (i+1) marr
elem :: (Vec v a, Eq a) => a -> v a -> Bool
{-# INLINE elem #-}
elem x = isJust . elemIndex x
notElem :: (Vec v a, Eq a) => a -> v a -> Bool
{-# INLINE notElem #-}
notElem x = not . elem x
elemIndex :: (Vec v a, Eq a) => a -> v a -> Maybe Int
{-# INLINE [1] elemIndex #-}
{-# RULES "elemIndex/Bytes" elemIndex = elemIndexBytes #-}
elemIndex w (Vec arr s l) = go s
where
!end = s + l
go !i
| i >= end = Nothing
| x == w = let !i' = i - s in Just i'
| otherwise = go (i+1)
where (# x #) = indexArr' arr i
elemIndexBytes :: Word8 -> Bytes -> Maybe Int
{-# INLINE elemIndexBytes #-}
elemIndexBytes w (PrimVector (PrimArray ba#) s l) =
case fromIntegral (c_memchr ba# s w l) of
-1 -> Nothing
r -> Just r
data IPair a = IPair { ifst :: {-# UNPACK #-}!Int, isnd :: a } deriving (Show, Eq, Ord)
instance (Arbitrary v) => Arbitrary (IPair v) where
arbitrary = iPairFromTuple <$> arbitrary
shrink v = iPairFromTuple <$> shrink (iPairToTuple v)
instance (CoArbitrary v) => CoArbitrary (IPair v) where
coarbitrary = coarbitrary . iPairToTuple
instance Functor IPair where
{-# INLINE fmap #-}
fmap f (IPair i v) = IPair i (f v)
instance NFData a => NFData (IPair a) where
{-# INLINE rnf #-}
rnf (IPair _ a) = rnf a
mapIPair' :: (a -> b) -> IPair a -> IPair b
{-# INLINE mapIPair' #-}
mapIPair' f (IPair i v) = let !v' = f v in IPair i v'
iPairToTuple :: IPair a -> (Int, a)
{-# INLINE iPairToTuple #-}
iPairToTuple (IPair i v) = (i, v)
iPairFromTuple :: (Int, a) -> IPair a
{-# INLINE iPairFromTuple #-}
iPairFromTuple (i, v) = IPair i v
defaultChunkSize :: Int
{-# INLINE defaultChunkSize #-}
defaultChunkSize = 32 * 1024 - chunkOverhead
smallChunkSize :: Int
{-# INLINE smallChunkSize #-}
smallChunkSize = 4 * 1024 - chunkOverhead
chunkOverhead :: Int
{-# INLINE chunkOverhead #-}
chunkOverhead = 2 * sizeOf (undefined :: Int)
defaultInitSize :: Int
{-# INLINE defaultInitSize #-}
defaultInitSize = 30
data VectorException = IndexOutOfVectorRange {-# UNPACK #-} !Int CallStack
| EmptyVector CallStack
deriving Show
instance Exception VectorException
errorEmptyVector :: HasCallStack => a
{-# INLINE errorEmptyVector #-}
errorEmptyVector = throw (EmptyVector callStack)
errorOutRange :: HasCallStack => Int -> a
{-# INLINE errorOutRange #-}
errorOutRange i = throw (IndexOutOfVectorRange i callStack)
castVector :: (Vec v a, Cast a b) => v a -> v b
castVector = unsafeCoerce#
foreign import ccall unsafe "string.h strcmp"
c_strcmp :: Addr# -> Addr# -> IO CInt
foreign import ccall unsafe "string.h strlen"
c_strlen :: Addr# -> IO CSize
foreign import ccall unsafe "text.h ascii_validate_addr"
c_ascii_validate_addr :: Addr# -> Int -> IO Int
foreign import ccall unsafe "bytes.h hs_fnv_hash_addr"
c_fnv_hash_addr :: Addr# -> Int -> Int -> IO Int
foreign import ccall unsafe "bytes.h hs_fnv_hash"
c_fnv_hash_ba :: ByteArray# -> Int -> Int -> Int -> IO Int
foreign import ccall unsafe "hs_memchr" c_memchr ::
ByteArray# -> Int -> Word8 -> Int -> Int
foreign import ccall unsafe "hs_memrchr" c_memrchr ::
ByteArray# -> Int -> Word8 -> Int -> Int