{-# LANGUAGE CPP #-}
{-# LANGUAGE BangPatterns #-}
#if __GLASGOW_HASKELL__
{-# LANGUAGE RankNTypes #-}
{-# LANGUAGE DeriveDataTypeable #-}
{-# LANGUAGE DeriveGeneric #-}
{-# LANGUAGE DeriveLift #-}
{-# LANGUAGE PatternSynonyms #-}
{-# LANGUAGE StandaloneDeriving #-}
{-# LANGUAGE Safe #-}
{-# LANGUAGE TemplateHaskellQuotes #-}
{-# LANGUAGE ViewPatterns #-}
#endif
#include "containers.h"
module Data.Graph (
Graph
, Bounds
, Edge
, Vertex
, Table
, graphFromEdges
, graphFromEdges'
, buildG
, vertices
, edges
, outdegree
, indegree
, transposeG
, dfs
, dff
, topSort
, reverseTopSort
, components
, scc
, bcc
, reachable
, path
, SCC(..
#ifdef __GLASGOW_HASKELL__
, CyclicSCC
#endif
)
, stronglyConnComp
, stronglyConnCompR
, flattenSCC
, flattenSCCs
, module Data.Tree
) where
import Utils.Containers.Internal.Prelude
import Prelude ()
#if USE_ST_MONAD
import Control.Monad.ST
import Data.Array.ST.Safe (newArray, readArray, writeArray)
# if USE_UNBOXED_ARRAYS
import Data.Array.ST.Safe (STUArray)
# else
import Data.Array.ST.Safe (STArray)
# endif
#else
import Data.IntSet (IntSet)
import qualified Data.IntSet as Set
#endif
import Data.Tree (Tree(Node), Forest)
import Data.Foldable as F
#if MIN_VERSION_base(4,18,0)
import qualified Data.Foldable1 as F1
#endif
import Control.DeepSeq (NFData(rnf))
import Data.Maybe
import Data.Array
#if USE_UNBOXED_ARRAYS
import qualified Data.Array.Unboxed as UA
import Data.Array.Unboxed ( UArray )
#else
import qualified Data.Array as UA
#endif
import qualified Data.List as L
import Data.List.NonEmpty (NonEmpty(..))
import qualified Data.List.NonEmpty as NE
import Data.Functor.Classes
#if !MIN_VERSION_base(4,11,0)
import Data.Semigroup (Semigroup (..))
#endif
#ifdef __GLASGOW_HASKELL__
import GHC.Generics (Generic, Generic1)
import Data.Data (Data)
import Language.Haskell.TH.Syntax (Lift(..))
import Language.Haskell.TH ()
#endif
default ()
data SCC vertex
= AcyclicSCC vertex
| NECyclicSCC {-# UNPACK #-} !(NonEmpty vertex)
deriving ( SCC vertex -> SCC vertex -> Bool
forall vertex. Eq vertex => SCC vertex -> SCC vertex -> Bool
forall a. (a -> a -> Bool) -> (a -> a -> Bool) -> Eq a
/= :: SCC vertex -> SCC vertex -> Bool
$c/= :: forall vertex. Eq vertex => SCC vertex -> SCC vertex -> Bool
== :: SCC vertex -> SCC vertex -> Bool
$c== :: forall vertex. Eq vertex => SCC vertex -> SCC vertex -> Bool
Eq
, Int -> SCC vertex -> ShowS
forall vertex. Show vertex => Int -> SCC vertex -> ShowS
forall vertex. Show vertex => [SCC vertex] -> ShowS
forall vertex. Show vertex => SCC vertex -> String
forall a.
(Int -> a -> ShowS) -> (a -> String) -> ([a] -> ShowS) -> Show a
showList :: [SCC vertex] -> ShowS
$cshowList :: forall vertex. Show vertex => [SCC vertex] -> ShowS
show :: SCC vertex -> String
$cshow :: forall vertex. Show vertex => SCC vertex -> String
showsPrec :: Int -> SCC vertex -> ShowS
$cshowsPrec :: forall vertex. Show vertex => Int -> SCC vertex -> ShowS
Show
, ReadPrec [SCC vertex]
ReadPrec (SCC vertex)
ReadS [SCC vertex]
forall vertex. Read vertex => ReadPrec [SCC vertex]
forall vertex. Read vertex => ReadPrec (SCC vertex)
forall vertex. Read vertex => Int -> ReadS (SCC vertex)
forall vertex. Read vertex => ReadS [SCC vertex]
forall a.
(Int -> ReadS a)
-> ReadS [a] -> ReadPrec a -> ReadPrec [a] -> Read a
readListPrec :: ReadPrec [SCC vertex]
$creadListPrec :: forall vertex. Read vertex => ReadPrec [SCC vertex]
readPrec :: ReadPrec (SCC vertex)
$creadPrec :: forall vertex. Read vertex => ReadPrec (SCC vertex)
readList :: ReadS [SCC vertex]
$creadList :: forall vertex. Read vertex => ReadS [SCC vertex]
readsPrec :: Int -> ReadS (SCC vertex)
$creadsPrec :: forall vertex. Read vertex => Int -> ReadS (SCC vertex)
Read
)
pattern CyclicSCC :: [vertex] -> SCC vertex
pattern $bCyclicSCC :: forall vertex. [vertex] -> SCC vertex
$mCyclicSCC :: forall {r} {vertex}.
SCC vertex -> ([vertex] -> r) -> ((# #) -> r) -> r
CyclicSCC xs <- NECyclicSCC (NE.toList -> xs) where
CyclicSCC [] = forall a. HasCallStack => String -> a
error String
"CyclicSCC: an argument cannot be an empty list"
CyclicSCC (vertex
x : [vertex]
xs) = forall vertex. NonEmpty vertex -> SCC vertex
NECyclicSCC (vertex
x forall a. a -> [a] -> NonEmpty a
:| [vertex]
xs)
{-# COMPLETE AcyclicSCC, CyclicSCC #-}
#ifdef __GLASGOW_HASKELL__
deriving instance Data vertex => Data (SCC vertex)
deriving instance Generic1 SCC
deriving instance Generic (SCC vertex)
#if MIN_VERSION_template_haskell(2,15,0)
deriving instance Lift vertex => Lift (SCC vertex)
#else
instance Lift vertex => Lift (SCC vertex) where
lift (AcyclicSCC v) = [| AcyclicSCC v |]
lift (NECyclicSCC (v :| vs)) = [| NECyclicSCC (v :| vs) |]
#endif
#endif
instance Eq1 SCC where
liftEq :: forall a b. (a -> b -> Bool) -> SCC a -> SCC b -> Bool
liftEq a -> b -> Bool
eq (AcyclicSCC a
v1) (AcyclicSCC b
v2) = a -> b -> Bool
eq a
v1 b
v2
liftEq a -> b -> Bool
eq (NECyclicSCC NonEmpty a
vs1) (NECyclicSCC NonEmpty b
vs2) = forall (f :: * -> *) a b.
Eq1 f =>
(a -> b -> Bool) -> f a -> f b -> Bool
liftEq a -> b -> Bool
eq NonEmpty a
vs1 NonEmpty b
vs2
liftEq a -> b -> Bool
_ SCC a
_ SCC b
_ = Bool
False
instance Show1 SCC where
liftShowsPrec :: forall a.
(Int -> a -> ShowS) -> ([a] -> ShowS) -> Int -> SCC a -> ShowS
liftShowsPrec Int -> a -> ShowS
sp [a] -> ShowS
_sl Int
d (AcyclicSCC a
v) = forall a. (Int -> a -> ShowS) -> String -> Int -> a -> ShowS
showsUnaryWith Int -> a -> ShowS
sp String
"AcyclicSCC" Int
d a
v
liftShowsPrec Int -> a -> ShowS
sp [a] -> ShowS
sl Int
d (NECyclicSCC NonEmpty a
vs) = forall a. (Int -> a -> ShowS) -> String -> Int -> a -> ShowS
showsUnaryWith (forall (f :: * -> *) a.
Show1 f =>
(Int -> a -> ShowS) -> ([a] -> ShowS) -> Int -> f a -> ShowS
liftShowsPrec Int -> a -> ShowS
sp [a] -> ShowS
sl) String
"NECyclicSCC" Int
d NonEmpty a
vs
instance Read1 SCC where
liftReadsPrec :: forall a. (Int -> ReadS a) -> ReadS [a] -> Int -> ReadS (SCC a)
liftReadsPrec Int -> ReadS a
rp ReadS [a]
rl = forall a. (String -> ReadS a) -> Int -> ReadS a
readsData forall a b. (a -> b) -> a -> b
$
forall a t.
(Int -> ReadS a) -> String -> (a -> t) -> String -> ReadS t
readsUnaryWith Int -> ReadS a
rp String
"AcyclicSCC" forall vertex. vertex -> SCC vertex
AcyclicSCC forall a. Semigroup a => a -> a -> a
<>
forall a t.
(Int -> ReadS a) -> String -> (a -> t) -> String -> ReadS t
readsUnaryWith (forall (f :: * -> *) a.
Read1 f =>
(Int -> ReadS a) -> ReadS [a] -> Int -> ReadS (f a)
liftReadsPrec Int -> ReadS a
rp ReadS [a]
rl) String
"NECyclicSCC" forall vertex. NonEmpty vertex -> SCC vertex
NECyclicSCC forall a. Semigroup a => a -> a -> a
<>
forall a t.
(Int -> ReadS a) -> String -> (a -> t) -> String -> ReadS t
readsUnaryWith (forall a b. a -> b -> a
const ReadS [a]
rl) String
"CyclicSCC" forall vertex. [vertex] -> SCC vertex
CyclicSCC
instance F.Foldable SCC where
foldr :: forall a b. (a -> b -> b) -> b -> SCC a -> b
foldr a -> b -> b
c b
n (AcyclicSCC a
v) = a -> b -> b
c a
v b
n
foldr a -> b -> b
c b
n (NECyclicSCC NonEmpty a
vs) = forall (t :: * -> *) a b.
Foldable t =>
(a -> b -> b) -> b -> t a -> b
foldr a -> b -> b
c b
n NonEmpty a
vs
#if MIN_VERSION_base(4,18,0)
instance F1.Foldable1 SCC where
foldMap1 f (AcyclicSCC v) = f v
foldMap1 f (NECyclicSCC vs) = F1.foldMap1 f vs
#endif
instance Traversable SCC where
traverse :: forall (f :: * -> *) a b.
Applicative f =>
(a -> f b) -> SCC a -> f (SCC b)
traverse a -> f b
f (AcyclicSCC a
vertex) = forall vertex. vertex -> SCC vertex
AcyclicSCC forall (f :: * -> *) a b. Functor f => (a -> b) -> f a -> f b
<$> a -> f b
f a
vertex
traverse a -> f b
f (NECyclicSCC (a
x :| [a]
xs)) =
forall (f :: * -> *) a b c.
Applicative f =>
(a -> b -> c) -> f a -> f b -> f c
liftA2 (\b
x' [b]
xs' -> forall vertex. NonEmpty vertex -> SCC vertex
NECyclicSCC (b
x' forall a. a -> [a] -> NonEmpty a
:| [b]
xs')) (a -> f b
f a
x) (forall (t :: * -> *) (f :: * -> *) a b.
(Traversable t, Applicative f) =>
(a -> f b) -> t a -> f (t b)
traverse a -> f b
f [a]
xs)
instance NFData a => NFData (SCC a) where
rnf :: SCC a -> ()
rnf (AcyclicSCC a
v) = forall a. NFData a => a -> ()
rnf a
v
rnf (NECyclicSCC NonEmpty a
vs) = forall a. NFData a => a -> ()
rnf NonEmpty a
vs
instance Functor SCC where
fmap :: forall a b. (a -> b) -> SCC a -> SCC b
fmap a -> b
f (AcyclicSCC a
v) = forall vertex. vertex -> SCC vertex
AcyclicSCC (a -> b
f a
v)
fmap a -> b
f (NECyclicSCC (a
x :| [a]
xs)) = forall vertex. NonEmpty vertex -> SCC vertex
NECyclicSCC (a -> b
f a
x forall a. a -> [a] -> NonEmpty a
:| forall a b. (a -> b) -> [a] -> [b]
map a -> b
f [a]
xs)
flattenSCCs :: [SCC a] -> [a]
flattenSCCs :: forall a. [SCC a] -> [a]
flattenSCCs = forall (t :: * -> *) a b. Foldable t => (a -> [b]) -> t a -> [b]
concatMap forall a. SCC a -> [a]
flattenSCC
flattenSCC :: SCC vertex -> [vertex]
flattenSCC :: forall a. SCC a -> [a]
flattenSCC (AcyclicSCC vertex
v) = [vertex
v]
flattenSCC (NECyclicSCC NonEmpty vertex
vs) = forall a. NonEmpty a -> [a]
NE.toList NonEmpty vertex
vs
stronglyConnComp
:: Ord key
=> [(node, key, [key])]
-> [SCC node]
stronglyConnComp :: forall key node. Ord key => [(node, key, [key])] -> [SCC node]
stronglyConnComp [(node, key, [key])]
edges0
= forall a b. (a -> b) -> [a] -> [b]
map forall {vertex} {b} {c}. SCC (vertex, b, c) -> SCC vertex
get_node (forall key node.
Ord key =>
[(node, key, [key])] -> [SCC (node, key, [key])]
stronglyConnCompR [(node, key, [key])]
edges0)
where
get_node :: SCC (vertex, b, c) -> SCC vertex
get_node (AcyclicSCC (vertex
n, b
_, c
_)) = forall vertex. vertex -> SCC vertex
AcyclicSCC vertex
n
get_node (NECyclicSCC ((vertex
n0, b
_, c
_) :| [(vertex, b, c)]
triples)) =
forall vertex. NonEmpty vertex -> SCC vertex
NECyclicSCC (vertex
n0 forall a. a -> [a] -> NonEmpty a
:| [vertex
n | (vertex
n, b
_, c
_) <- [(vertex, b, c)]
triples])
{-# INLINABLE stronglyConnComp #-}
stronglyConnCompR
:: Ord key
=> [(node, key, [key])]
-> [SCC (node, key, [key])]
stronglyConnCompR :: forall key node.
Ord key =>
[(node, key, [key])] -> [SCC (node, key, [key])]
stronglyConnCompR [] = []
stronglyConnCompR [(node, key, [key])]
edges0
= forall a b. (a -> b) -> [a] -> [b]
map Tree Int -> SCC (node, key, [key])
decode [Tree Int]
forest
where
(Graph
graph, Int -> (node, key, [key])
vertex_fn,key -> Maybe Int
_) = forall key node.
Ord key =>
[(node, key, [key])]
-> (Graph, Int -> (node, key, [key]), key -> Maybe Int)
graphFromEdges [(node, key, [key])]
edges0
forest :: [Tree Int]
forest = Graph -> [Tree Int]
scc Graph
graph
decode :: Tree Int -> SCC (node, key, [key])
decode (Node Int
v []) | Int -> Bool
mentions_itself Int
v = forall vertex. NonEmpty vertex -> SCC vertex
NECyclicSCC (Int -> (node, key, [key])
vertex_fn Int
v forall a. a -> [a] -> NonEmpty a
:| [])
| Bool
otherwise = forall vertex. vertex -> SCC vertex
AcyclicSCC (Int -> (node, key, [key])
vertex_fn Int
v)
decode (Node Int
v [Tree Int]
ts) = forall vertex. NonEmpty vertex -> SCC vertex
NECyclicSCC (Int -> (node, key, [key])
vertex_fn Int
v forall a. a -> [a] -> NonEmpty a
:| forall (t :: * -> *) a b.
Foldable t =>
(a -> b -> b) -> b -> t a -> b
foldr Tree Int -> [(node, key, [key])] -> [(node, key, [key])]
dec [] [Tree Int]
ts)
dec :: Tree Int -> [(node, key, [key])] -> [(node, key, [key])]
dec (Node Int
v [Tree Int]
ts) [(node, key, [key])]
vs = Int -> (node, key, [key])
vertex_fn Int
v forall a. a -> [a] -> [a]
: forall (t :: * -> *) a b.
Foldable t =>
(a -> b -> b) -> b -> t a -> b
foldr Tree Int -> [(node, key, [key])] -> [(node, key, [key])]
dec [(node, key, [key])]
vs [Tree Int]
ts
mentions_itself :: Int -> Bool
mentions_itself Int
v = Int
v forall (t :: * -> *) a. (Foldable t, Eq a) => a -> t a -> Bool
`elem` (Graph
graph forall i e. Ix i => Array i e -> i -> e
! Int
v)
{-# INLINABLE stronglyConnCompR #-}
type Vertex = Int
type Table a = Array Vertex a
type Graph = Array Vertex [Vertex]
type Bounds = (Vertex, Vertex)
type Edge = (Vertex, Vertex)
#if !USE_UNBOXED_ARRAYS
type UArray i a = Array i a
#endif
vertices :: Graph -> [Vertex]
vertices :: Graph -> [Int]
vertices = forall i e. Ix i => Array i e -> [i]
indices
{-# INLINE vertices #-}
edges :: Graph -> [Edge]
edges :: Graph -> [Edge]
edges Graph
g = [ (Int
v, Int
w) | Int
v <- Graph -> [Int]
vertices Graph
g, Int
w <- Graph
gforall i e. Ix i => Array i e -> i -> e
!Int
v ]
{-# INLINE edges #-}
buildG :: Bounds -> [Edge] -> Graph
buildG :: Edge -> [Edge] -> Graph
buildG = forall i e a.
Ix i =>
(e -> a -> e) -> e -> (i, i) -> [(i, a)] -> Array i e
accumArray (forall a b c. (a -> b -> c) -> b -> a -> c
flip (:)) []
{-# INLINE buildG #-}
transposeG :: Graph -> Graph
transposeG :: Graph -> Graph
transposeG Graph
g = Edge -> [Edge] -> Graph
buildG (forall i e. Array i e -> (i, i)
bounds Graph
g) (Graph -> [Edge]
reverseE Graph
g)
reverseE :: Graph -> [Edge]
reverseE :: Graph -> [Edge]
reverseE Graph
g = [ (Int
w, Int
v) | (Int
v, Int
w) <- Graph -> [Edge]
edges Graph
g ]
{-# INLINE reverseE #-}
outdegree :: Graph -> Array Vertex Int
outdegree :: Graph -> Array Int Int
outdegree = forall (f :: * -> *) a b. Functor f => (a -> b) -> f a -> f b
fmap forall (t :: * -> *) a. Foldable t => t a -> Int
length
indegree :: Graph -> Array Vertex Int
indegree :: Graph -> Array Int Int
indegree Graph
g = forall i e a.
Ix i =>
(e -> a -> e) -> e -> (i, i) -> [(i, a)] -> Array i e
accumArray forall a. Num a => a -> a -> a
(+) Int
0 (forall i e. Array i e -> (i, i)
bounds Graph
g) [(Int
v, Int
1) | (Int
_, [Int]
outs) <- forall i e. Ix i => Array i e -> [(i, e)]
assocs Graph
g, Int
v <- [Int]
outs]
graphFromEdges'
:: Ord key
=> [(node, key, [key])]
-> (Graph, Vertex -> (node, key, [key]))
graphFromEdges' :: forall key node.
Ord key =>
[(node, key, [key])] -> (Graph, Int -> (node, key, [key]))
graphFromEdges' [(node, key, [key])]
x = (Graph
a,Int -> (node, key, [key])
b) where
(Graph
a,Int -> (node, key, [key])
b,key -> Maybe Int
_) = forall key node.
Ord key =>
[(node, key, [key])]
-> (Graph, Int -> (node, key, [key]), key -> Maybe Int)
graphFromEdges [(node, key, [key])]
x
{-# INLINABLE graphFromEdges' #-}
graphFromEdges
:: Ord key
=> [(node, key, [key])]
-> (Graph, Vertex -> (node, key, [key]), key -> Maybe Vertex)
graphFromEdges :: forall key node.
Ord key =>
[(node, key, [key])]
-> (Graph, Int -> (node, key, [key]), key -> Maybe Int)
graphFromEdges [(node, key, [key])]
edges0
= (Graph
graph, \Int
v -> Array Int (node, key, [key])
vertex_map forall i e. Ix i => Array i e -> i -> e
! Int
v, key -> Maybe Int
key_vertex)
where
max_v :: Int
max_v = forall (t :: * -> *) a. Foldable t => t a -> Int
length [(node, key, [key])]
edges0 forall a. Num a => a -> a -> a
- Int
1
bounds0 :: Edge
bounds0 = (Int
0,Int
max_v) :: (Vertex, Vertex)
sorted_edges :: [(node, key, [key])]
sorted_edges = forall a. (a -> a -> Ordering) -> [a] -> [a]
L.sortBy forall {a} {a} {c} {a} {c}.
Ord a =>
(a, a, c) -> (a, a, c) -> Ordering
lt [(node, key, [key])]
edges0
edges1 :: [(Int, (node, key, [key]))]
edges1 = forall a b c. (a -> b -> c) -> [a] -> [b] -> [c]
zipWith (,) [Int
0..] [(node, key, [key])]
sorted_edges
graph :: Graph
graph = forall i e. Ix i => (i, i) -> [(i, e)] -> Array i e
array Edge
bounds0 [(,) Int
v (forall a b. (a -> Maybe b) -> [a] -> [b]
mapMaybe key -> Maybe Int
key_vertex [key]
ks) | (,) Int
v (node
_, key
_, [key]
ks) <- [(Int, (node, key, [key]))]
edges1]
key_map :: Array Int key
key_map = forall i e. Ix i => (i, i) -> [(i, e)] -> Array i e
array Edge
bounds0 [(,) Int
v key
k | (,) Int
v (node
_, key
k, [key]
_ ) <- [(Int, (node, key, [key]))]
edges1]
vertex_map :: Array Int (node, key, [key])
vertex_map = forall i e. Ix i => (i, i) -> [(i, e)] -> Array i e
array Edge
bounds0 [(Int, (node, key, [key]))]
edges1
(a
_,a
k1,c
_) lt :: (a, a, c) -> (a, a, c) -> Ordering
`lt` (a
_,a
k2,c
_) = a
k1 forall a. Ord a => a -> a -> Ordering
`compare` a
k2
key_vertex :: key -> Maybe Int
key_vertex key
k = Int -> Int -> Maybe Int
findVertex Int
0 Int
max_v
where
findVertex :: Int -> Int -> Maybe Int
findVertex Int
a Int
b | Int
a forall a. Ord a => a -> a -> Bool
> Int
b
= forall a. Maybe a
Nothing
findVertex Int
a Int
b = case forall a. Ord a => a -> a -> Ordering
compare key
k (Array Int key
key_map forall i e. Ix i => Array i e -> i -> e
! Int
mid) of
Ordering
LT -> Int -> Int -> Maybe Int
findVertex Int
a (Int
midforall a. Num a => a -> a -> a
-Int
1)
Ordering
EQ -> forall a. a -> Maybe a
Just Int
mid
Ordering
GT -> Int -> Int -> Maybe Int
findVertex (Int
midforall a. Num a => a -> a -> a
+Int
1) Int
b
where
mid :: Int
mid = Int
a forall a. Num a => a -> a -> a
+ (Int
b forall a. Num a => a -> a -> a
- Int
a) forall a. Integral a => a -> a -> a
`div` Int
2
{-# INLINABLE graphFromEdges #-}
dff :: Graph -> [Tree Vertex]
dff :: Graph -> [Tree Int]
dff Graph
g = Graph -> [Int] -> [Tree Int]
dfs Graph
g (Graph -> [Int]
vertices Graph
g)
dfs :: Graph -> [Vertex] -> [Tree Vertex]
dfs :: Graph -> [Int] -> [Tree Int]
dfs Graph
g [Int]
vs0 = forall a. Edge -> (forall s. SetM s a) -> a
run (forall i e. Array i e -> (i, i)
bounds Graph
g) forall a b. (a -> b) -> a -> b
$ forall s. [Int] -> SetM s [Tree Int]
go [Int]
vs0
where
go :: [Vertex] -> SetM s [Tree Vertex]
go :: forall s. [Int] -> SetM s [Tree Int]
go [] = forall (f :: * -> *) a. Applicative f => a -> f a
pure []
go (Int
v:[Int]
vs) = do
Bool
visited <- forall s. Int -> SetM s Bool
contains Int
v
if Bool
visited
then forall s. [Int] -> SetM s [Tree Int]
go [Int]
vs
else do
forall s. Int -> SetM s ()
include Int
v
[Tree Int]
as <- forall s. [Int] -> SetM s [Tree Int]
go (Graph
gforall i e. Ix i => Array i e -> i -> e
!Int
v)
[Tree Int]
bs <- forall s. [Int] -> SetM s [Tree Int]
go [Int]
vs
forall (f :: * -> *) a. Applicative f => a -> f a
pure forall a b. (a -> b) -> a -> b
$ forall a. a -> [Tree a] -> Tree a
Node Int
v [Tree Int]
as forall a. a -> [a] -> [a]
: [Tree Int]
bs
#if USE_ST_MONAD
#if USE_UNBOXED_ARRAYS
newtype SetM s a = SetM { forall s a. SetM s a -> STUArray s Int Bool -> ST s a
runSetM :: STUArray s Vertex Bool -> ST s a }
#else
newtype SetM s a = SetM { runSetM :: STArray s Vertex Bool -> ST s a }
#endif
instance Monad (SetM s) where
return :: forall a. a -> SetM s a
return = forall (f :: * -> *) a. Applicative f => a -> f a
pure
{-# INLINE return #-}
SetM STUArray s Int Bool -> ST s a
v >>= :: forall a b. SetM s a -> (a -> SetM s b) -> SetM s b
>>= a -> SetM s b
f = forall s a. (STUArray s Int Bool -> ST s a) -> SetM s a
SetM forall a b. (a -> b) -> a -> b
$ \STUArray s Int Bool
s -> do { a
x <- STUArray s Int Bool -> ST s a
v STUArray s Int Bool
s; forall s a. SetM s a -> STUArray s Int Bool -> ST s a
runSetM (a -> SetM s b
f a
x) STUArray s Int Bool
s }
{-# INLINE (>>=) #-}
instance Functor (SetM s) where
a -> b
f fmap :: forall a b. (a -> b) -> SetM s a -> SetM s b
`fmap` SetM STUArray s Int Bool -> ST s a
v = forall s a. (STUArray s Int Bool -> ST s a) -> SetM s a
SetM forall a b. (a -> b) -> a -> b
$ \STUArray s Int Bool
s -> a -> b
f forall (f :: * -> *) a b. Functor f => (a -> b) -> f a -> f b
`fmap` STUArray s Int Bool -> ST s a
v STUArray s Int Bool
s
{-# INLINE fmap #-}
instance Applicative (SetM s) where
pure :: forall a. a -> SetM s a
pure a
x = forall s a. (STUArray s Int Bool -> ST s a) -> SetM s a
SetM forall a b. (a -> b) -> a -> b
$ forall a b. a -> b -> a
const (forall (m :: * -> *) a. Monad m => a -> m a
return a
x)
{-# INLINE pure #-}
SetM STUArray s Int Bool -> ST s (a -> b)
f <*> :: forall a b. SetM s (a -> b) -> SetM s a -> SetM s b
<*> SetM STUArray s Int Bool -> ST s a
v = forall s a. (STUArray s Int Bool -> ST s a) -> SetM s a
SetM forall a b. (a -> b) -> a -> b
$ \STUArray s Int Bool
s -> STUArray s Int Bool -> ST s (a -> b)
f STUArray s Int Bool
s forall (m :: * -> *) a b. Monad m => m a -> (a -> m b) -> m b
>>= (forall (f :: * -> *) a b. Functor f => (a -> b) -> f a -> f b
`fmap` STUArray s Int Bool -> ST s a
v STUArray s Int Bool
s)
{-# INLINE (<*>) #-}
run :: Bounds -> (forall s. SetM s a) -> a
run :: forall a. Edge -> (forall s. SetM s a) -> a
run Edge
bnds forall s. SetM s a
act = forall a. (forall s. ST s a) -> a
runST (forall (a :: * -> * -> *) e (m :: * -> *) i.
(MArray a e m, Ix i) =>
(i, i) -> e -> m (a i e)
newArray Edge
bnds Bool
False forall (m :: * -> *) a b. Monad m => m a -> (a -> m b) -> m b
>>= forall s a. SetM s a -> STUArray s Int Bool -> ST s a
runSetM forall s. SetM s a
act)
contains :: Vertex -> SetM s Bool
contains :: forall s. Int -> SetM s Bool
contains Int
v = forall s a. (STUArray s Int Bool -> ST s a) -> SetM s a
SetM forall a b. (a -> b) -> a -> b
$ \ STUArray s Int Bool
m -> forall (a :: * -> * -> *) e (m :: * -> *) i.
(MArray a e m, Ix i) =>
a i e -> i -> m e
readArray STUArray s Int Bool
m Int
v
include :: Vertex -> SetM s ()
include :: forall s. Int -> SetM s ()
include Int
v = forall s a. (STUArray s Int Bool -> ST s a) -> SetM s a
SetM forall a b. (a -> b) -> a -> b
$ \ STUArray s Int Bool
m -> forall (a :: * -> * -> *) e (m :: * -> *) i.
(MArray a e m, Ix i) =>
a i e -> i -> e -> m ()
writeArray STUArray s Int Bool
m Int
v Bool
True
#else /* !USE_ST_MONAD */
newtype SetM s a = SetM { runSetM :: IntSet -> (a, IntSet) }
instance Monad (SetM s) where
return x = SetM $ \s -> (x, s)
SetM v >>= f = SetM $ \s -> case v s of (x, s') -> runSetM (f x) s'
instance Functor (SetM s) where
f `fmap` SetM v = SetM $ \s -> case v s of (x, s') -> (f x, s')
{-# INLINE fmap #-}
instance Applicative (SetM s) where
pure x = SetM $ \s -> (x, s)
{-# INLINE pure #-}
SetM f <*> SetM v = SetM $ \s -> case f s of (k, s') -> case v s' of (x, s'') -> (k x, s'')
{-# INLINE (<*>) #-}
run :: Bounds -> SetM s a -> a
run _ act = fst (runSetM act Set.empty)
contains :: Vertex -> SetM s Bool
contains v = SetM $ \ m -> (Set.member v m, m)
include :: Vertex -> SetM s ()
include v = SetM $ \ m -> ((), Set.insert v m)
#endif /* !USE_ST_MONAD */
preorder' :: Tree a -> [a] -> [a]
preorder' :: forall a. Tree a -> [a] -> [a]
preorder' (Node a
a [Tree a]
ts) = (a
a forall a. a -> [a] -> [a]
:) forall b c a. (b -> c) -> (a -> b) -> a -> c
. forall a. [Tree a] -> [a] -> [a]
preorderF' [Tree a]
ts
preorderF' :: [Tree a] -> [a] -> [a]
preorderF' :: forall a. [Tree a] -> [a] -> [a]
preorderF' [Tree a]
ts = forall (t :: * -> *) a b.
Foldable t =>
(a -> b -> b) -> b -> t a -> b
foldr forall b c a. (b -> c) -> (a -> b) -> a -> c
(.) forall a. a -> a
id forall a b. (a -> b) -> a -> b
$ forall a b. (a -> b) -> [a] -> [b]
map forall a. Tree a -> [a] -> [a]
preorder' [Tree a]
ts
preorderF :: [Tree a] -> [a]
preorderF :: forall a. [Tree a] -> [a]
preorderF [Tree a]
ts = forall a. [Tree a] -> [a] -> [a]
preorderF' [Tree a]
ts []
tabulate :: Bounds -> [Vertex] -> UArray Vertex Int
tabulate :: Edge -> [Int] -> UArray Int Int
tabulate Edge
bnds [Int]
vs = forall (a :: * -> * -> *) e i.
(IArray a e, Ix i) =>
(i, i) -> [(i, e)] -> a i e
UA.array Edge
bnds (forall a b c. (a -> b -> c) -> [a] -> [b] -> [c]
zipWith (forall a b c. (a -> b -> c) -> b -> a -> c
flip (,)) [Int
1..] [Int]
vs)
preArr :: Bounds -> [Tree Vertex] -> UArray Vertex Int
preArr :: Edge -> [Tree Int] -> UArray Int Int
preArr Edge
bnds = Edge -> [Int] -> UArray Int Int
tabulate Edge
bnds forall b c a. (b -> c) -> (a -> b) -> a -> c
. forall a. [Tree a] -> [a]
preorderF
postorder :: Tree a -> [a] -> [a]
postorder :: forall a. Tree a -> [a] -> [a]
postorder (Node a
a [Tree a]
ts) = forall a. [Tree a] -> [a] -> [a]
postorderF [Tree a]
ts forall b c a. (b -> c) -> (a -> b) -> a -> c
. (a
a forall a. a -> [a] -> [a]
:)
postorderF :: [Tree a] -> [a] -> [a]
postorderF :: forall a. [Tree a] -> [a] -> [a]
postorderF [Tree a]
ts = forall (t :: * -> *) a b.
Foldable t =>
(a -> b -> b) -> b -> t a -> b
foldr forall b c a. (b -> c) -> (a -> b) -> a -> c
(.) forall a. a -> a
id forall a b. (a -> b) -> a -> b
$ forall a b. (a -> b) -> [a] -> [b]
map forall a. Tree a -> [a] -> [a]
postorder [Tree a]
ts
postOrd :: Graph -> [Vertex]
postOrd :: Graph -> [Int]
postOrd Graph
g = forall a. [Tree a] -> [a] -> [a]
postorderF (Graph -> [Tree Int]
dff Graph
g) []
topSort :: Graph -> [Vertex]
topSort :: Graph -> [Int]
topSort = forall a. [a] -> [a]
reverse forall b c a. (b -> c) -> (a -> b) -> a -> c
. Graph -> [Int]
postOrd
reverseTopSort :: Graph -> [Vertex]
reverseTopSort :: Graph -> [Int]
reverseTopSort = Graph -> [Int]
postOrd
components :: Graph -> [Tree Vertex]
components :: Graph -> [Tree Int]
components = Graph -> [Tree Int]
dff forall b c a. (b -> c) -> (a -> b) -> a -> c
. Graph -> Graph
undirected
undirected :: Graph -> Graph
undirected :: Graph -> Graph
undirected Graph
g = Edge -> [Edge] -> Graph
buildG (forall i e. Array i e -> (i, i)
bounds Graph
g) (Graph -> [Edge]
edges Graph
g forall a. [a] -> [a] -> [a]
++ Graph -> [Edge]
reverseE Graph
g)
scc :: Graph -> [Tree Vertex]
scc :: Graph -> [Tree Int]
scc Graph
g = Graph -> [Int] -> [Tree Int]
dfs Graph
g (forall a. [a] -> [a]
reverse (Graph -> [Int]
postOrd (Graph -> Graph
transposeG Graph
g)))
reachable :: Graph -> Vertex -> [Vertex]
reachable :: Graph -> Int -> [Int]
reachable Graph
g Int
v = forall a. [Tree a] -> [a]
preorderF (Graph -> [Int] -> [Tree Int]
dfs Graph
g [Int
v])
path :: Graph -> Vertex -> Vertex -> Bool
path :: Graph -> Int -> Int -> Bool
path Graph
g Int
v Int
w = Int
w forall (t :: * -> *) a. (Foldable t, Eq a) => a -> t a -> Bool
`elem` (Graph -> Int -> [Int]
reachable Graph
g Int
v)
bcc :: Graph -> [Tree [Vertex]]
bcc :: Graph -> [Tree [Int]]
bcc Graph
g = forall (t :: * -> *) a b. Foldable t => (a -> [b]) -> t a -> [b]
concatMap Tree Int -> [Tree [Int]]
bicomps [Tree Int]
forest
where
forest :: [Tree Int]
forest = Graph -> [Tree Int]
dff Graph
g
dnum :: UArray Int Int
dnum = Edge -> [Tree Int] -> UArray Int Int
preArr (forall i e. Array i e -> (i, i)
bounds Graph
g) [Tree Int]
forest
bicomps :: Tree Vertex -> [Tree [Vertex]]
bicomps :: Tree Int -> [Tree [Int]]
bicomps (Node Int
v [Tree Int]
tws) =
[forall a. a -> [Tree a] -> Tree a
Node (Int
v forall a. a -> [a] -> [a]
: [Int] -> [Int]
curw []) ([Tree [Int]] -> [Tree [Int]]
donew []) | (Int
_, [Int] -> [Int]
curw, [Tree [Int]] -> [Tree [Int]]
donew) <- forall a b. (a -> b) -> [a] -> [b]
map Tree Int -> (Int, [Int] -> [Int], [Tree [Int]] -> [Tree [Int]])
collect [Tree Int]
tws]
collect :: Tree Vertex
-> (Int, [Vertex] -> [Vertex], [Tree [Vertex]] -> [Tree [Vertex]])
collect :: Tree Int -> (Int, [Int] -> [Int], [Tree [Int]] -> [Tree [Int]])
collect (Node Int
v [Tree Int]
tws) = (Int
lowv, (Int
vforall a. a -> [a] -> [a]
:) forall b c a. (b -> c) -> (a -> b) -> a -> c
. [Int] -> [Int]
curv, [Tree [Int]] -> [Tree [Int]]
donev)
where
dv :: Int
dv = UArray Int Int
dnum forall (a :: * -> * -> *) e i.
(IArray a e, Ix i) =>
a i e -> i -> e
UA.! Int
v
accf :: (Int, [Int] -> c, [Tree [Int]] -> c)
-> Tree Int -> (Int, [Int] -> c, [Tree [Int]] -> c)
accf (Int
lowv', [Int] -> c
curv', [Tree [Int]] -> c
donev') Tree Int
tw
| Int
loww forall a. Ord a => a -> a -> Bool
< Int
dv
= (Int
lowv'', [Int] -> c
curv' forall b c a. (b -> c) -> (a -> b) -> a -> c
. [Int] -> [Int]
curw, [Tree [Int]] -> c
donev' forall b c a. (b -> c) -> (a -> b) -> a -> c
. [Tree [Int]] -> [Tree [Int]]
donew)
| Bool
otherwise
= (Int
lowv'', [Int] -> c
curv', [Tree [Int]] -> c
donev' forall b c a. (b -> c) -> (a -> b) -> a -> c
. (forall a. a -> [Tree a] -> Tree a
Node (Int
v forall a. a -> [a] -> [a]
: [Int] -> [Int]
curw []) ([Tree [Int]] -> [Tree [Int]]
donew []) forall a. a -> [a] -> [a]
:))
where
(Int
loww, [Int] -> [Int]
curw, [Tree [Int]] -> [Tree [Int]]
donew) = Tree Int -> (Int, [Int] -> [Int], [Tree [Int]] -> [Tree [Int]])
collect Tree Int
tw
!lowv'' :: Int
lowv'' = forall a. Ord a => a -> a -> a
min Int
lowv' Int
loww
!lowv0 :: Int
lowv0 = forall (t :: * -> *) b a.
Foldable t =>
(b -> a -> b) -> b -> t a -> b
F.foldl' forall a. Ord a => a -> a -> a
min Int
dv [UArray Int Int
dnum forall (a :: * -> * -> *) e i.
(IArray a e, Ix i) =>
a i e -> i -> e
UA.! Int
w | Int
w <- Graph
gforall i e. Ix i => Array i e -> i -> e
!Int
v]
!(Int
lowv, [Int] -> [Int]
curv, [Tree [Int]] -> [Tree [Int]]
donev) = forall (t :: * -> *) b a.
Foldable t =>
(b -> a -> b) -> b -> t a -> b
F.foldl' forall {c} {c}.
(Int, [Int] -> c, [Tree [Int]] -> c)
-> Tree Int -> (Int, [Int] -> c, [Tree [Int]] -> c)
accf (Int
lowv0, forall a. a -> a
id, forall a. a -> a
id) [Tree Int]
tws