{-# LANGUAGE BangPatterns              #-}
{-# LANGUAGE CPP                       #-}
{-# LANGUAGE DerivingVia               #-}
{-# LANGUAGE ExistentialQuantification #-}
{-# LANGUAGE FlexibleContexts          #-}
{-# LANGUAGE FlexibleInstances         #-}
{-# LANGUAGE GADTSyntax                #-}
{-# LANGUAGE MultiParamTypeClasses     #-}
{-# LANGUAGE NamedFieldPuns            #-}
{-# LANGUAGE RankNTypes                #-}
{-# LANGUAGE ScopedTypeVariables       #-}
{-# LANGUAGE TypeFamilies              #-}

-- incomplete uni patterns in 'schedule' (when interpreting 'StmTxCommitted')
-- and 'reschedule'.
{-# OPTIONS_GHC -Wno-incomplete-uni-patterns -Wno-unused-matches #-}

module Control.Monad.IOSimPOR.Internal
  ( IOSim (..)
  , runIOSim
  , runSimTraceST
  , traceM
  , traceSTM
  , STM
  , STMSim
  , setCurrentTime
  , unshareClock
  , TimeoutException (..)
  , EventlogEvent (..)
  , EventlogMarker (..)
  , ThreadId
  , ThreadLabel
  , Labelled (..)
  , SimTrace
  , Trace.Trace (SimPORTrace, TraceMainReturn, TraceMainException, TraceDeadlock)
  , SimEvent (..)
  , SimResult (..)
  , SimEventType (..)
  , liftST
  , execReadTVar
  , controlSimTraceST
  , ScheduleControl (..)
  , ScheduleMod (..)
  ) where

import           Prelude hiding (read)

import           Data.Dynamic
import           Data.Foldable (foldlM, traverse_)
import qualified Data.List as List
import qualified Data.List.Trace as Trace
import           Data.Map.Strict (Map)
import qualified Data.Map.Strict as Map
import           Data.Maybe (mapMaybe)
import           Data.Ord
import           Data.OrdPSQ (OrdPSQ)
import qualified Data.OrdPSQ as PSQ
import           Data.Set (Set)
import qualified Data.Set as Set
import           Data.Time (UTCTime (..), fromGregorian)

import           Control.Exception (NonTermination (..),
                     assert, throw)
import           Control.Monad (join, when)
import           Control.Monad.ST.Lazy
import           Control.Monad.ST.Lazy.Unsafe (unsafeIOToST, unsafeInterleaveST)
import           Data.STRef.Lazy

import           Control.Concurrent.Class.MonadSTM.TMVar
import           Control.Concurrent.Class.MonadSTM.TVar hiding (TVar)
import           Control.Monad.Class.MonadFork (killThread, myThreadId, throwTo)
import           Control.Monad.Class.MonadSTM hiding (STM)
import           Control.Monad.Class.MonadSTM.Internal (TMVarDefault (TMVar))
import           Control.Monad.Class.MonadThrow as MonadThrow
import           Control.Monad.Class.MonadTime
import           Control.Monad.Class.MonadTimer.SI (TimeoutState (..))

import           Control.Monad.IOSim.InternalTypes
import           Control.Monad.IOSim.Types hiding (SimEvent (SimEvent),
                     Trace (SimTrace))
import           Control.Monad.IOSim.Types (SimEvent)
import           Control.Monad.IOSimPOR.Timeout (unsafeTimeout)
import           Control.Monad.IOSimPOR.Types

--
-- Simulation interpreter
--

data Thread s a = Thread {
    forall s a. Thread s a -> ThreadId
threadId      :: !ThreadId,
    forall s a. Thread s a -> ThreadControl s a
threadControl :: !(ThreadControl s a),
    forall s a. Thread s a -> ThreadStatus
threadStatus  :: !ThreadStatus,
    forall s a. Thread s a -> MaskingState
threadMasking :: !MaskingState,
    -- other threads blocked in a ThrowTo to us because we are or were masked
    forall s a.
Thread s a -> [(SomeException, Labelled ThreadId, VectorClock)]
threadThrowTo :: ![(SomeException, Labelled ThreadId, VectorClock)],
    forall s a. Thread s a -> ClockId
threadClockId :: !ClockId,
    forall s a. Thread s a -> Maybe ThreadLabel
threadLabel   :: Maybe ThreadLabel,
    forall s a. Thread s a -> Int
threadNextTId :: !Int,
    forall s a. Thread s a -> Int
threadStep    :: !Int,
    forall s a. Thread s a -> VectorClock
threadVClock  :: VectorClock,
    forall s a. Thread s a -> Effect
threadEffect  :: Effect,  -- in the current step
    forall s a. Thread s a -> Bool
threadRacy    :: !Bool
  }
  deriving Int -> Thread s a -> ShowS
forall a.
(Int -> a -> ShowS)
-> (a -> ThreadLabel) -> ([a] -> ShowS) -> Show a
forall s a. Int -> Thread s a -> ShowS
forall s a. [Thread s a] -> ShowS
forall s a. Thread s a -> ThreadLabel
showList :: [Thread s a] -> ShowS
$cshowList :: forall s a. [Thread s a] -> ShowS
show :: Thread s a -> ThreadLabel
$cshow :: forall s a. Thread s a -> ThreadLabel
showsPrec :: Int -> Thread s a -> ShowS
$cshowsPrec :: forall s a. Int -> Thread s a -> ShowS
Show

isThreadBlocked :: Thread s a -> Bool
isThreadBlocked :: forall s a. Thread s a -> Bool
isThreadBlocked Thread s a
t = case forall s a. Thread s a -> ThreadStatus
threadStatus Thread s a
t of
    ThreadBlocked {} -> Bool
True
    ThreadStatus
_                -> Bool
False

isThreadDone :: Thread s a -> Bool
isThreadDone :: forall s a. Thread s a -> Bool
isThreadDone Thread s a
t = case forall s a. Thread s a -> ThreadStatus
threadStatus Thread s a
t of
    ThreadStatus
ThreadDone -> Bool
True
    ThreadStatus
_          -> Bool
False

threadStepId :: Thread s a -> (ThreadId, Int)
threadStepId :: forall s a. Thread s a -> StepId
threadStepId Thread{ ThreadId
threadId :: ThreadId
threadId :: forall s a. Thread s a -> ThreadId
threadId, Int
threadStep :: Int
threadStep :: forall s a. Thread s a -> Int
threadStep } = (ThreadId
threadId, Int
threadStep)

isRacyThreadId :: ThreadId -> Bool
isRacyThreadId :: ThreadId -> Bool
isRacyThreadId (RacyThreadId [Int]
_) = Bool
True
isRacyThreadId ThreadId
_                = Bool
True

isNotRacyThreadId :: ThreadId -> Bool
isNotRacyThreadId :: ThreadId -> Bool
isNotRacyThreadId (ThreadId [Int]
_) = Bool
True
isNotRacyThreadId ThreadId
_            = Bool
False

bottomVClock :: VectorClock
bottomVClock :: VectorClock
bottomVClock = Map ThreadId Int -> VectorClock
VectorClock forall k a. Map k a
Map.empty

insertVClock :: ThreadId -> Int -> VectorClock -> VectorClock
insertVClock :: ThreadId -> Int -> VectorClock -> VectorClock
insertVClock ThreadId
tid !Int
step (VectorClock Map ThreadId Int
m) = Map ThreadId Int -> VectorClock
VectorClock (forall k a. Ord k => k -> a -> Map k a -> Map k a
Map.insert ThreadId
tid Int
step Map ThreadId Int
m)

leastUpperBoundVClock :: VectorClock -> VectorClock -> VectorClock
leastUpperBoundVClock :: VectorClock -> VectorClock -> VectorClock
leastUpperBoundVClock (VectorClock Map ThreadId Int
m) (VectorClock Map ThreadId Int
m') =
    Map ThreadId Int -> VectorClock
VectorClock (forall k a. Ord k => (a -> a -> a) -> Map k a -> Map k a -> Map k a
Map.unionWith forall a. Ord a => a -> a -> a
max Map ThreadId Int
m Map ThreadId Int
m')

-- hbfVClock :: VectorClock -> VectorClock -> Bool
-- hbfVClock (VectorClock m) (VectorClock m') = Map.isSubmapOfBy (<=) m m'

happensBeforeStep :: Step -- ^ an earlier step
                  -> Step -- ^ a later step
                  -> Bool
happensBeforeStep :: Step -> Step -> Bool
happensBeforeStep Step
step Step
step' =
       forall a. a -> Maybe a
Just (Step -> Int
stepStep Step
step)
    forall a. Ord a => a -> a -> Bool
<= forall k a. Ord k => k -> Map k a -> Maybe a
Map.lookup (Step -> ThreadId
stepThreadId Step
step)
                  (VectorClock -> Map ThreadId Int
getVectorClock forall a b. (a -> b) -> a -> b
$ Step -> VectorClock
stepVClock Step
step')

labelledTVarId :: TVar s a -> ST s (Labelled TVarId)
labelledTVarId :: forall s a. TVar s a -> ST s (Labelled TVarId)
labelledTVarId TVar { TVarId
tvarId :: forall s a. TVar s a -> TVarId
tvarId :: TVarId
tvarId, STRef s (Maybe ThreadLabel)
tvarLabel :: forall s a. TVar s a -> STRef s (Maybe ThreadLabel)
tvarLabel :: STRef s (Maybe ThreadLabel)
tvarLabel } = forall a. a -> Maybe ThreadLabel -> Labelled a
Labelled TVarId
tvarId forall (f :: * -> *) a b. Functor f => (a -> b) -> f a -> f b
<$> forall s a. STRef s a -> ST s a
readSTRef STRef s (Maybe ThreadLabel)
tvarLabel

labelledThreads :: Map ThreadId (Thread s a) -> [Labelled ThreadId]
labelledThreads :: forall s a. Map ThreadId (Thread s a) -> [Labelled ThreadId]
labelledThreads Map ThreadId (Thread s a)
threadMap =
    -- @Map.foldr'@ (and alikes) are not strict enough, to not retain the
    -- original thread map we need to evaluate the spine of the list.
    -- TODO: https://github.com/haskell/containers/issues/749
    forall a b k. (a -> b -> b) -> b -> Map k a -> b
Map.foldr'
      (\Thread { ThreadId
threadId :: ThreadId
threadId :: forall s a. Thread s a -> ThreadId
threadId, Maybe ThreadLabel
threadLabel :: Maybe ThreadLabel
threadLabel :: forall s a. Thread s a -> Maybe ThreadLabel
threadLabel } ![Labelled ThreadId]
acc -> forall a. a -> Maybe ThreadLabel -> Labelled a
Labelled ThreadId
threadId Maybe ThreadLabel
threadLabel forall a. a -> [a] -> [a]
: [Labelled ThreadId]
acc)
      [] Map ThreadId (Thread s a)
threadMap


-- | Timers mutable variables.  First one supports 'newTimeout' api, the second
-- one 'Control.Monad.Class.MonadTimer.SI.registerDelay', the third one
-- 'Control.Monad.Class.MonadTimer.SI.threadDelay'.
--
data TimerCompletionInfo s =
       Timer !(TVar s TimeoutState)
     -- ^ `newTimeout` timer.
     | TimerRegisterDelay !(TVar s Bool)
     -- ^ `registerDelay` timer.
     | TimerThreadDelay !ThreadId !TimeoutId
     -- ^ `threadDelay` timer run by `ThreadId` which was assigned the given
     -- `TimeoutId` (only used to report in a trace).
     | TimerTimeout !ThreadId !TimeoutId !(TMVar (IOSim s) ThreadId)
     -- ^ `timeout` timer run by `ThreadId` which was assigned the given
     -- `TimeoutId` (only used to report in a trace).

type RunQueue = OrdPSQ (Down ThreadId) (Down ThreadId) ()
type Timeouts s = OrdPSQ TimeoutId Time (TimerCompletionInfo s)

-- | Internal state.
--
data SimState s a = SimState {
       forall s a. SimState s a -> RunQueue
runqueue         :: !RunQueue,
       -- | All threads other than the currently running thread: both running
       -- and blocked threads.
       forall s a. SimState s a -> Map ThreadId (Thread s a)
threads          :: !(Map ThreadId (Thread s a)),
       -- | current time
       forall s a. SimState s a -> Time
curTime          :: !Time,
       -- | ordered list of timers and timeouts
       forall s a. SimState s a -> Timeouts s
timers           :: !(Timeouts s),
       -- | timeout locks in order to synchronize the timeout handler and the
       -- main thread
       forall s a. SimState s a -> Map ClockId UTCTime
clocks           :: !(Map ClockId UTCTime),
       forall s a. SimState s a -> TVarId
nextVid          :: !TVarId,     -- ^ next unused 'TVarId'
       forall s a. SimState s a -> TimeoutId
nextTmid         :: !TimeoutId,  -- ^ next unused 'TimeoutId'
       -- | previous steps (which we may race with).
       -- Note this is *lazy*, so that we don't compute races we will not reverse.
       forall s a. SimState s a -> Races
races            :: Races,
       -- | control the schedule followed, and initial value
       forall s a. SimState s a -> ScheduleControl
control          :: !ScheduleControl,
       forall s a. SimState s a -> ScheduleControl
control0         :: !ScheduleControl,
       -- | limit on the computation time allowed per scheduling step, for
       -- catching infinite loops etc
       forall s a. SimState s a -> Maybe Int
perStepTimeLimit :: Maybe Int

     }

initialState :: SimState s a
initialState :: forall s a. SimState s a
initialState =
    SimState {
      runqueue :: RunQueue
runqueue = forall k p v. OrdPSQ k p v
PSQ.empty,
      threads :: Map ThreadId (Thread s a)
threads  = forall k a. Map k a
Map.empty,
      curTime :: Time
curTime  = DiffTime -> Time
Time DiffTime
0,
      timers :: Timeouts s
timers   = forall k p v. OrdPSQ k p v
PSQ.empty,
      clocks :: Map ClockId UTCTime
clocks   = forall k a. k -> a -> Map k a
Map.singleton ([Int] -> ClockId
ClockId []) UTCTime
epoch1970,
      nextVid :: TVarId
nextVid  = Int -> TVarId
TVarId Int
0,
      nextTmid :: TimeoutId
nextTmid = Int -> TimeoutId
TimeoutId Int
0,
      races :: Races
races    = Races
noRaces,
      control :: ScheduleControl
control  = ScheduleControl
ControlDefault,
      control0 :: ScheduleControl
control0 = ScheduleControl
ControlDefault,
      perStepTimeLimit :: Maybe Int
perStepTimeLimit = forall a. Maybe a
Nothing
    }
  where
    epoch1970 :: UTCTime
epoch1970 = Day -> DiffTime -> UTCTime
UTCTime (Year -> Int -> Int -> Day
fromGregorian Year
1970 Int
1 Int
1) DiffTime
0

invariant :: Maybe (Thread s a) -> SimState s a -> x -> x

invariant :: forall s a x. Maybe (Thread s a) -> SimState s a -> x -> x
invariant (Just Thread s a
running) simstate :: SimState s a
simstate@SimState{RunQueue
runqueue :: RunQueue
runqueue :: forall s a. SimState s a -> RunQueue
runqueue,Map ThreadId (Thread s a)
threads :: Map ThreadId (Thread s a)
threads :: forall s a. SimState s a -> Map ThreadId (Thread s a)
threads,Map ClockId UTCTime
clocks :: Map ClockId UTCTime
clocks :: forall s a. SimState s a -> Map ClockId UTCTime
clocks} =
    forall a. (?callStack::CallStack) => Bool -> a -> a
assert (Bool -> Bool
not (forall s a. Thread s a -> Bool
isThreadBlocked Thread s a
running))
  forall b c a. (b -> c) -> (a -> b) -> a -> c
. forall a. (?callStack::CallStack) => Bool -> a -> a
assert (forall s a. Thread s a -> ThreadId
threadId Thread s a
running forall k a. Ord k => k -> Map k a -> Bool
`Map.notMember` Map ThreadId (Thread s a)
threads)
  forall b c a. (b -> c) -> (a -> b) -> a -> c
. forall a. (?callStack::CallStack) => Bool -> a -> a
assert (Bool -> Bool
not (forall a. a -> Down a
Down (forall s a. Thread s a -> ThreadId
threadId Thread s a
running) forall k p v. Ord k => k -> OrdPSQ k p v -> Bool
`PSQ.member` RunQueue
runqueue))
  forall b c a. (b -> c) -> (a -> b) -> a -> c
. forall a. (?callStack::CallStack) => Bool -> a -> a
assert (forall s a. Thread s a -> ClockId
threadClockId Thread s a
running forall k a. Ord k => k -> Map k a -> Bool
`Map.member` Map ClockId UTCTime
clocks)
  forall b c a. (b -> c) -> (a -> b) -> a -> c
. forall s a x. Maybe (Thread s a) -> SimState s a -> x -> x
invariant forall a. Maybe a
Nothing SimState s a
simstate

invariant Maybe (Thread s a)
Nothing SimState{RunQueue
runqueue :: RunQueue
runqueue :: forall s a. SimState s a -> RunQueue
runqueue,Map ThreadId (Thread s a)
threads :: Map ThreadId (Thread s a)
threads :: forall s a. SimState s a -> Map ThreadId (Thread s a)
threads,Map ClockId UTCTime
clocks :: Map ClockId UTCTime
clocks :: forall s a. SimState s a -> Map ClockId UTCTime
clocks} =
    forall a. (?callStack::CallStack) => Bool -> a -> a
assert (forall k p v a. (k -> p -> v -> a -> a) -> a -> OrdPSQ k p v -> a
PSQ.fold' (\(Down ThreadId
tid) Down ThreadId
_ ()
_ Bool
a -> ThreadId
tid forall k a. Ord k => k -> Map k a -> Bool
`Map.member` Map ThreadId (Thread s a)
threads Bool -> Bool -> Bool
&& Bool
a) Bool
True RunQueue
runqueue)
  forall b c a. (b -> c) -> (a -> b) -> a -> c
. forall a. (?callStack::CallStack) => Bool -> a -> a
assert (forall (t :: * -> *). Foldable t => t Bool -> Bool
and [ (forall s a. Thread s a -> Bool
isThreadBlocked Thread s a
t Bool -> Bool -> Bool
|| forall s a. Thread s a -> Bool
isThreadDone Thread s a
t) forall a. Eq a => a -> a -> Bool
== Bool -> Bool
not (forall a. a -> Down a
Down (forall s a. Thread s a -> ThreadId
threadId Thread s a
t) forall k p v. Ord k => k -> OrdPSQ k p v -> Bool
`PSQ.member` RunQueue
runqueue)
                | Thread s a
t <- forall k a. Map k a -> [a]
Map.elems Map ThreadId (Thread s a)
threads ])
  forall b c a. (b -> c) -> (a -> b) -> a -> c
. forall a. (?callStack::CallStack) => Bool -> a -> a
assert (forall (t :: * -> *). Foldable t => t Bool -> Bool
and (forall a b c. (a -> b -> c) -> [a] -> [b] -> [c]
zipWith (\(Down ThreadId
tid, Down ThreadId
_, ()
_) (Down ThreadId
tid', Down ThreadId
_, ()
_) -> ThreadId
tid forall a. Ord a => a -> a -> Bool
> ThreadId
tid')
                         (forall k p v. OrdPSQ k p v -> [(k, p, v)]
PSQ.toList RunQueue
runqueue)
                         (forall a. Int -> [a] -> [a]
drop Int
1 (forall k p v. OrdPSQ k p v -> [(k, p, v)]
PSQ.toList RunQueue
runqueue))))
  forall b c a. (b -> c) -> (a -> b) -> a -> c
. forall a. (?callStack::CallStack) => Bool -> a -> a
assert (forall (t :: * -> *). Foldable t => t Bool -> Bool
and [ forall s a. Thread s a -> ClockId
threadClockId Thread s a
t forall k a. Ord k => k -> Map k a -> Bool
`Map.member` Map ClockId UTCTime
clocks
                | Thread s a
t <- forall k a. Map k a -> [a]
Map.elems Map ThreadId (Thread s a)
threads ])

-- | Interpret the simulation monotonic time as a 'NominalDiffTime' since
-- the start.
timeSinceEpoch :: Time -> NominalDiffTime
timeSinceEpoch :: Time -> NominalDiffTime
timeSinceEpoch (Time DiffTime
t) = forall a. Fractional a => Rational -> a
fromRational (forall a. Real a => a -> Rational
toRational DiffTime
t)


-- | Insert thread into `runqueue`.
--
insertThread :: Thread s a -> RunQueue -> RunQueue
insertThread :: forall s a. Thread s a -> RunQueue -> RunQueue
insertThread Thread { ThreadId
threadId :: ThreadId
threadId :: forall s a. Thread s a -> ThreadId
threadId } = forall k p v.
(Ord k, Ord p) =>
k -> p -> v -> OrdPSQ k p v -> OrdPSQ k p v
PSQ.insert (forall a. a -> Down a
Down ThreadId
threadId) (forall a. a -> Down a
Down ThreadId
threadId) ()


-- | Schedule / run a thread.
--
schedule :: forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule :: forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule thread :: Thread s a
thread@Thread{
           threadId :: forall s a. Thread s a -> ThreadId
threadId      = ThreadId
tid,
           threadControl :: forall s a. Thread s a -> ThreadControl s a
threadControl = ThreadControl SimA s b
action ControlStack s b a
ctl,
           threadMasking :: forall s a. Thread s a -> MaskingState
threadMasking = MaskingState
maskst,
           threadLabel :: forall s a. Thread s a -> Maybe ThreadLabel
threadLabel   = Maybe ThreadLabel
tlbl,
           threadStep :: forall s a. Thread s a -> Int
threadStep    = Int
tstep,
           threadVClock :: forall s a. Thread s a -> VectorClock
threadVClock  = VectorClock
vClock,
           threadEffect :: forall s a. Thread s a -> Effect
threadEffect  = Effect
effect
         }
         simstate :: SimState s a
simstate@SimState {
           RunQueue
runqueue :: RunQueue
runqueue :: forall s a. SimState s a -> RunQueue
runqueue,
           Map ThreadId (Thread s a)
threads :: Map ThreadId (Thread s a)
threads :: forall s a. SimState s a -> Map ThreadId (Thread s a)
threads,
           Timeouts s
timers :: Timeouts s
timers :: forall s a. SimState s a -> Timeouts s
timers,
           Map ClockId UTCTime
clocks :: Map ClockId UTCTime
clocks :: forall s a. SimState s a -> Map ClockId UTCTime
clocks,
           TVarId
nextVid :: TVarId
nextVid :: forall s a. SimState s a -> TVarId
nextVid, TimeoutId
nextTmid :: TimeoutId
nextTmid :: forall s a. SimState s a -> TimeoutId
nextTmid,
           curTime :: forall s a. SimState s a -> Time
curTime  = Time
time,
           ScheduleControl
control :: ScheduleControl
control :: forall s a. SimState s a -> ScheduleControl
control,
           Maybe Int
perStepTimeLimit :: Maybe Int
perStepTimeLimit :: forall s a. SimState s a -> Maybe Int
perStepTimeLimit
         }

  | StepId -> ScheduleControl -> Bool
controlTargets (ThreadId
tid,Int
tstep) ScheduleControl
control =
      -- The next step is to be delayed according to the
      -- specified schedule. Switch to following the schedule.
      forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (ScheduleControl -> SimEventType
EventFollowControl ScheduleControl
control) forall (f :: * -> *) a b. Functor f => (a -> b) -> f a -> f b
<$>
      forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread SimState s a
simstate{ control :: ScheduleControl
control = ScheduleControl -> ScheduleControl
followControl ScheduleControl
control }

  | Bool -> Bool
not forall a b. (a -> b) -> a -> b
$ StepId -> ScheduleControl -> Bool
controlFollows (ThreadId
tid,Int
tstep) ScheduleControl
control =
      -- the control says this is not the next step to
      -- follow. We should be at the beginning of a step;
      -- we put the present thread to sleep and reschedule
      -- the correct thread.
      -- The assertion says that the only effect that may have
      -- happened in the start of a thread is us waking up.
      ( forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (StepId -> ScheduleControl -> SimEventType
EventAwaitControl (ThreadId
tid,Int
tstep) ScheduleControl
control)
      forall b c a. (b -> c) -> (a -> b) -> a -> c
. forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (Deschedule -> SimEventType
EventDeschedule Deschedule
Sleep)
      ) forall (f :: * -> *) a b. Functor f => (a -> b) -> f a -> f b
<$> forall s a.
Deschedule -> Thread s a -> SimState s a -> ST s (SimTrace a)
deschedule Deschedule
Sleep Thread s a
thread SimState s a
simstate

  | Bool
otherwise =
  forall s a x. Maybe (Thread s a) -> SimState s a -> x -> x
invariant (forall a. a -> Maybe a
Just Thread s a
thread) SimState s a
simstate forall a b. (a -> b) -> a -> b
$
  case ScheduleControl
control of
    ControlFollow (StepId
s:[StepId]
_) [ScheduleMod]
_
      -> forall (f :: * -> *) a b. Functor f => (a -> b) -> f a -> f b
fmap (forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (StepId -> SimEventType
EventPerformAction (ThreadId
tid,Int
tstep)))
    ScheduleControl
_ -> forall a. a -> a
id
  forall a b. (a -> b) -> a -> b
$
  -- The next line forces the evaluation of action, which should be unevaluated up to
  -- this point. This is where we actually *run* user code.
  case forall b a. b -> (a -> b) -> Maybe a -> b
maybe forall a. a -> Maybe a
Just forall a. Int -> a -> Maybe a
unsafeTimeout Maybe Int
perStepTimeLimit SimA s b
action of
   Maybe (SimA s b)
Nothing -> forall (m :: * -> *) a. Monad m => a -> m a
return forall a. SimTrace a
TraceLoop
   Just SimA s b
_  -> case SimA s b
action of

    Return b
x -> case ControlStack s b a
ctl of
      ControlStack s b a
MainFrame ->
        -- the main thread is done, so we're done
        -- even if other threads are still running
        forall (m :: * -> *) a. Monad m => a -> m a
return forall a b. (a -> b) -> a -> b
$ forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl SimEventType
EventThreadFinished
               forall a b. (a -> b) -> a -> b
$ forall s a. SimState s a -> SimTrace a -> SimTrace a
traceFinalRacesFound SimState s a
simstate
               forall a b. (a -> b) -> a -> b
$ forall a. Time -> a -> [Labelled ThreadId] -> SimTrace a
TraceMainReturn Time
time b
x ( forall s a. Map ThreadId (Thread s a) -> [Labelled ThreadId]
labelledThreads
                                        forall b c a. (b -> c) -> (a -> b) -> a -> c
. forall a k. (a -> Bool) -> Map k a -> Map k a
Map.filter (Bool -> Bool
not forall b c a. (b -> c) -> (a -> b) -> a -> c
. forall s a. Thread s a -> Bool
isThreadDone)
                                        forall a b. (a -> b) -> a -> b
$ Map ThreadId (Thread s a)
threads
                                        )

      ControlStack s b a
ForkFrame -> do
        -- this thread is done
        let thread' :: Thread s a
thread' = Thread s a
thread
        !SimTrace a
trace <- forall s a.
Deschedule -> Thread s a -> SimState s a -> ST s (SimTrace a)
deschedule Deschedule
Terminated Thread s a
thread' SimState s a
simstate
        forall (m :: * -> *) a. Monad m => a -> m a
return forall a b. (a -> b) -> a -> b
$ forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl SimEventType
EventThreadFinished
               forall a b. (a -> b) -> a -> b
$ forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (Deschedule -> SimEventType
EventDeschedule Deschedule
Terminated)
               forall a b. (a -> b) -> a -> b
$ SimTrace a
trace

      MaskFrame b -> SimA s c
k MaskingState
maskst' ControlStack s c a
ctl' -> do
        -- pop the control stack, restore thread-local state
        let thread' :: Thread s a
thread' = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl (b -> SimA s c
k b
x) ControlStack s c a
ctl'
                             , threadMasking :: MaskingState
threadMasking = MaskingState
maskst'
                             }
        -- but if we're now unmasked, check for any pending async exceptions
        !SimTrace a
trace <- forall s a.
Deschedule -> Thread s a -> SimState s a -> ST s (SimTrace a)
deschedule Deschedule
Interruptable Thread s a
thread' SimState s a
simstate
        forall (m :: * -> *) a. Monad m => a -> m a
return forall a b. (a -> b) -> a -> b
$ forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (MaskingState -> SimEventType
EventMask MaskingState
maskst')
               forall a b. (a -> b) -> a -> b
$ forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (Deschedule -> SimEventType
EventDeschedule Deschedule
Interruptable)
               forall a b. (a -> b) -> a -> b
$ SimTrace a
trace

      CatchFrame e -> SimA s b
_handler b -> SimA s c
k ControlStack s c a
ctl' -> do
        -- pop the control stack and continue
        let thread' :: Thread s a
thread' = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl (b -> SimA s c
k b
x) ControlStack s c a
ctl' }
        forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate

      TimeoutFrame TimeoutId
tmid TMVar (IOSim s) ThreadId
lock Maybe b -> SimA s c
k ControlStack s c a
ctl' -> do
        -- It could happen that the timeout action finished at the same time
        -- as the timeout expired, this will be a race condition. That's why
        -- we have the locks to solve this.

        -- We cannot do `tryPutMVar` in the `treadAction`, because we need to
        -- know if the `lock` is empty right now when we still have the frame.
        Bool
v <- forall s a. TMVar (IOSim s) a -> a -> ST s Bool
execTryPutTMVar TMVar (IOSim s) ThreadId
lock forall a. (?callStack::CallStack) => a
undefined
        let -- Kill the assassin throwing thread then unmask exceptions and
            -- carry on the continuation
            threadAction :: IOSim s ()
            threadAction :: IOSim s ()
threadAction =
              if Bool
v then forall s. TimeoutId -> IOSim s ()
unsafeUnregisterTimeout TimeoutId
tmid
                   else forall (m :: * -> *) a.
(MonadSTM m, ?callStack::CallStack) =>
STM m a -> m a
atomically (forall (m :: * -> *) a. MonadSTM m => TMVar m a -> STM m a
takeTMVar TMVar (IOSim s) ThreadId
lock) forall (m :: * -> *) a b. Monad m => m a -> (a -> m b) -> m b
>>= forall (m :: * -> *). MonadFork m => ThreadId m -> m ()
killThread

            thread' :: Thread s a
thread' =
              Thread s a
thread { threadControl :: ThreadControl s a
threadControl =
                        forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl (case IOSim s ()
threadAction of
                                        IOSim forall r. (() -> SimA s r) -> SimA s r
k' -> forall r. (() -> SimA s r) -> SimA s r
k' (\() -> Maybe b -> SimA s c
k (forall a. a -> Maybe a
Just b
x)))
                                      ControlStack s c a
ctl'
                     }
        forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate

      DelayFrame TimeoutId
tmid SimA s c
k ControlStack s c a
ctl' -> do
        let thread' :: Thread s a
thread' = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl SimA s c
k ControlStack s c a
ctl' }
            timers' :: Timeouts s
timers' = forall k p v. (Ord k, Ord p) => k -> OrdPSQ k p v -> OrdPSQ k p v
PSQ.delete TimeoutId
tmid Timeouts s
timers
        forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate { timers :: Timeouts s
timers = Timeouts s
timers' }

    Throw SomeException
e -> case forall s a.
SomeException
-> Thread s a
-> Timeouts s
-> (Either Bool (Thread s a), Timeouts s)
unwindControlStack SomeException
e Thread s a
thread Timeouts s
timers of
      -- Found a CatchFrame
      (Right thread0 :: Thread s a
thread0@Thread { threadMasking :: forall s a. Thread s a -> MaskingState
threadMasking = MaskingState
maskst' }, Timeouts s
timers'') -> do
        -- We found a suitable exception handler, continue with that
        -- We record a step, in case there is no exception handler on replay.
        let thread' :: Thread s a
thread'  = forall s a. Thread s a -> Thread s a
stepThread Thread s a
thread0
            control' :: ScheduleControl
control' = StepId -> ScheduleControl -> ScheduleControl
advanceControl (forall s a. Thread s a -> StepId
threadStepId Thread s a
thread0) ScheduleControl
control
            races' :: Races
races'   = forall s a. Thread s a -> SimState s a -> Races
updateRacesInSimState Thread s a
thread0 SimState s a
simstate
        SimTrace a
trace <- forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate{ races :: Races
races = Races
races',
                                            control :: ScheduleControl
control = ScheduleControl
control',
                                            timers :: Timeouts s
timers = Timeouts s
timers'' }
        forall (m :: * -> *) a. Monad m => a -> m a
return (forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (SomeException -> SimEventType
EventThrow SomeException
e) forall a b. (a -> b) -> a -> b
$
                forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (MaskingState -> SimEventType
EventMask MaskingState
maskst') SimTrace a
trace)

      (Left Bool
isMain, Timeouts s
timers'')
        -- We unwound and did not find any suitable exception handler, so we
        -- have an unhandled exception at the top level of the thread.
        | Bool
isMain -> do
          let thread' :: Thread s a
thread' = Thread s a
thread { threadStatus :: ThreadStatus
threadStatus = ThreadStatus
ThreadDone }
          -- An unhandled exception in the main thread terminates the program
          forall (m :: * -> *) a. Monad m => a -> m a
return (forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (SomeException -> SimEventType
EventThrow SomeException
e) forall a b. (a -> b) -> a -> b
$
                  forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (SomeException -> SimEventType
EventThreadUnhandled SomeException
e) forall a b. (a -> b) -> a -> b
$
                  forall s a. SimState s a -> SimTrace a -> SimTrace a
traceFinalRacesFound SimState s a
simstate { threads :: Map ThreadId (Thread s a)
threads = forall k a. Ord k => k -> a -> Map k a -> Map k a
Map.insert ThreadId
tid Thread s a
thread' Map ThreadId (Thread s a)
threads } forall a b. (a -> b) -> a -> b
$
                  forall a.
Time -> SomeException -> [Labelled ThreadId] -> SimTrace a
TraceMainException Time
time SomeException
e (forall s a. Map ThreadId (Thread s a) -> [Labelled ThreadId]
labelledThreads Map ThreadId (Thread s a)
threads))

        | Bool
otherwise -> do
          -- An unhandled exception in any other thread terminates the thread
          let terminated :: Deschedule
terminated = Deschedule
Terminated
          !SimTrace a
trace <- forall s a.
Deschedule -> Thread s a -> SimState s a -> ST s (SimTrace a)
deschedule Deschedule
terminated Thread s a
thread SimState s a
simstate { timers :: Timeouts s
timers = Timeouts s
timers'' }
          forall (m :: * -> *) a. Monad m => a -> m a
return forall a b. (a -> b) -> a -> b
$ forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (SomeException -> SimEventType
EventThrow SomeException
e)
                 forall a b. (a -> b) -> a -> b
$ forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (SomeException -> SimEventType
EventThreadUnhandled SomeException
e)
                 forall a b. (a -> b) -> a -> b
$ forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (Deschedule -> SimEventType
EventDeschedule Deschedule
terminated)
                 forall a b. (a -> b) -> a -> b
$ SimTrace a
trace

    Catch SimA s a
action' e -> SimA s a
handler a -> SimA s b
k -> do
      -- push the failure and success continuations onto the control stack
      let thread' :: Thread s a
thread' = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl SimA s a
action'
                                               (forall a s b c a.
Exception a =>
(a -> SimA s b)
-> (b -> SimA s c) -> ControlStack s c a -> ControlStack s b a
CatchFrame e -> SimA s a
handler a -> SimA s b
k ControlStack s b a
ctl)
                           }
      forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate

    Evaluate a
expr a -> SimA s b
k -> do
      Either SomeException a
mbWHNF <- forall a s. IO a -> ST s a
unsafeIOToST forall a b. (a -> b) -> a -> b
$ forall (m :: * -> *) e a.
(MonadCatch m, Exception e) =>
m a -> m (Either e a)
try forall a b. (a -> b) -> a -> b
$ forall (m :: * -> *) a. MonadEvaluate m => a -> m a
evaluate a
expr
      case Either SomeException a
mbWHNF of
        Left SomeException
e -> do
          -- schedule this thread to immediately raise the exception
          let thread' :: Thread s a
thread' = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl (forall s a. SomeException -> SimA s a
Throw SomeException
e) ControlStack s b a
ctl }
          forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate
        Right a
whnf -> do
          -- continue with the resulting WHNF
          let thread' :: Thread s a
thread' = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl (a -> SimA s b
k a
whnf) ControlStack s b a
ctl }
          forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate

    Say ThreadLabel
msg SimA s b
k -> do
      let thread' :: Thread s a
thread' = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl SimA s b
k ControlStack s b a
ctl }
      SimTrace a
trace <- forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate
      forall (m :: * -> *) a. Monad m => a -> m a
return (forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (ThreadLabel -> SimEventType
EventSay ThreadLabel
msg) SimTrace a
trace)

    Output Dynamic
x SimA s b
k -> do
      let thread' :: Thread s a
thread' = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl SimA s b
k ControlStack s b a
ctl }
      SimTrace a
trace <- forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate
      forall (m :: * -> *) a. Monad m => a -> m a
return (forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (Dynamic -> SimEventType
EventLog Dynamic
x) SimTrace a
trace)

    LiftST ST s a
st a -> SimA s b
k -> do
      a
x <- forall s a. ST s a -> ST s a
strictToLazyST ST s a
st
      let thread' :: Thread s a
thread' = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl (a -> SimA s b
k a
x) ControlStack s b a
ctl }
      forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate

    GetMonoTime Time -> SimA s b
k -> do
      let thread' :: Thread s a
thread' = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl (Time -> SimA s b
k Time
time) ControlStack s b a
ctl }
      forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate

    GetWallTime UTCTime -> SimA s b
k -> do
      let clockid :: ClockId
clockid  = forall s a. Thread s a -> ClockId
threadClockId Thread s a
thread
          clockoff :: UTCTime
clockoff = Map ClockId UTCTime
clocks forall k a. Ord k => Map k a -> k -> a
Map.! ClockId
clockid
          walltime :: UTCTime
walltime = Time -> NominalDiffTime
timeSinceEpoch Time
time NominalDiffTime -> UTCTime -> UTCTime
`addUTCTime` UTCTime
clockoff
          thread' :: Thread s a
thread'  = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl (UTCTime -> SimA s b
k UTCTime
walltime) ControlStack s b a
ctl }
      forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate

    SetWallTime UTCTime
walltime' SimA s b
k -> do
      let clockid :: ClockId
clockid   = forall s a. Thread s a -> ClockId
threadClockId Thread s a
thread
          clockoff :: UTCTime
clockoff  = Map ClockId UTCTime
clocks forall k a. Ord k => Map k a -> k -> a
Map.! ClockId
clockid
          walltime :: UTCTime
walltime  = Time -> NominalDiffTime
timeSinceEpoch Time
time NominalDiffTime -> UTCTime -> UTCTime
`addUTCTime` UTCTime
clockoff
          clockoff' :: UTCTime
clockoff' = NominalDiffTime -> UTCTime -> UTCTime
addUTCTime (UTCTime -> UTCTime -> NominalDiffTime
diffUTCTime UTCTime
walltime' UTCTime
walltime) UTCTime
clockoff
          thread' :: Thread s a
thread'   = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl SimA s b
k ControlStack s b a
ctl }
          simstate' :: SimState s a
simstate' = SimState s a
simstate { clocks :: Map ClockId UTCTime
clocks = forall k a. Ord k => k -> a -> Map k a -> Map k a
Map.insert ClockId
clockid UTCTime
clockoff' Map ClockId UTCTime
clocks }
      forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate'

    UnshareClock SimA s b
k -> do
      let clockid :: ClockId
clockid   = forall s a. Thread s a -> ClockId
threadClockId Thread s a
thread
          clockoff :: UTCTime
clockoff  = Map ClockId UTCTime
clocks forall k a. Ord k => Map k a -> k -> a
Map.! ClockId
clockid
          clockid' :: ClockId
clockid'  = let ThreadId [Int]
i = ThreadId
tid in [Int] -> ClockId
ClockId [Int]
i -- reuse the thread id
          thread' :: Thread s a
thread'   = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl SimA s b
k ControlStack s b a
ctl
                             , threadClockId :: ClockId
threadClockId = ClockId
clockid' }
          simstate' :: SimState s a
simstate' = SimState s a
simstate { clocks :: Map ClockId UTCTime
clocks = forall k a. Ord k => k -> a -> Map k a -> Map k a
Map.insert ClockId
clockid' UTCTime
clockoff Map ClockId UTCTime
clocks }
      forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate'

    -- This case is guarded by checks in 'timeout' itself.
    StartTimeout DiffTime
d SimA s a
_ Maybe a -> SimA s b
_ | DiffTime
d forall a. Ord a => a -> a -> Bool
<= DiffTime
0 ->
      forall a. (?callStack::CallStack) => ThreadLabel -> a
error ThreadLabel
"schedule: StartTimeout: Impossible happened"

    StartTimeout DiffTime
d SimA s a
action' Maybe a -> SimA s b
k -> do
      TMVarDefault (IOSim s) ThreadId
lock <- forall (m :: * -> *) a. TVar m (Maybe a) -> TMVarDefault m a
TMVar forall (f :: * -> *) a b. Functor f => (a -> b) -> f a -> f b
<$> forall a s. TVarId -> Maybe ThreadLabel -> a -> ST s (TVar s a)
execNewTVar TVarId
nextVid (forall a. a -> Maybe a
Just forall a b. (a -> b) -> a -> b
$ ThreadLabel
"lock-" forall a. [a] -> [a] -> [a]
++ forall a. Show a => a -> ThreadLabel
show TimeoutId
nextTmid) forall a. Maybe a
Nothing
      let expiry :: Time
expiry    = DiffTime
d DiffTime -> Time -> Time
`addTime` Time
time
          timers' :: Timeouts s
timers'   = forall k p v.
(Ord k, Ord p) =>
k -> p -> v -> OrdPSQ k p v -> OrdPSQ k p v
PSQ.insert TimeoutId
nextTmid Time
expiry (forall s.
ThreadId
-> TimeoutId -> TMVar (IOSim s) ThreadId -> TimerCompletionInfo s
TimerTimeout ThreadId
tid TimeoutId
nextTmid TMVarDefault (IOSim s) ThreadId
lock) Timeouts s
timers
          thread' :: Thread s a
thread'   = Thread s a
thread { threadControl :: ThreadControl s a
threadControl =
                                 forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl SimA s a
action'
                                               (forall s b a a.
TimeoutId
-> TMVar (IOSim s) ThreadId
-> (Maybe b -> SimA s a)
-> ControlStack s a a
-> ControlStack s b a
TimeoutFrame TimeoutId
nextTmid TMVarDefault (IOSim s) ThreadId
lock Maybe a -> SimA s b
k ControlStack s b a
ctl)
                              }
      SimTrace a
trace <- forall s a.
Deschedule -> Thread s a -> SimState s a -> ST s (SimTrace a)
deschedule Deschedule
Yield Thread s a
thread' SimState s a
simstate { timers :: Timeouts s
timers   = Timeouts s
timers'
                                                  , nextTmid :: TimeoutId
nextTmid = forall a. Enum a => a -> a
succ TimeoutId
nextTmid }
      forall (m :: * -> *) a. Monad m => a -> m a
return (forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (TimeoutId -> ThreadId -> Time -> SimEventType
EventTimeoutCreated TimeoutId
nextTmid ThreadId
tid Time
expiry) SimTrace a
trace)

    UnregisterTimeout TimeoutId
tmid SimA s b
k -> do
      let thread' :: Thread s a
thread' = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl SimA s b
k ControlStack s b a
ctl }
      forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate { timers :: Timeouts s
timers = forall k p v. (Ord k, Ord p) => k -> OrdPSQ k p v -> OrdPSQ k p v
PSQ.delete TimeoutId
tmid Timeouts s
timers }

    RegisterDelay DiffTime
d TVar s Bool -> SimA s b
k | DiffTime
d forall a. Ord a => a -> a -> Bool
< DiffTime
0 -> do
      TVar s Bool
tvar <- forall a s. TVarId -> Maybe ThreadLabel -> a -> ST s (TVar s a)
execNewTVar TVarId
nextVid
                          (forall a. a -> Maybe a
Just forall a b. (a -> b) -> a -> b
$ ThreadLabel
"<<timeout " forall a. [a] -> [a] -> [a]
++ forall a. Show a => a -> ThreadLabel
show (TimeoutId -> Int
unTimeoutId TimeoutId
nextTmid) forall a. [a] -> [a] -> [a]
++ ThreadLabel
">>")
                          Bool
True
      forall s a. STRef s a -> (a -> a) -> ST s ()
modifySTRef (forall s a. TVar s a -> STRef s VectorClock
tvarVClock TVar s Bool
tvar) (VectorClock -> VectorClock -> VectorClock
leastUpperBoundVClock VectorClock
vClock)
      let !expiry :: Time
expiry  = DiffTime
d DiffTime -> Time -> Time
`addTime` Time
time
          !thread' :: Thread s a
thread' = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl (TVar s Bool -> SimA s b
k TVar s Bool
tvar) ControlStack s b a
ctl }
      SimTrace a
trace <- forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate { nextVid :: TVarId
nextVid = forall a. Enum a => a -> a
succ TVarId
nextVid }
      forall (m :: * -> *) a. Monad m => a -> m a
return (forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (TimeoutId -> TVarId -> Time -> SimEventType
EventRegisterDelayCreated TimeoutId
nextTmid TVarId
nextVid Time
expiry) forall a b. (a -> b) -> a -> b
$
              forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (TimeoutId -> SimEventType
EventRegisterDelayFired TimeoutId
nextTmid) forall a b. (a -> b) -> a -> b
$
              SimTrace a
trace)

    RegisterDelay DiffTime
d TVar s Bool -> SimA s b
k -> do
      TVar s Bool
tvar <- forall a s. TVarId -> Maybe ThreadLabel -> a -> ST s (TVar s a)
execNewTVar TVarId
nextVid
                          (forall a. a -> Maybe a
Just forall a b. (a -> b) -> a -> b
$ ThreadLabel
"<<timeout " forall a. [a] -> [a] -> [a]
++ forall a. Show a => a -> ThreadLabel
show (TimeoutId -> Int
unTimeoutId TimeoutId
nextTmid) forall a. [a] -> [a] -> [a]
++ ThreadLabel
">>")
                          Bool
False
      forall s a. STRef s a -> (a -> a) -> ST s ()
modifySTRef (forall s a. TVar s a -> STRef s VectorClock
tvarVClock TVar s Bool
tvar) (VectorClock -> VectorClock -> VectorClock
leastUpperBoundVClock VectorClock
vClock)
      let !expiry :: Time
expiry  = DiffTime
d DiffTime -> Time -> Time
`addTime` Time
time
          !timers' :: Timeouts s
timers' = forall k p v.
(Ord k, Ord p) =>
k -> p -> v -> OrdPSQ k p v -> OrdPSQ k p v
PSQ.insert TimeoutId
nextTmid Time
expiry (forall s. TVar s Bool -> TimerCompletionInfo s
TimerRegisterDelay TVar s Bool
tvar) Timeouts s
timers
          !thread' :: Thread s a
thread' = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl (TVar s Bool -> SimA s b
k TVar s Bool
tvar) ControlStack s b a
ctl }
      SimTrace a
trace <- forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate { timers :: Timeouts s
timers   = Timeouts s
timers'
                                         , nextVid :: TVarId
nextVid  = forall a. Enum a => a -> a
succ TVarId
nextVid
                                         , nextTmid :: TimeoutId
nextTmid = forall a. Enum a => a -> a
succ TimeoutId
nextTmid }
      forall (m :: * -> *) a. Monad m => a -> m a
return (forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl
                (TimeoutId -> TVarId -> Time -> SimEventType
EventRegisterDelayCreated TimeoutId
nextTmid TVarId
nextVid Time
expiry) SimTrace a
trace)

    ThreadDelay DiffTime
d SimA s b
k | DiffTime
d forall a. Ord a => a -> a -> Bool
< DiffTime
0 -> do
      let expiry :: Time
expiry    = DiffTime
d DiffTime -> Time -> Time
`addTime` Time
time
          thread' :: Thread s a
thread'   = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl (forall a s. a -> SimA s a
Return ()) (forall s a a b.
TimeoutId -> SimA s a -> ControlStack s a a -> ControlStack s b a
DelayFrame TimeoutId
nextTmid SimA s b
k ControlStack s b a
ctl) }
          simstate' :: SimState s a
simstate' = SimState s a
simstate { nextTmid :: TimeoutId
nextTmid = forall a. Enum a => a -> a
succ TimeoutId
nextTmid }
      SimTrace a
trace <- forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate'
      forall (m :: * -> *) a. Monad m => a -> m a
return (forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (TimeoutId -> Time -> SimEventType
EventThreadDelay TimeoutId
nextTmid Time
expiry) forall a b. (a -> b) -> a -> b
$
              forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (TimeoutId -> SimEventType
EventThreadDelayFired TimeoutId
nextTmid) forall a b. (a -> b) -> a -> b
$
              SimTrace a
trace)

    ThreadDelay DiffTime
d SimA s b
k -> do
      let expiry :: Time
expiry  = DiffTime
d DiffTime -> Time -> Time
`addTime` Time
time
          timers' :: Timeouts s
timers' = forall k p v.
(Ord k, Ord p) =>
k -> p -> v -> OrdPSQ k p v -> OrdPSQ k p v
PSQ.insert TimeoutId
nextTmid Time
expiry (forall s. ThreadId -> TimeoutId -> TimerCompletionInfo s
TimerThreadDelay ThreadId
tid TimeoutId
nextTmid) Timeouts s
timers
          thread' :: Thread s a
thread' = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl (forall a s. a -> SimA s a
Return ()) (forall s a a b.
TimeoutId -> SimA s a -> ControlStack s a a -> ControlStack s b a
DelayFrame TimeoutId
nextTmid SimA s b
k ControlStack s b a
ctl) }
      SimTrace a
trace <- forall s a.
Deschedule -> Thread s a -> SimState s a -> ST s (SimTrace a)
deschedule (BlockedReason -> Deschedule
Blocked BlockedReason
BlockedOnOther) Thread s a
thread'
                          SimState s a
simstate { timers :: Timeouts s
timers   = Timeouts s
timers',
                                     nextTmid :: TimeoutId
nextTmid = forall a. Enum a => a -> a
succ TimeoutId
nextTmid }
      forall (m :: * -> *) a. Monad m => a -> m a
return (forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (TimeoutId -> Time -> SimEventType
EventThreadDelay TimeoutId
nextTmid Time
expiry) SimTrace a
trace)

    -- we treat negative timers as cancelled ones; for the record we put
    -- `EventTimerCreated` and `EventTimerCancelled` in the trace; This differs
    -- from `GHC.Event` behaviour.
    NewTimeout DiffTime
d Timeout s -> SimA s b
k | DiffTime
d forall a. Ord a => a -> a -> Bool
< DiffTime
0 -> do
      let t :: Timeout s
t       = forall s. TimeoutId -> Timeout s
NegativeTimeout TimeoutId
nextTmid
          expiry :: Time
expiry  = DiffTime
d DiffTime -> Time -> Time
`addTime` Time
time
          thread' :: Thread s a
thread' = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl (Timeout s -> SimA s b
k Timeout s
t) ControlStack s b a
ctl }
      SimTrace a
trace <- forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate { nextTmid :: TimeoutId
nextTmid = forall a. Enum a => a -> a
succ TimeoutId
nextTmid }
      forall (m :: * -> *) a. Monad m => a -> m a
return (forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (TimeoutId -> TVarId -> Time -> SimEventType
EventTimerCreated TimeoutId
nextTmid TVarId
nextVid Time
expiry) forall a b. (a -> b) -> a -> b
$
              forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (TimeoutId -> SimEventType
EventTimerCancelled TimeoutId
nextTmid) forall a b. (a -> b) -> a -> b
$
              SimTrace a
trace)

    NewTimeout DiffTime
d Timeout s -> SimA s b
k -> do
      TVar s TimeoutState
tvar  <- forall a s. TVarId -> Maybe ThreadLabel -> a -> ST s (TVar s a)
execNewTVar TVarId
nextVid
                           (forall a. a -> Maybe a
Just forall a b. (a -> b) -> a -> b
$ ThreadLabel
"<<timeout-state " forall a. [a] -> [a] -> [a]
++ forall a. Show a => a -> ThreadLabel
show (TimeoutId -> Int
unTimeoutId TimeoutId
nextTmid) forall a. [a] -> [a] -> [a]
++ ThreadLabel
">>")
                           TimeoutState
TimeoutPending
      forall s a. STRef s a -> (a -> a) -> ST s ()
modifySTRef (forall s a. TVar s a -> STRef s VectorClock
tvarVClock TVar s TimeoutState
tvar) (VectorClock -> VectorClock -> VectorClock
leastUpperBoundVClock VectorClock
vClock)
      let expiry :: Time
expiry  = DiffTime
d DiffTime -> Time -> Time
`addTime` Time
time
          t :: Timeout s
t       = forall s. TVar s TimeoutState -> TimeoutId -> Timeout s
Timeout TVar s TimeoutState
tvar TimeoutId
nextTmid
          timers' :: Timeouts s
timers' = forall k p v.
(Ord k, Ord p) =>
k -> p -> v -> OrdPSQ k p v -> OrdPSQ k p v
PSQ.insert TimeoutId
nextTmid Time
expiry (forall s. TVar s TimeoutState -> TimerCompletionInfo s
Timer TVar s TimeoutState
tvar) Timeouts s
timers
          thread' :: Thread s a
thread' = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl (Timeout s -> SimA s b
k Timeout s
t) ControlStack s b a
ctl }
      SimTrace a
trace <- forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate { timers :: Timeouts s
timers   = Timeouts s
timers'
                                          , nextVid :: TVarId
nextVid  = forall a. Enum a => a -> a
succ (forall a. Enum a => a -> a
succ TVarId
nextVid)
                                          , nextTmid :: TimeoutId
nextTmid = forall a. Enum a => a -> a
succ TimeoutId
nextTmid }
      forall (m :: * -> *) a. Monad m => a -> m a
return (forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (TimeoutId -> TVarId -> Time -> SimEventType
EventTimerCreated TimeoutId
nextTmid TVarId
nextVid Time
expiry) SimTrace a
trace)

    CancelTimeout (Timeout TVar s TimeoutState
tvar TimeoutId
tmid) SimA s b
k -> do
      let timers' :: Timeouts s
timers' = forall k p v. (Ord k, Ord p) => k -> OrdPSQ k p v -> OrdPSQ k p v
PSQ.delete TimeoutId
tmid Timeouts s
timers
      [SomeTVar s]
written <- forall s. StmA s () -> ST s [SomeTVar s]
execAtomically' (forall s a. STM s a -> StmA s a
runSTM forall a b. (a -> b) -> a -> b
$ forall (m :: * -> *) a. MonadSTM m => TVar m a -> a -> STM m ()
writeTVar TVar s TimeoutState
tvar TimeoutState
TimeoutCancelled)
      ([ThreadId]
wakeup, Map ThreadId (Set (Labelled TVarId))
wokeby) <- forall s.
[SomeTVar s]
-> ST s ([ThreadId], Map ThreadId (Set (Labelled TVarId)))
threadsUnblockedByWrites [SomeTVar s]
written
      forall (t :: * -> *) (m :: * -> *) a b.
(Foldable t, Monad m) =>
(a -> m b) -> t a -> m ()
mapM_ (\(SomeTVar TVar s a
var) -> forall s a. TVar s a -> ST s ()
unblockAllThreadsFromTVar TVar s a
var) [SomeTVar s]
written
      let effect' :: Effect
effect' = Effect
effect
                 forall a. Semigroup a => a -> a -> a
<> forall s. [SomeTVar s] -> Effect
writeEffects [SomeTVar s]
written
                 forall a. Semigroup a => a -> a -> a
<> [ThreadId] -> Effect
wakeupEffects [ThreadId]
wakeup
          thread' :: Thread s a
thread' = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl SimA s b
k ControlStack s b a
ctl
                           , threadEffect :: Effect
threadEffect  = Effect
effect'
                           }
          ([ThreadId]
unblocked,
           SimState s a
simstate') = forall s a.
Bool
-> VectorClock
-> [ThreadId]
-> SimState s a
-> ([ThreadId], SimState s a)
unblockThreads Bool
False VectorClock
vClock [ThreadId]
wakeup SimState s a
simstate
      forall s a. STRef s a -> (a -> a) -> ST s ()
modifySTRef (forall s a. TVar s a -> STRef s VectorClock
tvarVClock TVar s TimeoutState
tvar)  (VectorClock -> VectorClock -> VectorClock
leastUpperBoundVClock VectorClock
vClock)
      !SimTrace a
trace <- forall s a.
Deschedule -> Thread s a -> SimState s a -> ST s (SimTrace a)
deschedule Deschedule
Yield Thread s a
thread' SimState s a
simstate' { timers :: Timeouts s
timers = Timeouts s
timers' }
      forall (m :: * -> *) a. Monad m => a -> m a
return forall a b. (a -> b) -> a -> b
$ forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (TimeoutId -> SimEventType
EventTimerCancelled TimeoutId
tmid)
             forall a b. (a -> b) -> a -> b
$ forall a.
[(Time, ThreadId, Int, Maybe ThreadLabel, SimEventType)]
-> SimTrace a -> SimTrace a
traceMany
                 -- TODO: step
                 [ (Time
time, ThreadId
tid', (-Int
1), Maybe ThreadLabel
tlbl', [Labelled TVarId] -> SimEventType
EventTxWakeup [Labelled TVarId]
vids)
                 | ThreadId
tid' <- [ThreadId]
unblocked
                 , let tlbl' :: Maybe ThreadLabel
tlbl' = forall s a.
ThreadId -> Map ThreadId (Thread s a) -> Maybe ThreadLabel
lookupThreadLabel ThreadId
tid' Map ThreadId (Thread s a)
threads
                 , let Just [Labelled TVarId]
vids = forall a. Set a -> [a]
Set.toList forall (f :: * -> *) a b. Functor f => (a -> b) -> f a -> f b
<$> forall k a. Ord k => k -> Map k a -> Maybe a
Map.lookup ThreadId
tid' Map ThreadId (Set (Labelled TVarId))
wokeby ]
             forall a b. (a -> b) -> a -> b
$ forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (Deschedule -> SimEventType
EventDeschedule Deschedule
Yield)
             forall a b. (a -> b) -> a -> b
$ SimTrace a
trace

    -- cancelling a negative timer is a no-op
    CancelTimeout (NegativeTimeout TimeoutId
_tmid) SimA s b
k -> do
      -- negative timers are promptly removed from the state
      let thread' :: Thread s a
thread' = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl SimA s b
k ControlStack s b a
ctl }
      forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate

    Fork IOSim s ()
a ThreadId -> SimA s b
k -> do
      let nextTId :: Int
nextTId = forall s a. Thread s a -> Int
threadNextTId Thread s a
thread
          tid' :: ThreadId
tid' | forall s a. Thread s a -> Bool
threadRacy Thread s a
thread = ThreadId -> ThreadId
setRacyThread forall a b. (a -> b) -> a -> b
$ ThreadId -> Int -> ThreadId
childThreadId ThreadId
tid Int
nextTId
               | Bool
otherwise         = ThreadId -> Int -> ThreadId
childThreadId ThreadId
tid Int
nextTId
          thread' :: Thread s a
thread'  = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl (ThreadId -> SimA s b
k ThreadId
tid') ControlStack s b a
ctl,
                              threadNextTId :: Int
threadNextTId = Int
nextTId forall a. Num a => a -> a -> a
+ Int
1,
                              threadEffect :: Effect
threadEffect  = Effect
effect
                                           forall a. Semigroup a => a -> a -> a
<> ThreadId -> Effect
forkEffect ThreadId
tid'
                              }
          thread'' :: Thread s a
thread'' = Thread { threadId :: ThreadId
threadId      = ThreadId
tid'
                            , threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl (forall s a. IOSim s a -> SimA s a
runIOSim IOSim s ()
a)
                                                            forall s a. ControlStack s () a
ForkFrame
                            , threadStatus :: ThreadStatus
threadStatus  = ThreadStatus
ThreadRunning 
                            , threadMasking :: MaskingState
threadMasking = forall s a. Thread s a -> MaskingState
threadMasking Thread s a
thread
                            , threadThrowTo :: [(SomeException, Labelled ThreadId, VectorClock)]
threadThrowTo = []
                            , threadClockId :: ClockId
threadClockId = forall s a. Thread s a -> ClockId
threadClockId Thread s a
thread
                            , threadLabel :: Maybe ThreadLabel
threadLabel   = forall a. Maybe a
Nothing
                            , threadNextTId :: Int
threadNextTId = Int
1
                            , threadStep :: Int
threadStep    = Int
0
                            , threadVClock :: VectorClock
threadVClock  = ThreadId -> Int -> VectorClock -> VectorClock
insertVClock ThreadId
tid' Int
0
                                            forall a b. (a -> b) -> a -> b
$ VectorClock
vClock
                            , threadEffect :: Effect
threadEffect  = forall a. Monoid a => a
mempty
                            , threadRacy :: Bool
threadRacy    = forall s a. Thread s a -> Bool
threadRacy Thread s a
thread
                            }
          threads' :: Map ThreadId (Thread s a)
threads' = forall k a. Ord k => k -> a -> Map k a -> Map k a
Map.insert ThreadId
tid' Thread s a
thread'' Map ThreadId (Thread s a)
threads
      -- A newly forked thread may have a higher priority, so we deschedule this one.
      !SimTrace a
trace <- forall s a.
Deschedule -> Thread s a -> SimState s a -> ST s (SimTrace a)
deschedule Deschedule
Yield Thread s a
thread'
                  SimState s a
simstate { runqueue :: RunQueue
runqueue = forall s a. Thread s a -> RunQueue -> RunQueue
insertThread Thread s a
thread'' RunQueue
runqueue
                           , threads :: Map ThreadId (Thread s a)
threads  = Map ThreadId (Thread s a)
threads' }
      forall (m :: * -> *) a. Monad m => a -> m a
return forall a b. (a -> b) -> a -> b
$ forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (ThreadId -> SimEventType
EventThreadForked ThreadId
tid')
             forall a b. (a -> b) -> a -> b
$ forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (Deschedule -> SimEventType
EventDeschedule Deschedule
Yield)
             forall a b. (a -> b) -> a -> b
$ SimTrace a
trace

    Atomically STM s a
a a -> SimA s b
k -> forall s a c.
Time
-> ThreadId
-> Maybe ThreadLabel
-> TVarId
-> StmA s a
-> (StmTxResult s a -> ST s (SimTrace c))
-> ST s (SimTrace c)
execAtomically Time
time ThreadId
tid Maybe ThreadLabel
tlbl TVarId
nextVid (forall s a. STM s a -> StmA s a
runSTM STM s a
a) forall a b. (a -> b) -> a -> b
$ \StmTxResult s a
res ->
      case StmTxResult s a
res of
        StmTxCommitted a
x [SomeTVar s]
written [SomeTVar s]
read [SomeTVar s]
created
                         [Dynamic]
tvarDynamicTraces [ThreadLabel]
tvarStringTraces TVarId
nextVid' -> do
          ([ThreadId]
wakeup, Map ThreadId (Set (Labelled TVarId))
wokeby) <- forall s.
[SomeTVar s]
-> ST s ([ThreadId], Map ThreadId (Set (Labelled TVarId)))
threadsUnblockedByWrites [SomeTVar s]
written
          forall (t :: * -> *) (m :: * -> *) a b.
(Foldable t, Monad m) =>
(a -> m b) -> t a -> m ()
mapM_ (\(SomeTVar TVar s a
tvar) -> forall s a. TVar s a -> ST s ()
unblockAllThreadsFromTVar TVar s a
tvar) [SomeTVar s]
written
          VectorClock
vClockRead <- forall s. [SomeTVar s] -> ST s VectorClock
leastUpperBoundTVarVClocks [SomeTVar s]
read
          let vClock' :: VectorClock
vClock'     = VectorClock
vClock VectorClock -> VectorClock -> VectorClock
`leastUpperBoundVClock` VectorClock
vClockRead
              effect' :: Effect
effect'     = Effect
effect
                         forall a. Semigroup a => a -> a -> a
<> forall s. [SomeTVar s] -> Effect
readEffects [SomeTVar s]
read
                         forall a. Semigroup a => a -> a -> a
<> forall s. [SomeTVar s] -> Effect
writeEffects [SomeTVar s]
written
                         forall a. Semigroup a => a -> a -> a
<> [ThreadId] -> Effect
wakeupEffects [ThreadId]
unblocked
              thread' :: Thread s a
thread'     = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl (a -> SimA s b
k a
x) ControlStack s b a
ctl,
                                     threadVClock :: VectorClock
threadVClock  = VectorClock
vClock',
                                     threadEffect :: Effect
threadEffect  = Effect
effect' }
              ([ThreadId]
unblocked,
               SimState s a
simstate') = forall s a.
Bool
-> VectorClock
-> [ThreadId]
-> SimState s a
-> ([ThreadId], SimState s a)
unblockThreads Bool
True VectorClock
vClock' [ThreadId]
wakeup SimState s a
simstate
          forall (t :: * -> *) (m :: * -> *) a.
(Foldable t, Monad m) =>
t (m a) -> m ()
sequence_ [ forall s a. STRef s a -> (a -> a) -> ST s ()
modifySTRef (forall s a. TVar s a -> STRef s VectorClock
tvarVClock TVar s a
r) (VectorClock -> VectorClock -> VectorClock
leastUpperBoundVClock VectorClock
vClock')
                    | SomeTVar TVar s a
r <- [SomeTVar s]
created forall a. [a] -> [a] -> [a]
++ [SomeTVar s]
written ]
          [Labelled TVarId]
written' <- forall (t :: * -> *) (f :: * -> *) a b.
(Traversable t, Applicative f) =>
(a -> f b) -> t a -> f (t b)
traverse (\(SomeTVar TVar s a
tvar) -> forall s a. TVar s a -> ST s (Labelled TVarId)
labelledTVarId TVar s a
tvar) [SomeTVar s]
written
          [Labelled TVarId]
created' <- forall (t :: * -> *) (f :: * -> *) a b.
(Traversable t, Applicative f) =>
(a -> f b) -> t a -> f (t b)
traverse (\(SomeTVar TVar s a
tvar) -> forall s a. TVar s a -> ST s (Labelled TVarId)
labelledTVarId TVar s a
tvar) [SomeTVar s]
created
          -- We deschedule a thread after a transaction... another may have woken up.
          !SimTrace a
trace <- forall s a.
Deschedule -> Thread s a -> SimState s a -> ST s (SimTrace a)
deschedule Deschedule
Yield Thread s a
thread' SimState s a
simstate' { nextVid :: TVarId
nextVid  = TVarId
nextVid' }
          forall (m :: * -> *) a. Monad m => a -> m a
return forall a b. (a -> b) -> a -> b
$
            forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl ([Labelled TVarId]
-> [Labelled TVarId] -> Maybe Effect -> SimEventType
EventTxCommitted [Labelled TVarId]
written' [Labelled TVarId]
created' (forall a. a -> Maybe a
Just Effect
effect')) forall a b. (a -> b) -> a -> b
$
            forall a.
[(Time, ThreadId, Int, Maybe ThreadLabel, SimEventType)]
-> SimTrace a -> SimTrace a
traceMany
              [ (Time
time, ThreadId
tid', Int
tstep, Maybe ThreadLabel
tlbl', [Labelled TVarId] -> SimEventType
EventTxWakeup [Labelled TVarId]
vids')
              | ThreadId
tid' <- [ThreadId]
unblocked
              , let tlbl' :: Maybe ThreadLabel
tlbl' = forall s a.
ThreadId -> Map ThreadId (Thread s a) -> Maybe ThreadLabel
lookupThreadLabel ThreadId
tid' Map ThreadId (Thread s a)
threads
              , let Just [Labelled TVarId]
vids' = forall a. Set a -> [a]
Set.toList forall (f :: * -> *) a b. Functor f => (a -> b) -> f a -> f b
<$> forall k a. Ord k => k -> Map k a -> Maybe a
Map.lookup ThreadId
tid' Map ThreadId (Set (Labelled TVarId))
wokeby ] forall a b. (a -> b) -> a -> b
$
            forall a.
[(Time, ThreadId, Int, Maybe ThreadLabel, SimEventType)]
-> SimTrace a -> SimTrace a
traceMany
              [ (Time
time, ThreadId
tid, Int
tstep, Maybe ThreadLabel
tlbl, Dynamic -> SimEventType
EventLog Dynamic
tr)
              | Dynamic
tr <- [Dynamic]
tvarDynamicTraces
              ] forall a b. (a -> b) -> a -> b
$
            forall a.
[(Time, ThreadId, Int, Maybe ThreadLabel, SimEventType)]
-> SimTrace a -> SimTrace a
traceMany
              [ (Time
time, ThreadId
tid, Int
tstep, Maybe ThreadLabel
tlbl, ThreadLabel -> SimEventType
EventSay ThreadLabel
str)
              | ThreadLabel
str <- [ThreadLabel]
tvarStringTraces
              ] forall a b. (a -> b) -> a -> b
$
            forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl ([ThreadId] -> SimEventType
EventUnblocked [ThreadId]
unblocked) forall a b. (a -> b) -> a -> b
$
            forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (Deschedule -> SimEventType
EventDeschedule Deschedule
Yield) forall a b. (a -> b) -> a -> b
$
              SimTrace a
trace

        StmTxAborted [SomeTVar s]
read SomeException
e -> do
          -- schedule this thread to immediately raise the exception
          VectorClock
vClockRead <- forall s. [SomeTVar s] -> ST s VectorClock
leastUpperBoundTVarVClocks [SomeTVar s]
read
          let effect' :: Effect
effect' = Effect
effect forall a. Semigroup a => a -> a -> a
<> forall s. [SomeTVar s] -> Effect
readEffects [SomeTVar s]
read
              thread' :: Thread s a
thread' = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl (forall s a. SomeException -> SimA s a
Throw SomeException
e) ControlStack s b a
ctl,
                                 threadVClock :: VectorClock
threadVClock  = VectorClock
vClock VectorClock -> VectorClock -> VectorClock
`leastUpperBoundVClock` VectorClock
vClockRead,
                                 threadEffect :: Effect
threadEffect  = Effect
effect' }
          SimTrace a
trace <- forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate
          forall (m :: * -> *) a. Monad m => a -> m a
return forall a b. (a -> b) -> a -> b
$ forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (Maybe Effect -> SimEventType
EventTxAborted (forall a. a -> Maybe a
Just Effect
effect'))
                 forall a b. (a -> b) -> a -> b
$ SimTrace a
trace

        StmTxBlocked [SomeTVar s]
read -> do
          forall (t :: * -> *) (m :: * -> *) a b.
(Foldable t, Monad m) =>
(a -> m b) -> t a -> m ()
mapM_ (\(SomeTVar TVar s a
tvar) -> forall s a. ThreadId -> TVar s a -> ST s ()
blockThreadOnTVar ThreadId
tid TVar s a
tvar) [SomeTVar s]
read
          [Labelled TVarId]
vids <- forall (t :: * -> *) (f :: * -> *) a b.
(Traversable t, Applicative f) =>
(a -> f b) -> t a -> f (t b)
traverse (\(SomeTVar TVar s a
tvar) -> forall s a. TVar s a -> ST s (Labelled TVarId)
labelledTVarId TVar s a
tvar) [SomeTVar s]
read
          VectorClock
vClockRead <- forall s. [SomeTVar s] -> ST s VectorClock
leastUpperBoundTVarVClocks [SomeTVar s]
read
          let effect' :: Effect
effect' = Effect
effect forall a. Semigroup a => a -> a -> a
<> forall s. [SomeTVar s] -> Effect
readEffects [SomeTVar s]
read
              thread' :: Thread s a
thread' = Thread s a
thread { threadVClock :: VectorClock
threadVClock  = VectorClock
vClock VectorClock -> VectorClock -> VectorClock
`leastUpperBoundVClock` VectorClock
vClockRead,
                                 threadEffect :: Effect
threadEffect  = Effect
effect' }
          !SimTrace a
trace <- forall s a.
Deschedule -> Thread s a -> SimState s a -> ST s (SimTrace a)
deschedule (BlockedReason -> Deschedule
Blocked BlockedReason
BlockedOnSTM) Thread s a
thread' SimState s a
simstate
          forall (m :: * -> *) a. Monad m => a -> m a
return forall a b. (a -> b) -> a -> b
$ forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl ([Labelled TVarId] -> Maybe Effect -> SimEventType
EventTxBlocked [Labelled TVarId]
vids (forall a. a -> Maybe a
Just Effect
effect'))
                 forall a b. (a -> b) -> a -> b
$ forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (Deschedule -> SimEventType
EventDeschedule (BlockedReason -> Deschedule
Blocked BlockedReason
BlockedOnSTM))
                 forall a b. (a -> b) -> a -> b
$ SimTrace a
trace

    GetThreadId ThreadId -> SimA s b
k -> do
      let thread' :: Thread s a
thread' = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl (ThreadId -> SimA s b
k ThreadId
tid) ControlStack s b a
ctl }
      forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate

    LabelThread ThreadId
tid' ThreadLabel
l SimA s b
k | ThreadId
tid' forall a. Eq a => a -> a -> Bool
== ThreadId
tid -> do
      let thread' :: Thread s a
thread' = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl SimA s b
k ControlStack s b a
ctl
                           , threadLabel :: Maybe ThreadLabel
threadLabel   = forall a. a -> Maybe a
Just ThreadLabel
l }
      forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate

    LabelThread ThreadId
tid' ThreadLabel
l SimA s b
k -> do
      let thread' :: Thread s a
thread'  = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl SimA s b
k ControlStack s b a
ctl }
          threads' :: Map ThreadId (Thread s a)
threads' = forall k a. Ord k => (a -> a) -> k -> Map k a -> Map k a
Map.adjust (\Thread s a
t -> Thread s a
t { threadLabel :: Maybe ThreadLabel
threadLabel = forall a. a -> Maybe a
Just ThreadLabel
l }) ThreadId
tid' Map ThreadId (Thread s a)
threads
      forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate { threads :: Map ThreadId (Thread s a)
threads = Map ThreadId (Thread s a)
threads' }

    ExploreRaces SimA s b
k -> do
      let thread' :: Thread s a
thread'  = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl SimA s b
k ControlStack s b a
ctl
                            , threadRacy :: Bool
threadRacy    = Bool
True }
      forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate

    Fix x -> IOSim s x
f x -> SimA s b
k -> do
      STRef s x
r <- forall a s. a -> ST s (STRef s a)
newSTRef (forall a e. Exception e => e -> a
throw NonTermination
NonTermination)
      x
x <- forall s a. ST s a -> ST s a
unsafeInterleaveST forall a b. (a -> b) -> a -> b
$ forall s a. STRef s a -> ST s a
readSTRef STRef s x
r
      let k' :: SimA s b
k' = forall s a. IOSim s a -> forall r. (a -> SimA s r) -> SimA s r
unIOSim (x -> IOSim s x
f x
x) forall a b. (a -> b) -> a -> b
$ \x
x' ->
                  forall s a b. ST s a -> (a -> SimA s b) -> SimA s b
LiftST (forall s a. ST s a -> ST s a
lazyToStrictST (forall s a. STRef s a -> a -> ST s ()
writeSTRef STRef s x
r x
x')) (\() -> x -> SimA s b
k x
x')
          thread' :: Thread s a
thread' = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl SimA s b
k' ControlStack s b a
ctl }
      forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate

    GetMaskState MaskingState -> SimA s b
k -> do
      let thread' :: Thread s a
thread' = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl (MaskingState -> SimA s b
k MaskingState
maskst) ControlStack s b a
ctl }
      forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate

    SetMaskState MaskingState
maskst' IOSim s a
action' a -> SimA s b
k -> do
      let thread' :: Thread s a
thread' = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl
                                               (forall s a. IOSim s a -> SimA s a
runIOSim IOSim s a
action')
                                               (forall b s a a.
(b -> SimA s a)
-> MaskingState -> ControlStack s a a -> ControlStack s b a
MaskFrame a -> SimA s b
k MaskingState
maskst ControlStack s b a
ctl)
                           , threadMasking :: MaskingState
threadMasking = MaskingState
maskst' }
      SimTrace a
trace <-
        case MaskingState
maskst' of
          -- If we're now unmasked then check for any pending async exceptions
          MaskingState
Unmasked -> forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (Deschedule -> SimEventType
EventDeschedule Deschedule
Interruptable)
                  forall (f :: * -> *) a b. Functor f => (a -> b) -> f a -> f b
<$> forall s a.
Deschedule -> Thread s a -> SimState s a -> ST s (SimTrace a)
deschedule Deschedule
Interruptable Thread s a
thread' SimState s a
simstate
          MaskingState
_        -> forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule                 Thread s a
thread' SimState s a
simstate
      forall (m :: * -> *) a. Monad m => a -> m a
return forall a b. (a -> b) -> a -> b
$ forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (MaskingState -> SimEventType
EventMask MaskingState
maskst')
             forall a b. (a -> b) -> a -> b
$ SimTrace a
trace

    ThrowTo SomeException
e ThreadId
tid' SimA s b
_ | ThreadId
tid' forall a. Eq a => a -> a -> Bool
== ThreadId
tid -> do
      -- Throw to ourself is equivalent to a synchronous throw,
      -- and works irrespective of masking state since it does not block.
      let thread' :: Thread s a
thread' = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl (forall s a. SomeException -> SimA s a
Throw SomeException
e) ControlStack s b a
ctl
                           , threadEffect :: Effect
threadEffect  = Effect
effect
                           }
      SimTrace a
trace <- forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate
      forall (m :: * -> *) a. Monad m => a -> m a
return (forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (SomeException -> ThreadId -> SimEventType
EventThrowTo SomeException
e ThreadId
tid) SimTrace a
trace)

    ThrowTo SomeException
e ThreadId
tid' SimA s b
k -> do
      let thread' :: Thread s a
thread'    = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl SimA s b
k ControlStack s b a
ctl,
                                threadEffect :: Effect
threadEffect  = Effect
effect forall a. Semigroup a => a -> a -> a
<> ThreadId -> Effect
throwToEffect ThreadId
tid'
                                                       forall a. Semigroup a => a -> a -> a
<> Effect
wakeUpEffect,
                                threadVClock :: VectorClock
threadVClock  = VectorClock
vClock VectorClock -> VectorClock -> VectorClock
`leastUpperBoundVClock` VectorClock
vClockTgt
                              }
          (VectorClock
vClockTgt,
           Effect
wakeUpEffect,
           Bool
willBlock) = (forall s a. Thread s a -> VectorClock
threadVClock Thread s a
t,
                         if forall s a. Thread s a -> Bool
isThreadBlocked Thread s a
t then [ThreadId] -> Effect
wakeupEffects [ThreadId
tid'] else forall a. Monoid a => a
mempty,
                         Bool -> Bool
not (forall s a. Thread s a -> Bool
threadInterruptible Thread s a
t Bool -> Bool -> Bool
|| forall s a. Thread s a -> Bool
isThreadDone Thread s a
t))
            where Just Thread s a
t = forall k a. Ord k => k -> Map k a -> Maybe a
Map.lookup ThreadId
tid' Map ThreadId (Thread s a)
threads

      if Bool
willBlock
        then do
          -- The target thread has async exceptions masked so we add the
          -- exception and the source thread id to the pending async exceptions.
          let adjustTarget :: Thread s a -> Thread s a
adjustTarget Thread s a
t =
                Thread s a
t { threadThrowTo :: [(SomeException, Labelled ThreadId, VectorClock)]
threadThrowTo = (SomeException
e, forall a. a -> Maybe ThreadLabel -> Labelled a
Labelled ThreadId
tid Maybe ThreadLabel
tlbl, VectorClock
vClock) forall a. a -> [a] -> [a]
: forall s a.
Thread s a -> [(SomeException, Labelled ThreadId, VectorClock)]
threadThrowTo Thread s a
t }
              threads' :: Map ThreadId (Thread s a)
threads'       = forall k a. Ord k => (a -> a) -> k -> Map k a -> Map k a
Map.adjust Thread s a -> Thread s a
adjustTarget ThreadId
tid' Map ThreadId (Thread s a)
threads
          SimTrace a
trace <- forall s a.
Deschedule -> Thread s a -> SimState s a -> ST s (SimTrace a)
deschedule (BlockedReason -> Deschedule
Blocked BlockedReason
BlockedOnOther) Thread s a
thread' SimState s a
simstate { threads :: Map ThreadId (Thread s a)
threads = Map ThreadId (Thread s a)
threads' }
          forall (m :: * -> *) a. Monad m => a -> m a
return forall a b. (a -> b) -> a -> b
$ forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (SomeException -> ThreadId -> SimEventType
EventThrowTo SomeException
e ThreadId
tid')
                 forall a b. (a -> b) -> a -> b
$ forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl SimEventType
EventThrowToBlocked
                 forall a b. (a -> b) -> a -> b
$ forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (Deschedule -> SimEventType
EventDeschedule (BlockedReason -> Deschedule
Blocked BlockedReason
BlockedOnOther))
                 forall a b. (a -> b) -> a -> b
$ SimTrace a
trace
        else do
          -- The target thread has async exceptions unmasked, or is masked but
          -- is blocked (and all blocking operations are interruptible) then we
          -- raise the exception in that thread immediately. This will either
          -- cause it to terminate or enter an exception handler.
          -- In the meantime the thread masks new async exceptions. This will
          -- be resolved if the thread terminates or if it leaves the exception
          -- handler (when restoring the masking state would trigger the any
          -- new pending async exception).
          let adjustTarget :: Thread s a -> Thread s a
adjustTarget t :: Thread s a
t@Thread{ threadControl :: forall s a. Thread s a -> ThreadControl s a
threadControl = ThreadControl SimA s b
_ ControlStack s b a
ctl',
                                     threadVClock :: forall s a. Thread s a -> VectorClock
threadVClock  = VectorClock
vClock' } =
                Thread s a
t { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl (forall s a. SomeException -> SimA s a
Throw SomeException
e) ControlStack s b a
ctl'
                  , threadStatus :: ThreadStatus
threadStatus  = if forall s a. Thread s a -> Bool
isThreadDone Thread s a
t
                                    then forall s a. Thread s a -> ThreadStatus
threadStatus Thread s a
t
                                    else ThreadStatus
ThreadRunning
                  , threadVClock :: VectorClock
threadVClock  = VectorClock
vClock' VectorClock -> VectorClock -> VectorClock
`leastUpperBoundVClock` VectorClock
vClock }
              ([ThreadId]
_unblocked, simstate' :: SimState s a
simstate'@SimState { threads :: forall s a. SimState s a -> Map ThreadId (Thread s a)
threads = Map ThreadId (Thread s a)
threads' }) = forall s a.
Bool
-> VectorClock
-> [ThreadId]
-> SimState s a
-> ([ThreadId], SimState s a)
unblockThreads Bool
False VectorClock
vClock [ThreadId
tid'] SimState s a
simstate
              threads'' :: Map ThreadId (Thread s a)
threads''  = forall k a. Ord k => (a -> a) -> k -> Map k a -> Map k a
Map.adjust Thread s a -> Thread s a
adjustTarget ThreadId
tid' Map ThreadId (Thread s a)
threads'
              simstate'' :: SimState s a
simstate'' = SimState s a
simstate' { threads :: Map ThreadId (Thread s a)
threads = Map ThreadId (Thread s a)
threads'' }

          -- We yield at this point because the target thread may be higher
          -- priority, so this should be a step for race detection.
          SimTrace a
trace <- forall s a.
Deschedule -> Thread s a -> SimState s a -> ST s (SimTrace a)
deschedule Deschedule
Yield Thread s a
thread' SimState s a
simstate''
          forall (m :: * -> *) a. Monad m => a -> m a
return forall a b. (a -> b) -> a -> b
$ forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (SomeException -> ThreadId -> SimEventType
EventThrowTo SomeException
e ThreadId
tid')
                 forall a b. (a -> b) -> a -> b
$ SimTrace a
trace

    -- intentionally a no-op (at least for now)
    YieldSim SimA s b
k -> do
      let thread' :: Thread s a
thread' = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl SimA s b
k ControlStack s b a
ctl }
      forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread' SimState s a
simstate


threadInterruptible :: Thread s a -> Bool
threadInterruptible :: forall s a. Thread s a -> Bool
threadInterruptible Thread s a
thread =
    case forall s a. Thread s a -> MaskingState
threadMasking Thread s a
thread of
      MaskingState
Unmasked                   -> Bool
True
      MaskingState
MaskedInterruptible
        | forall s a. Thread s a -> Bool
isThreadBlocked Thread s a
thread -> Bool
True  -- blocking operations are interruptible
        | Bool
otherwise              -> Bool
False
      MaskingState
MaskedUninterruptible      -> Bool
False

deschedule :: Deschedule -> Thread s a -> SimState s a -> ST s (SimTrace a)

deschedule :: forall s a.
Deschedule -> Thread s a -> SimState s a -> ST s (SimTrace a)
deschedule Deschedule
Yield thread :: Thread s a
thread@Thread { threadId :: forall s a. Thread s a -> ThreadId
threadId = ThreadId
tid }
                 simstate :: SimState s a
simstate@SimState{RunQueue
runqueue :: RunQueue
runqueue :: forall s a. SimState s a -> RunQueue
runqueue, Map ThreadId (Thread s a)
threads :: Map ThreadId (Thread s a)
threads :: forall s a. SimState s a -> Map ThreadId (Thread s a)
threads, ScheduleControl
control :: ScheduleControl
control :: forall s a. SimState s a -> ScheduleControl
control} =

    -- We don't interrupt runnable threads anywhere else.
    -- We do it here by inserting the current thread into the runqueue in priority order.

    let thread' :: Thread s a
thread'   = forall s a. Thread s a -> Thread s a
stepThread Thread s a
thread
        runqueue' :: RunQueue
runqueue' = forall s a. Thread s a -> RunQueue -> RunQueue
insertThread Thread s a
thread' RunQueue
runqueue
        threads' :: Map ThreadId (Thread s a)
threads'  = forall k a. Ord k => k -> a -> Map k a -> Map k a
Map.insert ThreadId
tid Thread s a
thread' Map ThreadId (Thread s a)
threads
        control' :: ScheduleControl
control'  = StepId -> ScheduleControl -> ScheduleControl
advanceControl (forall s a. Thread s a -> StepId
threadStepId Thread s a
thread) ScheduleControl
control in
    forall s a. SimState s a -> ST s (SimTrace a)
reschedule SimState s a
simstate { runqueue :: RunQueue
runqueue = RunQueue
runqueue',
                          threads :: Map ThreadId (Thread s a)
threads  = Map ThreadId (Thread s a)
threads',
                          races :: Races
races    = forall s a. Thread s a -> SimState s a -> Races
updateRacesInSimState Thread s a
thread SimState s a
simstate,
                          control :: ScheduleControl
control  = ScheduleControl
control' }

deschedule Deschedule
Interruptable thread :: Thread s a
thread@Thread {
                           threadId :: forall s a. Thread s a -> ThreadId
threadId      = ThreadId
tid,
                           threadStep :: forall s a. Thread s a -> Int
threadStep    = Int
tstep,
                           threadControl :: forall s a. Thread s a -> ThreadControl s a
threadControl = ThreadControl SimA s b
_ ControlStack s b a
ctl,
                           threadMasking :: forall s a. Thread s a -> MaskingState
threadMasking = MaskingState
Unmasked,
                           threadThrowTo :: forall s a.
Thread s a -> [(SomeException, Labelled ThreadId, VectorClock)]
threadThrowTo = (SomeException
e, Labelled ThreadId
tid', VectorClock
vClock') : [(SomeException, Labelled ThreadId, VectorClock)]
etids,
                           threadLabel :: forall s a. Thread s a -> Maybe ThreadLabel
threadLabel   = Maybe ThreadLabel
tlbl,
                           threadVClock :: forall s a. Thread s a -> VectorClock
threadVClock  = VectorClock
vClock,
                           threadEffect :: forall s a. Thread s a -> Effect
threadEffect  = Effect
effect
                         }
                        simstate :: SimState s a
simstate@SimState{ curTime :: forall s a. SimState s a -> Time
curTime = Time
time, Map ThreadId (Thread s a)
threads :: Map ThreadId (Thread s a)
threads :: forall s a. SimState s a -> Map ThreadId (Thread s a)
threads } = do

    -- We're unmasking, but there are pending blocked async exceptions.
    -- So immediately raise the exception and unblock the blocked thread
    -- if possible.
    let thread' :: Thread s a
thread' = Thread s a
thread { threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl (forall s a. SomeException -> SimA s a
Throw SomeException
e) ControlStack s b a
ctl
                         , threadMasking :: MaskingState
threadMasking = MaskingState
MaskedInterruptible
                         , threadThrowTo :: [(SomeException, Labelled ThreadId, VectorClock)]
threadThrowTo = [(SomeException, Labelled ThreadId, VectorClock)]
etids
                         , threadVClock :: VectorClock
threadVClock  = VectorClock
vClock VectorClock -> VectorClock -> VectorClock
`leastUpperBoundVClock` VectorClock
vClock'
                         }
        ([ThreadId]
unblocked,
         SimState s a
simstate') = forall s a.
Bool
-> VectorClock
-> [ThreadId]
-> SimState s a
-> ([ThreadId], SimState s a)
unblockThreads Bool
False VectorClock
vClock [forall a. Labelled a -> a
l_labelled Labelled ThreadId
tid'] SimState s a
simstate
    -- the thread is stepped when we Yield
    !SimTrace a
trace <- forall s a.
Deschedule -> Thread s a -> SimState s a -> ST s (SimTrace a)
deschedule Deschedule
Yield Thread s a
thread' SimState s a
simstate'
    forall (m :: * -> *) a. Monad m => a -> m a
return forall a b. (a -> b) -> a -> b
$ forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (Deschedule -> SimEventType
EventDeschedule Deschedule
Yield)
           forall a b. (a -> b) -> a -> b
$ forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl (Labelled ThreadId -> SimEventType
EventThrowToUnmasked Labelled ThreadId
tid')
           -- TODO: step
           forall a b. (a -> b) -> a -> b
$ forall a.
[(Time, ThreadId, Int, Maybe ThreadLabel, SimEventType)]
-> SimTrace a -> SimTrace a
traceMany [ (Time
time, ThreadId
tid'', (-Int
1), Maybe ThreadLabel
tlbl'', SimEventType
EventThrowToWakeup)
                       | ThreadId
tid'' <- [ThreadId]
unblocked
                       , let tlbl'' :: Maybe ThreadLabel
tlbl'' = forall s a.
ThreadId -> Map ThreadId (Thread s a) -> Maybe ThreadLabel
lookupThreadLabel ThreadId
tid'' Map ThreadId (Thread s a)
threads ]
             SimTrace a
trace

deschedule Deschedule
Interruptable thread :: Thread s a
thread@Thread{threadId :: forall s a. Thread s a -> ThreadId
threadId = ThreadId
tid } simstate :: SimState s a
simstate@SimState{ ScheduleControl
control :: ScheduleControl
control :: forall s a. SimState s a -> ScheduleControl
control } =
    -- Either masked or unmasked but no pending async exceptions.
    -- Either way, just carry on.
    -- Record a step, though, in case on replay there is an async exception.
    let thread' :: Thread s a
thread' = forall s a. Thread s a -> Thread s a
stepThread Thread s a
thread in
    forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread'
             SimState s a
simstate{ races :: Races
races   = forall s a. Thread s a -> SimState s a -> Races
updateRacesInSimState Thread s a
thread SimState s a
simstate,
                       control :: ScheduleControl
control = StepId -> ScheduleControl -> ScheduleControl
advanceControl (forall s a. Thread s a -> StepId
threadStepId Thread s a
thread) ScheduleControl
control }

deschedule (Blocked BlockedReason
_blockedReason) thread :: Thread s a
thread@Thread { threadId :: forall s a. Thread s a -> ThreadId
threadId      = ThreadId
tid
                                                  , threadThrowTo :: forall s a.
Thread s a -> [(SomeException, Labelled ThreadId, VectorClock)]
threadThrowTo = (SomeException, Labelled ThreadId, VectorClock)
_ : [(SomeException, Labelled ThreadId, VectorClock)]
_
                                                  , threadMasking :: forall s a. Thread s a -> MaskingState
threadMasking = MaskingState
maskst
                                                  , threadEffect :: forall s a. Thread s a -> Effect
threadEffect  = Effect
effect } SimState s a
simstate
    | MaskingState
maskst forall a. Eq a => a -> a -> Bool
/= MaskingState
MaskedUninterruptible =
    -- We're doing a blocking operation, which is an interrupt point even if
    -- we have async exceptions masked, and there are pending blocked async
    -- exceptions. So immediately raise the exception and unblock the blocked
    -- thread if possible.
    forall s a.
Deschedule -> Thread s a -> SimState s a -> ST s (SimTrace a)
deschedule Deschedule
Interruptable Thread s a
thread { threadMasking :: MaskingState
threadMasking = MaskingState
Unmasked } SimState s a
simstate

deschedule (Blocked BlockedReason
blockedReason) thread :: Thread s a
thread@Thread{ threadId :: forall s a. Thread s a -> ThreadId
threadId = ThreadId
tid, threadEffect :: forall s a. Thread s a -> Effect
threadEffect = Effect
effect } simstate :: SimState s a
simstate@SimState{Map ThreadId (Thread s a)
threads :: Map ThreadId (Thread s a)
threads :: forall s a. SimState s a -> Map ThreadId (Thread s a)
threads, ScheduleControl
control :: ScheduleControl
control :: forall s a. SimState s a -> ScheduleControl
control} =
    let thread1 :: Thread s a
thread1 = Thread s a
thread { threadStatus :: ThreadStatus
threadStatus = BlockedReason -> ThreadStatus
ThreadBlocked BlockedReason
blockedReason }
        thread' :: Thread s a
thread'  = forall s a. Thread s a -> Thread s a
stepThread Thread s a
thread1
        threads' :: Map ThreadId (Thread s a)
threads' = forall k a. Ord k => k -> a -> Map k a -> Map k a
Map.insert (forall s a. Thread s a -> ThreadId
threadId Thread s a
thread') Thread s a
thread' Map ThreadId (Thread s a)
threads in
    forall s a. SimState s a -> ST s (SimTrace a)
reschedule SimState s a
simstate { threads :: Map ThreadId (Thread s a)
threads = Map ThreadId (Thread s a)
threads',
                          races :: Races
races   = forall s a. Thread s a -> SimState s a -> Races
updateRacesInSimState Thread s a
thread1 SimState s a
simstate,
                          control :: ScheduleControl
control = StepId -> ScheduleControl -> ScheduleControl
advanceControl (forall s a. Thread s a -> StepId
threadStepId Thread s a
thread1) ScheduleControl
control }

deschedule Deschedule
Terminated thread :: Thread s a
thread@Thread { threadId :: forall s a. Thread s a -> ThreadId
threadId = ThreadId
tid, threadVClock :: forall s a. Thread s a -> VectorClock
threadVClock = VectorClock
vClock, threadEffect :: forall s a. Thread s a -> Effect
threadEffect = Effect
effect }
                               simstate :: SimState s a
simstate@SimState{ curTime :: forall s a. SimState s a -> Time
curTime = Time
time, ScheduleControl
control :: ScheduleControl
control :: forall s a. SimState s a -> ScheduleControl
control } = do
    -- This thread is done. If there are other threads blocked in a
    -- ThrowTo targeted at this thread then we can wake them up now.
    let thread1 :: Thread s a
thread1     = Thread s a
thread
        thread' :: Thread s a
thread'     = forall s a. Thread s a -> Thread s a
stepThread forall a b. (a -> b) -> a -> b
$ Thread s a
thread { threadStatus :: ThreadStatus
threadStatus = ThreadStatus
ThreadDone }
        wakeup :: [ThreadId]
wakeup      = forall a b. (a -> b) -> [a] -> [b]
map (\(SomeException
_,Labelled ThreadId
tid',VectorClock
_) -> forall a. Labelled a -> a
l_labelled Labelled ThreadId
tid') (forall a. [a] -> [a]
reverse (forall s a.
Thread s a -> [(SomeException, Labelled ThreadId, VectorClock)]
threadThrowTo Thread s a
thread))
        ([ThreadId]
unblocked,
         simstate' :: SimState s a
simstate'@SimState{Map ThreadId (Thread s a)
threads :: Map ThreadId (Thread s a)
threads :: forall s a. SimState s a -> Map ThreadId (Thread s a)
threads}) =
                      forall s a.
Bool
-> VectorClock
-> [ThreadId]
-> SimState s a
-> ([ThreadId], SimState s a)
unblockThreads Bool
False VectorClock
vClock [ThreadId]
wakeup SimState s a
simstate
        threads' :: Map ThreadId (Thread s a)
threads'    = forall k a. Ord k => k -> a -> Map k a -> Map k a
Map.insert ThreadId
tid Thread s a
thread' Map ThreadId (Thread s a)
threads
    -- We must keep terminated threads in the state to preserve their vector clocks,
    -- which matters when other threads throwTo them.
    !SimTrace a
trace <- forall s a. SimState s a -> ST s (SimTrace a)
reschedule SimState s a
simstate' { races :: Races
races = ThreadId -> Races -> Races
threadTerminatesRaces ThreadId
tid forall a b. (a -> b) -> a -> b
$
                                              forall s a. Thread s a -> SimState s a -> Races
updateRacesInSimState Thread s a
thread1 SimState s a
simstate,
                                    control :: ScheduleControl
control = StepId -> ScheduleControl -> ScheduleControl
advanceControl (forall s a. Thread s a -> StepId
threadStepId Thread s a
thread) ScheduleControl
control,
                                    threads :: Map ThreadId (Thread s a)
threads = Map ThreadId (Thread s a)
threads' }
    forall (m :: * -> *) a. Monad m => a -> m a
return forall a b. (a -> b) -> a -> b
$ forall a.
[(Time, ThreadId, Int, Maybe ThreadLabel, SimEventType)]
-> SimTrace a -> SimTrace a
traceMany
               -- TODO: step
               [ (Time
time, ThreadId
tid', (-Int
1), Maybe ThreadLabel
tlbl', SimEventType
EventThrowToWakeup)
               | ThreadId
tid' <- [ThreadId]
unblocked
               , let tlbl' :: Maybe ThreadLabel
tlbl' = forall s a.
ThreadId -> Map ThreadId (Thread s a) -> Maybe ThreadLabel
lookupThreadLabel ThreadId
tid' Map ThreadId (Thread s a)
threads ]
               SimTrace a
trace

deschedule Deschedule
Sleep thread :: Thread s a
thread@Thread { threadId :: forall s a. Thread s a -> ThreadId
threadId = ThreadId
tid , threadEffect :: forall s a. Thread s a -> Effect
threadEffect = Effect
effect }
                 simstate :: SimState s a
simstate@SimState{RunQueue
runqueue :: RunQueue
runqueue :: forall s a. SimState s a -> RunQueue
runqueue, Map ThreadId (Thread s a)
threads :: Map ThreadId (Thread s a)
threads :: forall s a. SimState s a -> Map ThreadId (Thread s a)
threads} =

    -- Schedule control says we should run a different thread. Put
    -- this one to sleep without recording a step.

    let runqueue' :: RunQueue
runqueue' = forall s a. Thread s a -> RunQueue -> RunQueue
insertThread Thread s a
thread RunQueue
runqueue
        threads' :: Map ThreadId (Thread s a)
threads'  = forall k a. Ord k => k -> a -> Map k a -> Map k a
Map.insert ThreadId
tid Thread s a
thread Map ThreadId (Thread s a)
threads in
    forall s a. SimState s a -> ST s (SimTrace a)
reschedule SimState s a
simstate { runqueue :: RunQueue
runqueue = RunQueue
runqueue', threads :: Map ThreadId (Thread s a)
threads  = Map ThreadId (Thread s a)
threads' }


-- Choose the next thread to run.
reschedule :: SimState s a -> ST s (SimTrace a)

-- If we are following a controlled schedule, just do that.
reschedule :: forall s a. SimState s a -> ST s (SimTrace a)
reschedule simstate :: SimState s a
simstate@SimState{ RunQueue
runqueue :: RunQueue
runqueue :: forall s a. SimState s a -> RunQueue
runqueue, Map ThreadId (Thread s a)
threads :: Map ThreadId (Thread s a)
threads :: forall s a. SimState s a -> Map ThreadId (Thread s a)
threads,
                              control :: forall s a. SimState s a -> ScheduleControl
control=control :: ScheduleControl
control@(ControlFollow ((ThreadId
tid,Int
tstep):[StepId]
_) [ScheduleMod]
_),
                              curTime :: forall s a. SimState s a -> Time
curTime=Time
time
                              } =
    forall (f :: * -> *) a b. Functor f => (a -> b) -> f a -> f b
fmap (forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep forall a. Maybe a
Nothing (ScheduleControl -> SimEventType
EventReschedule ScheduleControl
control)) forall a b. (a -> b) -> a -> b
$
    forall a. (?callStack::CallStack) => Bool -> a -> a
assert (forall a. a -> Down a
Down ThreadId
tid forall k p v. Ord k => k -> OrdPSQ k p v -> Bool
`PSQ.member` RunQueue
runqueue) forall a b. (a -> b) -> a -> b
$
    forall a. (?callStack::CallStack) => Bool -> a -> a
assert (ThreadId
tid forall k a. Ord k => k -> Map k a -> Bool
`Map.member` Map ThreadId (Thread s a)
threads) forall a b. (a -> b) -> a -> b
$
    forall s a x. Maybe (Thread s a) -> SimState s a -> x -> x
invariant forall a. Maybe a
Nothing SimState s a
simstate forall a b. (a -> b) -> a -> b
$
    let thread :: Thread s a
thread = Map ThreadId (Thread s a)
threads forall k a. Ord k => Map k a -> k -> a
Map.! ThreadId
tid in
    forall a. (?callStack::CallStack) => Bool -> a -> a
assert (forall s a. Thread s a -> ThreadId
threadId Thread s a
thread forall a. Eq a => a -> a -> Bool
== ThreadId
tid) forall a b. (a -> b) -> a -> b
$
    --assert (threadStep thread == tstep) $
    if forall s a. Thread s a -> Int
threadStep Thread s a
thread forall a. Eq a => a -> a -> Bool
/= Int
tstep then
      forall a. (?callStack::CallStack) => ThreadLabel -> a
error forall a b. (a -> b) -> a -> b
$ ThreadLabel
"Thread step out of sync\n"
           forall a. [a] -> [a] -> [a]
++ ThreadLabel
"  runqueue:    "forall a. [a] -> [a] -> [a]
++forall a. Show a => a -> ThreadLabel
show RunQueue
runqueueforall a. [a] -> [a] -> [a]
++ThreadLabel
"\n"
           forall a. [a] -> [a] -> [a]
++ ThreadLabel
"  follows:     "forall a. [a] -> [a] -> [a]
++forall a. Show a => a -> ThreadLabel
show ThreadId
tidforall a. [a] -> [a] -> [a]
++ThreadLabel
", step "forall a. [a] -> [a] -> [a]
++forall a. Show a => a -> ThreadLabel
show Int
tstepforall a. [a] -> [a] -> [a]
++ThreadLabel
"\n"
           forall a. [a] -> [a] -> [a]
++ ThreadLabel
"  actual step: "forall a. [a] -> [a] -> [a]
++forall a. Show a => a -> ThreadLabel
show (forall s a. Thread s a -> Int
threadStep Thread s a
thread)forall a. [a] -> [a] -> [a]
++ThreadLabel
"\n"
           forall a. [a] -> [a] -> [a]
++ ThreadLabel
"Thread:\n" forall a. [a] -> [a] -> [a]
++ forall a. Show a => a -> ThreadLabel
show Thread s a
thread forall a. [a] -> [a] -> [a]
++ ThreadLabel
"\n"
    else
    forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread SimState s a
simstate { runqueue :: RunQueue
runqueue = forall k p v. (Ord k, Ord p) => k -> OrdPSQ k p v -> OrdPSQ k p v
PSQ.delete (forall a. a -> Down a
Down ThreadId
tid) RunQueue
runqueue
                             , threads :: Map ThreadId (Thread s a)
threads  = forall k a. Ord k => k -> Map k a -> Map k a
Map.delete ThreadId
tid Map ThreadId (Thread s a)
threads }

-- When there is no current running thread but the runqueue is non-empty then
-- schedule the next one to run.
reschedule simstate :: SimState s a
simstate@SimState{ RunQueue
runqueue :: RunQueue
runqueue :: forall s a. SimState s a -> RunQueue
runqueue, Map ThreadId (Thread s a)
threads :: Map ThreadId (Thread s a)
threads :: forall s a. SimState s a -> Map ThreadId (Thread s a)
threads }
    | Just (Down !ThreadId
tid, Down ThreadId
_, ()
_, RunQueue
runqueue') <- forall k p v.
(Ord k, Ord p) =>
OrdPSQ k p v -> Maybe (k, p, v, OrdPSQ k p v)
PSQ.minView RunQueue
runqueue =
    forall s a x. Maybe (Thread s a) -> SimState s a -> x -> x
invariant forall a. Maybe a
Nothing SimState s a
simstate forall a b. (a -> b) -> a -> b
$

    let thread :: Thread s a
thread = Map ThreadId (Thread s a)
threads forall k a. Ord k => Map k a -> k -> a
Map.! ThreadId
tid in
    forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
thread SimState s a
simstate { runqueue :: RunQueue
runqueue = RunQueue
runqueue'
                             , threads :: Map ThreadId (Thread s a)
threads  = forall k a. Ord k => k -> Map k a -> Map k a
Map.delete ThreadId
tid Map ThreadId (Thread s a)
threads }

-- But when there are no runnable threads, we advance the time to the next
-- timer event, or stop.
reschedule simstate :: SimState s a
simstate@SimState{ Map ThreadId (Thread s a)
threads :: Map ThreadId (Thread s a)
threads :: forall s a. SimState s a -> Map ThreadId (Thread s a)
threads, Timeouts s
timers :: Timeouts s
timers :: forall s a. SimState s a -> Timeouts s
timers, curTime :: forall s a. SimState s a -> Time
curTime = Time
time, Races
races :: Races
races :: forall s a. SimState s a -> Races
races } =
    forall s a x. Maybe (Thread s a) -> SimState s a -> x -> x
invariant forall a. Maybe a
Nothing SimState s a
simstate forall a b. (a -> b) -> a -> b
$

    -- time is moving on
    --Debug.trace ("Rescheduling at "++show time++", "++
      --show (length (concatMap stepInfoRaces (activeRaces races++completeRaces races)))++" races") $

    -- important to get all events that expire at this time
    case forall k p a.
(Ord k, Ord p) =>
OrdPSQ k p a -> Maybe ([k], p, [a], OrdPSQ k p a)
removeMinimums Timeouts s
timers of
      Maybe ([TimeoutId], Time, [TimerCompletionInfo s], Timeouts s)
Nothing -> forall (m :: * -> *) a. Monad m => a -> m a
return (forall s a. SimState s a -> SimTrace a -> SimTrace a
traceFinalRacesFound SimState s a
simstate forall a b. (a -> b) -> a -> b
$
                         forall a. Time -> [Labelled ThreadId] -> SimTrace a
TraceDeadlock Time
time (forall s a. Map ThreadId (Thread s a) -> [Labelled ThreadId]
labelledThreads Map ThreadId (Thread s a)
threads))

      Just ([TimeoutId]
tmids, Time
time', [TimerCompletionInfo s]
fired, Timeouts s
timers') -> forall a. (?callStack::CallStack) => Bool -> a -> a
assert (Time
time' forall a. Ord a => a -> a -> Bool
>= Time
time) forall a b. (a -> b) -> a -> b
$ do

        -- Reuse the STM functionality here to write all the timer TVars.
        -- Simplify to a special case that only reads and writes TVars.
        [SomeTVar s]
written <- forall s. StmA s () -> ST s [SomeTVar s]
execAtomically' (forall s a. STM s a -> StmA s a
runSTM forall a b. (a -> b) -> a -> b
$ forall (t :: * -> *) (m :: * -> *) a b.
(Foldable t, Monad m) =>
(a -> m b) -> t a -> m ()
mapM_ forall {m :: * -> *} {s}.
(TVar m ~ TVar s, MonadSTM m) =>
TimerCompletionInfo s -> STM m ()
timeoutAction [TimerCompletionInfo s]
fired)
        ([ThreadId]
wakeupSTM, Map ThreadId (Set (Labelled TVarId))
wokeby) <- forall s.
[SomeTVar s]
-> ST s ([ThreadId], Map ThreadId (Set (Labelled TVarId)))
threadsUnblockedByWrites [SomeTVar s]
written
        forall (t :: * -> *) (m :: * -> *) a b.
(Foldable t, Monad m) =>
(a -> m b) -> t a -> m ()
mapM_ (\(SomeTVar TVar s a
tvar) -> forall s a. TVar s a -> ST s ()
unblockAllThreadsFromTVar TVar s a
tvar) [SomeTVar s]
written

        let wakeupThreadDelay :: [(ThreadId, TimeoutId)]
wakeupThreadDelay = [ (ThreadId
tid, TimeoutId
tmid) | TimerThreadDelay ThreadId
tid TimeoutId
tmid <- [TimerCompletionInfo s]
fired ]
            wakeup :: [ThreadId]
wakeup            = forall a b. (a, b) -> a
fst forall (f :: * -> *) a b. Functor f => (a -> b) -> f a -> f b
`fmap` [(ThreadId, TimeoutId)]
wakeupThreadDelay forall a. [a] -> [a] -> [a]
++ [ThreadId]
wakeupSTM
            -- TODO: the vector clock below cannot be right, can it?
            ([ThreadId]
_, !SimState s a
simstate')   = forall s a.
Bool
-> VectorClock
-> [ThreadId]
-> SimState s a
-> ([ThreadId], SimState s a)
unblockThreads Bool
False VectorClock
bottomVClock [ThreadId]
wakeup SimState s a
simstate

            -- For each 'timeout' action where the timeout has fired, start a
            -- new thread to execute throwTo to interrupt the action.
            !timeoutExpired :: [(ThreadId, TimeoutId, TMVarDefault (IOSim s) ThreadId)]
timeoutExpired = [ (ThreadId
tid, TimeoutId
tmid, TMVar (IOSim s) ThreadId
lock)
                              | TimerTimeout ThreadId
tid TimeoutId
tmid TMVar (IOSim s) ThreadId
lock <- [TimerCompletionInfo s]
fired ]

        -- all open races will be completed and reported at this time
        !SimState s a
simstate'' <- forall s a.
[(ThreadId, TimeoutId, TMVar (IOSim s) ThreadId)]
-> SimState s a -> ST s (SimState s a)
forkTimeoutInterruptThreads [(ThreadId, TimeoutId, TMVarDefault (IOSim s) ThreadId)]
timeoutExpired
                                                   SimState s a
simstate' { races :: Races
races = Races
noRaces }
        !SimTrace a
trace <- forall s a. SimState s a -> ST s (SimTrace a)
reschedule SimState s a
simstate'' { curTime :: Time
curTime = Time
time'
                                        , timers :: Timeouts s
timers  = Timeouts s
timers' }
        let traceEntries :: [(Time, ThreadId, Int, Maybe ThreadLabel, SimEventType)]
traceEntries =
                     [ ( Time
time', [Int] -> ThreadId
ThreadId [-Int
1], -Int
1, forall a. a -> Maybe a
Just ThreadLabel
"timer"
                       , TimeoutId -> SimEventType
EventTimerFired TimeoutId
tmid)
                     | (TimeoutId
tmid, Timer TVar s TimeoutState
_) <- forall a b. [a] -> [b] -> [(a, b)]
zip [TimeoutId]
tmids [TimerCompletionInfo s]
fired ]
                  forall a. [a] -> [a] -> [a]
++ [ ( Time
time', [Int] -> ThreadId
ThreadId [-Int
1], -Int
1, forall a. a -> Maybe a
Just ThreadLabel
"register delay timer"
                       , TimeoutId -> SimEventType
EventRegisterDelayFired TimeoutId
tmid)
                     | (TimeoutId
tmid, TimerRegisterDelay TVar s Bool
_) <- forall a b. [a] -> [b] -> [(a, b)]
zip [TimeoutId]
tmids [TimerCompletionInfo s]
fired ]
                  forall a. [a] -> [a] -> [a]
++ [ (Time
time', ThreadId
tid', -Int
1, Maybe ThreadLabel
tlbl', [Labelled TVarId] -> SimEventType
EventTxWakeup [Labelled TVarId]
vids)
                     | ThreadId
tid' <- [ThreadId]
wakeupSTM
                     , let tlbl' :: Maybe ThreadLabel
tlbl' = forall s a.
ThreadId -> Map ThreadId (Thread s a) -> Maybe ThreadLabel
lookupThreadLabel ThreadId
tid' Map ThreadId (Thread s a)
threads
                     , let Just [Labelled TVarId]
vids = forall a. Set a -> [a]
Set.toList forall (f :: * -> *) a b. Functor f => (a -> b) -> f a -> f b
<$> forall k a. Ord k => k -> Map k a -> Maybe a
Map.lookup ThreadId
tid' Map ThreadId (Set (Labelled TVarId))
wokeby ]
                  forall a. [a] -> [a] -> [a]
++ [ ( Time
time', ThreadId
tid, -Int
1, forall a. a -> Maybe a
Just ThreadLabel
"thread delay timer"
                       , TimeoutId -> SimEventType
EventThreadDelayFired TimeoutId
tmid)
                     | (ThreadId
tid, TimeoutId
tmid) <- [(ThreadId, TimeoutId)]
wakeupThreadDelay ]
                  forall a. [a] -> [a] -> [a]
++ [ ( Time
time', ThreadId
tid, -Int
1, forall a. a -> Maybe a
Just ThreadLabel
"timeout timer"
                       , TimeoutId -> SimEventType
EventTimeoutFired TimeoutId
tmid)
                     | (ThreadId
tid, TimeoutId
tmid, TMVarDefault (IOSim s) ThreadId
_) <- [(ThreadId, TimeoutId, TMVarDefault (IOSim s) ThreadId)]
timeoutExpired ]
                  forall a. [a] -> [a] -> [a]
++ [ ( Time
time', ThreadId
tid, -Int
1, forall a. a -> Maybe a
Just ThreadLabel
"forked thread"
                       , ThreadId -> SimEventType
EventThreadForked ThreadId
tid)
                     | (ThreadId
tid, TimeoutId
_, TMVarDefault (IOSim s) ThreadId
_) <- [(ThreadId, TimeoutId, TMVarDefault (IOSim s) ThreadId)]
timeoutExpired ]

        forall (m :: * -> *) a. Monad m => a -> m a
return forall a b. (a -> b) -> a -> b
$
          forall s a. SimState s a -> SimTrace a -> SimTrace a
traceFinalRacesFound SimState s a
simstate forall a b. (a -> b) -> a -> b
$
          forall a.
[(Time, ThreadId, Int, Maybe ThreadLabel, SimEventType)]
-> SimTrace a -> SimTrace a
traceMany [(Time, ThreadId, Int, Maybe ThreadLabel, SimEventType)]
traceEntries SimTrace a
trace
  where
    timeoutAction :: TimerCompletionInfo s -> STM m ()
timeoutAction (Timer TVar s TimeoutState
var) = do
      TimeoutState
x <- forall (m :: * -> *) a. MonadSTM m => TVar m a -> STM m a
readTVar TVar s TimeoutState
var
      case TimeoutState
x of
        TimeoutState
TimeoutPending   -> forall (m :: * -> *) a. MonadSTM m => TVar m a -> a -> STM m ()
writeTVar TVar s TimeoutState
var TimeoutState
TimeoutFired
        TimeoutState
TimeoutFired     -> forall a. (?callStack::CallStack) => ThreadLabel -> a
error ThreadLabel
"MonadTimer(Sim): invariant violation"
        TimeoutState
TimeoutCancelled -> forall (m :: * -> *) a. Monad m => a -> m a
return ()
    timeoutAction (TimerRegisterDelay TVar s Bool
var) = forall (m :: * -> *) a. MonadSTM m => TVar m a -> a -> STM m ()
writeTVar TVar s Bool
var Bool
True
    timeoutAction (TimerThreadDelay ThreadId
_ TimeoutId
_)    = forall (m :: * -> *) a. Monad m => a -> m a
return ()
    timeoutAction (TimerTimeout ThreadId
_ TimeoutId
_ TMVar (IOSim s) ThreadId
_)     = forall (m :: * -> *) a. Monad m => a -> m a
return ()

unblockThreads :: forall s a.
                  Bool -- ^ `True` if we are blocked on STM
               -> VectorClock
               -> [ThreadId]
               -> SimState s a
               -> ([ThreadId], SimState s a)
unblockThreads :: forall s a.
Bool
-> VectorClock
-> [ThreadId]
-> SimState s a
-> ([ThreadId], SimState s a)
unblockThreads !Bool
onlySTM VectorClock
vClock [ThreadId]
wakeup simstate :: SimState s a
simstate@SimState {RunQueue
runqueue :: RunQueue
runqueue :: forall s a. SimState s a -> RunQueue
runqueue, Map ThreadId (Thread s a)
threads :: Map ThreadId (Thread s a)
threads :: forall s a. SimState s a -> Map ThreadId (Thread s a)
threads} =
    -- To preserve our invariants (that threadBlocked is correct)
    -- we update the runqueue and threads together here
    ( [ThreadId]
unblockedIds
    , SimState s a
simstate { runqueue :: RunQueue
runqueue = forall (t :: * -> *) a b.
Foldable t =>
(a -> b -> b) -> b -> t a -> b
foldr forall s a. Thread s a -> RunQueue -> RunQueue
insertThread RunQueue
runqueue [Thread s a]
unblocked,
                 threads :: Map ThreadId (Thread s a)
threads  = Map ThreadId (Thread s a)
threads'
               })
  where
    -- can only unblock if the thread exists and is blocked (not running)
    unblocked :: [Thread s a]
    !unblocked :: [Thread s a]
unblocked = [ Thread s a
thread
                 | ThreadId
tid <- [ThreadId]
wakeup
                 , Thread s a
thread <-
                     case forall k a. Ord k => k -> Map k a -> Maybe a
Map.lookup ThreadId
tid Map ThreadId (Thread s a)
threads of
                       Just   Thread { threadStatus :: forall s a. Thread s a -> ThreadStatus
threadStatus = ThreadStatus
ThreadRunning }
                         -> [ ]
                       Just t :: Thread s a
t@Thread { threadStatus :: forall s a. Thread s a -> ThreadStatus
threadStatus = ThreadBlocked BlockedReason
BlockedOnOther }
                         | Bool
onlySTM
                         -> [ ]
                         | Bool
otherwise
                         -> [Thread s a
t]
                       Just t :: Thread s a
t@Thread { threadStatus :: forall s a. Thread s a -> ThreadStatus
threadStatus = ThreadBlocked BlockedReason
BlockedOnSTM }
                         -> [Thread s a
t]
                       Maybe (Thread s a)
_ -> [ ]
                 ]

    unblockedIds :: [ThreadId]
    !unblockedIds :: [ThreadId]
unblockedIds = forall a b. (a -> b) -> [a] -> [b]
map forall s a. Thread s a -> ThreadId
threadId [Thread s a]
unblocked

    -- and in which case we mark them as now running
    !threads' :: Map ThreadId (Thread s a)
threads'  = forall (t :: * -> *) b a.
Foldable t =>
(b -> a -> b) -> b -> t a -> b
List.foldl'
                   (forall a b c. (a -> b -> c) -> b -> a -> c
flip (forall k a. Ord k => (a -> a) -> k -> Map k a -> Map k a
Map.adjust
                     (\Thread s a
t -> Thread s a
t { threadStatus :: ThreadStatus
threadStatus = ThreadStatus
ThreadRunning,
                                threadVClock :: VectorClock
threadVClock = VectorClock
vClock VectorClock -> VectorClock -> VectorClock
`leastUpperBoundVClock` forall s a. Thread s a -> VectorClock
threadVClock Thread s a
t })))
                   Map ThreadId (Thread s a)
threads [ThreadId]
unblockedIds

-- | This function receives a list of TimerTimeout values that represent threads
-- for which the timeout expired and kills the running thread if needed.
--
-- This function is responsible for the second part of the race condition issue
-- and relates to the 'schedule's 'TimeoutFrame' locking explanation (here is
-- where the assassin threads are launched. So, as explained previously, at this
-- point in code, the timeout expired so we need to interrupt the running
-- thread. If the running thread finished at the same time the timeout expired
-- we have a race condition. To deal with this race condition what we do is
-- look at the lock value. If it is 'Locked' this means that the running thread
-- already finished (or won the race) so we can safely do nothing. Otherwise, if
-- the lock value is 'NotLocked' we need to acquire the lock and launch an
-- assassin thread that is going to interrupt the running one. Note that we
-- should run this interrupting thread in an unmasked state since it might
-- receive a 'ThreadKilled' exception.
--
forkTimeoutInterruptThreads :: forall s a.
                               [(ThreadId, TimeoutId, TMVar (IOSim s) ThreadId)]
                            -> SimState s a
                            -> ST s (SimState s a)
forkTimeoutInterruptThreads :: forall s a.
[(ThreadId, TimeoutId, TMVar (IOSim s) ThreadId)]
-> SimState s a -> ST s (SimState s a)
forkTimeoutInterruptThreads [(ThreadId, TimeoutId, TMVar (IOSim s) ThreadId)]
timeoutExpired SimState s a
simState =
  forall (t :: * -> *) (m :: * -> *) b a.
(Foldable t, Monad m) =>
(b -> a -> m b) -> b -> t a -> m b
foldlM (\st :: SimState s a
st@SimState{ RunQueue
runqueue :: RunQueue
runqueue :: forall s a. SimState s a -> RunQueue
runqueue, Map ThreadId (Thread s a)
threads :: Map ThreadId (Thread s a)
threads :: forall s a. SimState s a -> Map ThreadId (Thread s a)
threads }
           (Thread s a
t, TMVar TVar (IOSim s) (Maybe ThreadId)
lock)
          -> do
            Maybe ThreadId
v <- forall s a. TVar s a -> ST s a
execReadTVar TVar (IOSim s) (Maybe ThreadId)
lock
            forall (m :: * -> *) a. Monad m => a -> m a
return forall a b. (a -> b) -> a -> b
$ case Maybe ThreadId
v of
              Maybe ThreadId
Nothing -> SimState s a
st { runqueue :: RunQueue
runqueue = forall s a. Thread s a -> RunQueue -> RunQueue
insertThread Thread s a
t RunQueue
runqueue,
                              threads :: Map ThreadId (Thread s a)
threads  = forall k a. Ord k => k -> a -> Map k a -> Map k a
Map.insert (forall s a. Thread s a -> ThreadId
threadId Thread s a
t) Thread s a
t Map ThreadId (Thread s a)
threads
                            }
              Just ThreadId
_  -> SimState s a
st
          )
          SimState s a
simState'
          [(Thread s a, TMVar (IOSim s) ThreadId)]
throwToThread

  where
    -- we launch a thread responsible for throwing an AsyncCancelled exception
    -- to the thread which timeout expired
    throwToThread :: [(Thread s a, TMVar (IOSim s) ThreadId)] 

    (SimState s a
simState', [(Thread s a, TMVar (IOSim s) ThreadId)]
[(Thread s a, TMVarDefault (IOSim s) ThreadId)]
throwToThread) = forall (t :: * -> *) s a b.
Traversable t =>
(s -> a -> (s, b)) -> s -> t a -> (s, t b)
List.mapAccumR SimState s a
-> (ThreadId, TimeoutId, TMVar (IOSim s) ThreadId)
-> (SimState s a, (Thread s a, TMVar (IOSim s) ThreadId))
fn SimState s a
simState [(ThreadId, TimeoutId, TMVar (IOSim s) ThreadId)]
timeoutExpired
      where
        fn :: SimState s a
           -> (ThreadId, TimeoutId, TMVar (IOSim s) ThreadId)
           -> (SimState s a, (Thread s a, TMVar (IOSim s) ThreadId))
        fn :: SimState s a
-> (ThreadId, TimeoutId, TMVar (IOSim s) ThreadId)
-> (SimState s a, (Thread s a, TMVar (IOSim s) ThreadId))
fn state :: SimState s a
state@SimState { Map ThreadId (Thread s a)
threads :: Map ThreadId (Thread s a)
threads :: forall s a. SimState s a -> Map ThreadId (Thread s a)
threads } (ThreadId
tid, TimeoutId
tmid, TMVar (IOSim s) ThreadId
lock) =
          let t :: Thread s a
t = case ThreadId
tid forall k a. Ord k => k -> Map k a -> Maybe a
`Map.lookup` Map ThreadId (Thread s a)
threads of
                    Just Thread s a
t' -> Thread s a
t'
                    Maybe (Thread s a)
Nothing -> forall a. (?callStack::CallStack) => ThreadLabel -> a
error (ThreadLabel
"IOSimPOR: internal error: unknown thread " forall a. [a] -> [a] -> [a]
++ forall a. Show a => a -> ThreadLabel
show ThreadId
tid)
              nextId :: Int
nextId   = forall s a. Thread s a -> Int
threadNextTId Thread s a
t
              tid' :: ThreadId
tid'     = ThreadId -> Int -> ThreadId
childThreadId ThreadId
tid Int
nextId
           in ( SimState s a
state { threads :: Map ThreadId (Thread s a)
threads = forall k a. Ord k => k -> a -> Map k a -> Map k a
Map.insert ThreadId
tid Thread s a
t { threadNextTId :: Int
threadNextTId = forall a. Enum a => a -> a
succ Int
nextId } Map ThreadId (Thread s a)
threads }
              , ( Thread { threadId :: ThreadId
threadId      = ThreadId
tid',
                           threadControl :: ThreadControl s a
threadControl =
                            forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl
                              (forall s a. IOSim s a -> SimA s a
runIOSim forall a b. (a -> b) -> a -> b
$ do
                                 ThreadId
mtid <- forall (m :: * -> *). MonadThread m => m (ThreadId m)
myThreadId
                                 Bool
v2 <- forall (m :: * -> *) a.
(MonadSTM m, ?callStack::CallStack) =>
STM m a -> m a
atomically forall a b. (a -> b) -> a -> b
$ forall (m :: * -> *) a. MonadSTM m => TMVar m a -> a -> STM m Bool
tryPutTMVar TMVar (IOSim s) ThreadId
lock ThreadId
mtid
                                 forall (f :: * -> *). Applicative f => Bool -> f () -> f ()
when Bool
v2 forall a b. (a -> b) -> a -> b
$
                                   forall (m :: * -> *) e.
(MonadFork m, Exception e) =>
ThreadId m -> e -> m ()
throwTo ThreadId
tid (forall e. Exception e => e -> SomeException
toException (TimeoutId -> TimeoutException
TimeoutException TimeoutId
tmid)))
                              forall s a. ControlStack s () a
ForkFrame,
                           threadStatus :: ThreadStatus
threadStatus  = ThreadStatus
ThreadRunning,
                           threadMasking :: MaskingState
threadMasking = MaskingState
Unmasked,
                           threadThrowTo :: [(SomeException, Labelled ThreadId, VectorClock)]
threadThrowTo = [],
                           threadClockId :: ClockId
threadClockId = forall s a. Thread s a -> ClockId
threadClockId Thread s a
t,
                           threadLabel :: Maybe ThreadLabel
threadLabel   = forall a. a -> Maybe a
Just ThreadLabel
"timeout-forked-thread",
                           threadNextTId :: Int
threadNextTId = Int
1,
                           threadStep :: Int
threadStep    = Int
0,
                           threadVClock :: VectorClock
threadVClock  = ThreadId -> Int -> VectorClock -> VectorClock
insertVClock ThreadId
tid' Int
0
                                         forall a b. (a -> b) -> a -> b
$ forall s a. Thread s a -> VectorClock
threadVClock Thread s a
t,
                           threadEffect :: Effect
threadEffect  = forall a. Monoid a => a
mempty,
                           threadRacy :: Bool
threadRacy    = forall s a. Thread s a -> Bool
threadRacy Thread s a
t
                         }
                , TMVar (IOSim s) ThreadId
lock
                )
              )
       

-- | Iterate through the control stack to find an enclosing exception handler
-- of the right type, or unwind all the way to the top level for the thread.
--
-- Also return if it's the main thread or a forked thread since we handle the
-- cases differently.
--
unwindControlStack :: forall s a.
                      SomeException
                   -> Thread s a
                   -> Timeouts s
                   -> ( Either Bool (Thread s a)
                      , Timeouts s
                      )
unwindControlStack :: forall s a.
SomeException
-> Thread s a
-> Timeouts s
-> (Either Bool (Thread s a), Timeouts s)
unwindControlStack SomeException
e Thread s a
thread = \Timeouts s
timeouts ->
    case forall s a. Thread s a -> ThreadControl s a
threadControl Thread s a
thread of
      ThreadControl SimA s b
_ ControlStack s b a
ctl -> forall s' c.
MaskingState
-> ControlStack s' c a
-> Timeouts s
-> (Either Bool (Thread s' a), Timeouts s)
unwind (forall s a. Thread s a -> MaskingState
threadMasking Thread s a
thread) ControlStack s b a
ctl Timeouts s
timeouts
  where
    unwind :: forall s' c. MaskingState
           -> ControlStack s' c a
           -> Timeouts s
           -> (Either Bool (Thread s' a), Timeouts s)
    unwind :: forall s' c.
MaskingState
-> ControlStack s' c a
-> Timeouts s
-> (Either Bool (Thread s' a), Timeouts s)
unwind MaskingState
_  ControlStack s' c a
MainFrame                 Timeouts s
timers = (forall a b. a -> Either a b
Left Bool
True, Timeouts s
timers)
    unwind MaskingState
_  ControlStack s' c a
ForkFrame                 Timeouts s
timers = (forall a b. a -> Either a b
Left Bool
False, Timeouts s
timers)
    unwind MaskingState
_ (MaskFrame c -> SimA s' c
_k MaskingState
maskst' ControlStack s' c a
ctl) Timeouts s
timers = forall s' c.
MaskingState
-> ControlStack s' c a
-> Timeouts s
-> (Either Bool (Thread s' a), Timeouts s)
unwind MaskingState
maskst' ControlStack s' c a
ctl Timeouts s
timers

    unwind MaskingState
maskst (CatchFrame e -> SimA s' c
handler c -> SimA s' c
k ControlStack s' c a
ctl) Timeouts s
timers =
      case forall e. Exception e => SomeException -> Maybe e
fromException SomeException
e of
        -- not the right type, unwind to the next containing handler
        Maybe e
Nothing -> forall s' c.
MaskingState
-> ControlStack s' c a
-> Timeouts s
-> (Either Bool (Thread s' a), Timeouts s)
unwind MaskingState
maskst ControlStack s' c a
ctl Timeouts s
timers

        -- Ok! We will be able to continue the thread with the handler
        -- followed by the continuation after the catch
        Just e
e' -> ( forall a b. b -> Either a b
Right Thread s a
thread {
                          -- As per async exception rules, the handler is run
                          -- masked
                         threadControl :: ThreadControl s' a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl (e -> SimA s' c
handler e
e')
                                                       (forall b s a a.
(b -> SimA s a)
-> MaskingState -> ControlStack s a a -> ControlStack s b a
MaskFrame c -> SimA s' c
k MaskingState
maskst ControlStack s' c a
ctl),
                         threadMasking :: MaskingState
threadMasking = MaskingState -> MaskingState
atLeastInterruptibleMask MaskingState
maskst
                       }
                   , Timeouts s
timers
                   )

    -- Either Timeout fired or the action threw an exception.
    -- - If Timeout fired, then it was possibly during this thread's execution
    --   so we need to run the continuation with a Nothing value.
    -- - If the timeout action threw an exception we need to keep unwinding the
    --   control stack looking for a handler to this exception.
    unwind MaskingState
maskst (TimeoutFrame TimeoutId
tmid TMVar (IOSim s') ThreadId
isLockedRef Maybe c -> SimA s' c
k ControlStack s' c a
ctl) Timeouts s
timers =
        case forall e. Exception e => SomeException -> Maybe e
fromException SomeException
e of
          -- Exception came from timeout expiring
          Just (TimeoutException TimeoutId
tmid')  | TimeoutId
tmid forall a. Eq a => a -> a -> Bool
== TimeoutId
tmid' ->
            (forall a b. b -> Either a b
Right Thread s a
thread { threadControl :: ThreadControl s' a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl (Maybe c -> SimA s' c
k forall a. Maybe a
Nothing) ControlStack s' c a
ctl }, Timeouts s
timers')
            -- Exception came from a different exception
          Maybe TimeoutException
_ -> forall s' c.
MaskingState
-> ControlStack s' c a
-> Timeouts s
-> (Either Bool (Thread s' a), Timeouts s)
unwind MaskingState
maskst ControlStack s' c a
ctl Timeouts s
timers'
      where
        -- Remove the timeout associated with the 'TimeoutFrame'.
        timers' :: Timeouts s
timers' = forall k p v. (Ord k, Ord p) => k -> OrdPSQ k p v -> OrdPSQ k p v
PSQ.delete TimeoutId
tmid Timeouts s
timers

    unwind MaskingState
maskst (DelayFrame TimeoutId
tmid SimA s' c
_k ControlStack s' c a
ctl) Timeouts s
timers =
        forall s' c.
MaskingState
-> ControlStack s' c a
-> Timeouts s
-> (Either Bool (Thread s' a), Timeouts s)
unwind MaskingState
maskst ControlStack s' c a
ctl Timeouts s
timers'
      where
        -- Remove the timeout associated with the 'DelayFrame'.
        timers' :: Timeouts s
timers' = forall k p v. (Ord k, Ord p) => k -> OrdPSQ k p v -> OrdPSQ k p v
PSQ.delete TimeoutId
tmid Timeouts s
timers

    atLeastInterruptibleMask :: MaskingState -> MaskingState
    atLeastInterruptibleMask :: MaskingState -> MaskingState
atLeastInterruptibleMask MaskingState
Unmasked = MaskingState
MaskedInterruptible
    atLeastInterruptibleMask MaskingState
ms       = MaskingState
ms


removeMinimums :: (Ord k, Ord p)
               => OrdPSQ k p a
               -> Maybe ([k], p, [a], OrdPSQ k p a)
removeMinimums :: forall k p a.
(Ord k, Ord p) =>
OrdPSQ k p a -> Maybe ([k], p, [a], OrdPSQ k p a)
removeMinimums = \OrdPSQ k p a
psq ->
    case forall k p v.
(Ord k, Ord p) =>
OrdPSQ k p v -> Maybe (k, p, v, OrdPSQ k p v)
PSQ.minView OrdPSQ k p a
psq of
      Maybe (k, p, a, OrdPSQ k p a)
Nothing              -> forall a. Maybe a
Nothing
      Just (k
k, p
p, a
x, OrdPSQ k p a
psq') -> forall a. a -> Maybe a
Just (forall {a} {b} {a}.
(Ord a, Ord b) =>
[a] -> b -> [a] -> OrdPSQ a b a -> ([a], b, [a], OrdPSQ a b a)
collectAll [k
k] p
p [a
x] OrdPSQ k p a
psq')
  where
    collectAll :: [a] -> b -> [a] -> OrdPSQ a b a -> ([a], b, [a], OrdPSQ a b a)
collectAll [a]
ks b
p [a]
xs OrdPSQ a b a
psq =
      case forall k p v.
(Ord k, Ord p) =>
OrdPSQ k p v -> Maybe (k, p, v, OrdPSQ k p v)
PSQ.minView OrdPSQ a b a
psq of
        Just (a
k, b
p', a
x, OrdPSQ a b a
psq')
          | b
p forall a. Eq a => a -> a -> Bool
== b
p' -> [a] -> b -> [a] -> OrdPSQ a b a -> ([a], b, [a], OrdPSQ a b a)
collectAll (a
kforall a. a -> [a] -> [a]
:[a]
ks) b
p (a
xforall a. a -> [a] -> [a]
:[a]
xs) OrdPSQ a b a
psq'
        Maybe (a, b, a, OrdPSQ a b a)
_           -> (forall a. [a] -> [a]
reverse [a]
ks, b
p, forall a. [a] -> [a]
reverse [a]
xs, OrdPSQ a b a
psq)

traceMany :: [(Time, ThreadId, Int, Maybe ThreadLabel, SimEventType)]
          -> SimTrace a -> SimTrace a
traceMany :: forall a.
[(Time, ThreadId, Int, Maybe ThreadLabel, SimEventType)]
-> SimTrace a -> SimTrace a
traceMany []                                   SimTrace a
trace = SimTrace a
trace
traceMany ((Time
time, ThreadId
tid, Int
tstep, Maybe ThreadLabel
tlbl, SimEventType
event):[(Time, ThreadId, Int, Maybe ThreadLabel, SimEventType)]
ts) SimTrace a
trace =
    forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid Int
tstep Maybe ThreadLabel
tlbl SimEventType
event (forall a.
[(Time, ThreadId, Int, Maybe ThreadLabel, SimEventType)]
-> SimTrace a -> SimTrace a
traceMany [(Time, ThreadId, Int, Maybe ThreadLabel, SimEventType)]
ts SimTrace a
trace)

lookupThreadLabel :: ThreadId -> Map ThreadId (Thread s a) -> Maybe ThreadLabel
lookupThreadLabel :: forall s a.
ThreadId -> Map ThreadId (Thread s a) -> Maybe ThreadLabel
lookupThreadLabel ThreadId
tid Map ThreadId (Thread s a)
threads = forall (m :: * -> *) a. Monad m => m (m a) -> m a
join (forall s a. Thread s a -> Maybe ThreadLabel
threadLabel forall (f :: * -> *) a b. Functor f => (a -> b) -> f a -> f b
<$> forall k a. Ord k => k -> Map k a -> Maybe a
Map.lookup ThreadId
tid Map ThreadId (Thread s a)
threads)


-- | The most general method of running 'IOSim' is in 'ST' monad.  One can
-- recover failures or the result from 'SimTrace' with 'traceResult', or access
-- 'TraceEvent's generated by the computation with 'traceEvents'.  A slightly
-- more convenient way is exposed by 'runSimTrace'.
--
runSimTraceST :: forall s a. IOSim s a -> ST s (SimTrace a)
runSimTraceST :: forall s a. IOSim s a -> ST s (SimTrace a)
runSimTraceST IOSim s a
mainAction = forall s a.
Maybe Int -> ScheduleControl -> IOSim s a -> ST s (SimTrace a)
controlSimTraceST forall a. Maybe a
Nothing ScheduleControl
ControlDefault IOSim s a
mainAction

controlSimTraceST :: Maybe Int -> ScheduleControl -> IOSim s a -> ST s (SimTrace a)
controlSimTraceST :: forall s a.
Maybe Int -> ScheduleControl -> IOSim s a -> ST s (SimTrace a)
controlSimTraceST Maybe Int
limit ScheduleControl
control IOSim s a
mainAction =
  forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace (forall s a. SimState s a -> Time
curTime forall s a. SimState s a
initialState)
           (forall s a. Thread s a -> ThreadId
threadId Thread s a
mainThread)
           Int
0
           (forall s a. Thread s a -> Maybe ThreadLabel
threadLabel Thread s a
mainThread)
           (ScheduleControl -> SimEventType
EventSimStart ScheduleControl
control)
  forall (f :: * -> *) a b. Functor f => (a -> b) -> f a -> f b
<$> forall s a. Thread s a -> SimState s a -> ST s (SimTrace a)
schedule Thread s a
mainThread forall s a. SimState s a
initialState { control :: ScheduleControl
control  = ScheduleControl
control,
                                         control0 :: ScheduleControl
control0 = ScheduleControl
control,
                                         perStepTimeLimit :: Maybe Int
perStepTimeLimit = Maybe Int
limit
                                       }
  where
    mainThread :: Thread s a
mainThread =
      Thread {
        threadId :: ThreadId
threadId      = [Int] -> ThreadId
ThreadId [],
        threadControl :: ThreadControl s a
threadControl = forall s a a. SimA s a -> ControlStack s a a -> ThreadControl s a
ThreadControl (forall s a. IOSim s a -> SimA s a
runIOSim IOSim s a
mainAction) forall s a. ControlStack s a a
MainFrame,
        threadStatus :: ThreadStatus
threadStatus  = ThreadStatus
ThreadRunning,
        threadMasking :: MaskingState
threadMasking = MaskingState
Unmasked,
        threadThrowTo :: [(SomeException, Labelled ThreadId, VectorClock)]
threadThrowTo = [],
        threadClockId :: ClockId
threadClockId = [Int] -> ClockId
ClockId [],
        threadLabel :: Maybe ThreadLabel
threadLabel   = forall a. a -> Maybe a
Just ThreadLabel
"main",
        threadNextTId :: Int
threadNextTId = Int
1,
        threadStep :: Int
threadStep    = Int
0,
        threadVClock :: VectorClock
threadVClock  = ThreadId -> Int -> VectorClock -> VectorClock
insertVClock ([Int] -> ThreadId
ThreadId []) Int
0 VectorClock
bottomVClock,
        threadEffect :: Effect
threadEffect  = forall a. Monoid a => a
mempty,
        threadRacy :: Bool
threadRacy    = Bool
False
      }


--
-- Executing STM Transactions
--

execAtomically :: forall s a c.
                  Time
               -> ThreadId
               -> Maybe ThreadLabel
               -> TVarId
               -> StmA s a
               -> (StmTxResult s a -> ST s (SimTrace c))
               -> ST s (SimTrace c)
execAtomically :: forall s a c.
Time
-> ThreadId
-> Maybe ThreadLabel
-> TVarId
-> StmA s a
-> (StmTxResult s a -> ST s (SimTrace c))
-> ST s (SimTrace c)
execAtomically Time
time ThreadId
tid Maybe ThreadLabel
tlbl TVarId
nextVid0 StmA s a
action0 StmTxResult s a -> ST s (SimTrace c)
k0 =
    forall b.
StmStack s b a
-> Map TVarId (SomeTVar s)
-> Map TVarId (SomeTVar s)
-> [SomeTVar s]
-> [SomeTVar s]
-> TVarId
-> StmA s b
-> ST s (SimTrace c)
go forall s a. StmStack s a a
AtomicallyFrame forall k a. Map k a
Map.empty forall k a. Map k a
Map.empty [] [] TVarId
nextVid0 StmA s a
action0
  where
    go :: forall b.
          StmStack s b a
       -> Map TVarId (SomeTVar s)  -- set of vars read
       -> Map TVarId (SomeTVar s)  -- set of vars written
       -> [SomeTVar s]             -- vars written in order (no dups)
       -> [SomeTVar s]             -- vars created in order
       -> TVarId                   -- var fresh name supply
       -> StmA s b
       -> ST s (SimTrace c)
    go :: forall b.
StmStack s b a
-> Map TVarId (SomeTVar s)
-> Map TVarId (SomeTVar s)
-> [SomeTVar s]
-> [SomeTVar s]
-> TVarId
-> StmA s b
-> ST s (SimTrace c)
go !StmStack s b a
ctl !Map TVarId (SomeTVar s)
read !Map TVarId (SomeTVar s)
written ![SomeTVar s]
writtenSeq ![SomeTVar s]
createdSeq !TVarId
nextVid StmA s b
action = forall a. (?callStack::CallStack) => Bool -> a -> a
assert Bool
localInvariant forall a b. (a -> b) -> a -> b
$
                                                       case StmA s b
action of
      ReturnStm b
x ->
        {-# SCC "execAtomically.go.ReturnStm" #-}
        case StmStack s b a
ctl of
        StmStack s b a
AtomicallyFrame -> do
          -- Trace each created TVar
          ![TraceValue]
ds  <- forall (t :: * -> *) (f :: * -> *) a b.
(Traversable t, Applicative f) =>
(a -> f b) -> t a -> f (t b)
traverse (\(SomeTVar TVar s a
tvar) -> forall s a. TVar s a -> Bool -> ST s TraceValue
traceTVarST TVar s a
tvar Bool
True) [SomeTVar s]
createdSeq
          -- Trace & commit each TVar
          ![TraceValue]
ds' <- forall k a. Map k a -> [a]
Map.elems forall (f :: * -> *) a b. Functor f => (a -> b) -> f a -> f b
<$> forall (t :: * -> *) (f :: * -> *) a b.
(Traversable t, Applicative f) =>
(a -> f b) -> t a -> f (t b)
traverse
                    (\(SomeTVar TVar s a
tvar) -> do
                        TraceValue
tr <- forall s a. TVar s a -> Bool -> ST s TraceValue
traceTVarST TVar s a
tvar Bool
False
                        !()
_ <- forall s a. TVar s a -> ST s ()
commitTVar TVar s a
tvar
                        -- Also assert the data invariant that outside a tx
                        -- the undo stack is empty:
                        [a]
undos <- forall s a. TVar s a -> ST s [a]
readTVarUndos TVar s a
tvar
                        forall a. (?callStack::CallStack) => Bool -> a -> a
assert (forall (t :: * -> *) a. Foldable t => t a -> Bool
null [a]
undos) forall a b. (a -> b) -> a -> b
$ forall (m :: * -> *) a. Monad m => a -> m a
return TraceValue
tr
                    ) Map TVarId (SomeTVar s)
written

          -- Return the vars written, so readers can be unblocked
          StmTxResult s a -> ST s (SimTrace c)
k0 forall a b. (a -> b) -> a -> b
$ forall s a.
a
-> [SomeTVar s]
-> [SomeTVar s]
-> [SomeTVar s]
-> [Dynamic]
-> [ThreadLabel]
-> TVarId
-> StmTxResult s a
StmTxCommitted b
x (forall a. [a] -> [a]
reverse [SomeTVar s]
writtenSeq)
                                (forall k a. Map k a -> [a]
Map.elems Map TVarId (SomeTVar s)
read)
                                (forall a. [a] -> [a]
reverse [SomeTVar s]
createdSeq)
                                (forall a b. (a -> Maybe b) -> [a] -> [b]
mapMaybe (\TraceValue { Maybe tr
traceDynamic :: ()
traceDynamic :: Maybe tr
traceDynamic }
                                            -> forall a. Typeable a => a -> Dynamic
toDyn forall (f :: * -> *) a b. Functor f => (a -> b) -> f a -> f b
<$> Maybe tr
traceDynamic)
                                          forall a b. (a -> b) -> a -> b
$ [TraceValue]
ds forall a. [a] -> [a] -> [a]
++ [TraceValue]
ds')
                                (forall a b. (a -> Maybe b) -> [a] -> [b]
mapMaybe TraceValue -> Maybe ThreadLabel
traceString forall a b. (a -> b) -> a -> b
$ [TraceValue]
ds forall a. [a] -> [a] -> [a]
++ [TraceValue]
ds')
                                TVarId
nextVid

        BranchFrame BranchStmA s b
_b b -> StmA s b
k Map TVarId (SomeTVar s)
writtenOuter [SomeTVar s]
writtenOuterSeq [SomeTVar s]
createdOuterSeq StmStack s b a
ctl' -> do
          -- The branch has successfully completed the transaction. Hence,
          -- the alternative branch can be ignored.
          -- Commit the TVars written in this sub-transaction that are also
          -- in the written set of the outer transaction
          !()
_ <- forall (t :: * -> *) (f :: * -> *) a b.
(Foldable t, Applicative f) =>
(a -> f b) -> t a -> f ()
traverse_ (\(SomeTVar TVar s a
tvar) -> forall s a. TVar s a -> ST s ()
commitTVar TVar s a
tvar)
                          (forall k a b. Ord k => Map k a -> Map k b -> Map k a
Map.intersection Map TVarId (SomeTVar s)
written Map TVarId (SomeTVar s)
writtenOuter)
          -- Merge the written set of the inner with the outer
          let written' :: Map TVarId (SomeTVar s)
written'    = forall k a. Ord k => Map k a -> Map k a -> Map k a
Map.union Map TVarId (SomeTVar s)
written Map TVarId (SomeTVar s)
writtenOuter
              writtenSeq' :: [SomeTVar s]
writtenSeq' = forall a. (a -> Bool) -> [a] -> [a]
filter (\(SomeTVar TVar s a
tvar) ->
                                      forall s a. TVar s a -> TVarId
tvarId TVar s a
tvar forall k a. Ord k => k -> Map k a -> Bool
`Map.notMember` Map TVarId (SomeTVar s)
writtenOuter)
                                    [SomeTVar s]
writtenSeq
                         forall a. [a] -> [a] -> [a]
++ [SomeTVar s]
writtenOuterSeq
              createdSeq' :: [SomeTVar s]
createdSeq' = [SomeTVar s]
createdSeq forall a. [a] -> [a] -> [a]
++ [SomeTVar s]
createdOuterSeq
          -- Skip the orElse right hand and continue with the k continuation
          forall b.
StmStack s b a
-> Map TVarId (SomeTVar s)
-> Map TVarId (SomeTVar s)
-> [SomeTVar s]
-> [SomeTVar s]
-> TVarId
-> StmA s b
-> ST s (SimTrace c)
go StmStack s b a
ctl' Map TVarId (SomeTVar s)
read Map TVarId (SomeTVar s)
written' [SomeTVar s]
writtenSeq' [SomeTVar s]
createdSeq' TVarId
nextVid (b -> StmA s b
k b
x)

      ThrowStm SomeException
e ->
        {-# SCC "execAtomically.go.ThrowStm" #-} do
        -- Revert all the TVar writes
        !()
_ <- forall (t :: * -> *) (f :: * -> *) a b.
(Foldable t, Applicative f) =>
(a -> f b) -> t a -> f ()
traverse_ (\(SomeTVar TVar s a
tvar) -> forall s a. TVar s a -> ST s ()
revertTVar TVar s a
tvar) Map TVarId (SomeTVar s)
written
        case StmStack s b a
ctl of
          StmStack s b a
AtomicallyFrame -> do
            StmTxResult s a -> ST s (SimTrace c)
k0 forall a b. (a -> b) -> a -> b
$ forall s a. [SomeTVar s] -> SomeException -> StmTxResult s a
StmTxAborted (forall k a. Map k a -> [a]
Map.elems Map TVarId (SomeTVar s)
read) (forall e. Exception e => e -> SomeException
toException SomeException
e)

          BranchFrame (CatchStmA SomeException -> StmA s b
h) b -> StmA s b
k Map TVarId (SomeTVar s)
writtenOuter [SomeTVar s]
writtenOuterSeq [SomeTVar s]
createdOuterSeq StmStack s b a
ctl' ->
            {-# SCC "execAtomically.go.BranchFrame" #-} do
            -- Execute the left side in a new frame with an empty written set.
            -- but preserve ones that were set prior to it, as specified in the
            -- [stm](https://hackage.haskell.org/package/stm/docs/Control-Monad-STM.html#v:catchSTM) package.
            let ctl'' :: StmStack s b a
ctl'' = forall s a a c.
BranchStmA s a
-> (a -> StmA s a)
-> Map TVarId (SomeTVar s)
-> [SomeTVar s]
-> [SomeTVar s]
-> StmStack s a c
-> StmStack s a c
BranchFrame forall s a. BranchStmA s a
NoOpStmA b -> StmA s b
k Map TVarId (SomeTVar s)
writtenOuter [SomeTVar s]
writtenOuterSeq [SomeTVar s]
createdOuterSeq StmStack s b a
ctl'
            forall b.
StmStack s b a
-> Map TVarId (SomeTVar s)
-> Map TVarId (SomeTVar s)
-> [SomeTVar s]
-> [SomeTVar s]
-> TVarId
-> StmA s b
-> ST s (SimTrace c)
go StmStack s b a
ctl'' Map TVarId (SomeTVar s)
read forall k a. Map k a
Map.empty [] [] TVarId
nextVid (SomeException -> StmA s b
h SomeException
e)

          BranchFrame (OrElseStmA StmA s b
_r) b -> StmA s b
_k Map TVarId (SomeTVar s)
writtenOuter [SomeTVar s]
writtenOuterSeq [SomeTVar s]
createdOuterSeq StmStack s b a
ctl' ->
            {-# SCC "execAtomically.go.BranchFrame" #-} do
            forall b.
StmStack s b a
-> Map TVarId (SomeTVar s)
-> Map TVarId (SomeTVar s)
-> [SomeTVar s]
-> [SomeTVar s]
-> TVarId
-> StmA s b
-> ST s (SimTrace c)
go StmStack s b a
ctl' Map TVarId (SomeTVar s)
read Map TVarId (SomeTVar s)
writtenOuter [SomeTVar s]
writtenOuterSeq [SomeTVar s]
createdOuterSeq TVarId
nextVid (forall s a. SomeException -> StmA s a
ThrowStm SomeException
e)

          BranchFrame BranchStmA s b
NoOpStmA b -> StmA s b
_k Map TVarId (SomeTVar s)
writtenOuter [SomeTVar s]
writtenOuterSeq [SomeTVar s]
createdOuterSeq StmStack s b a
ctl' ->
            {-# SCC "execAtomically.go.BranchFrame" #-} do
            forall b.
StmStack s b a
-> Map TVarId (SomeTVar s)
-> Map TVarId (SomeTVar s)
-> [SomeTVar s]
-> [SomeTVar s]
-> TVarId
-> StmA s b
-> ST s (SimTrace c)
go StmStack s b a
ctl' Map TVarId (SomeTVar s)
read Map TVarId (SomeTVar s)
writtenOuter [SomeTVar s]
writtenOuterSeq [SomeTVar s]
createdOuterSeq TVarId
nextVid (forall s a. SomeException -> StmA s a
ThrowStm SomeException
e)

      CatchStm StmA s a
a SomeException -> StmA s a
h a -> StmA s b
k ->
        {-# SCC "execAtomically.go.ThrowStm" #-} do
        -- Execute the left side in a new frame with an empty written set
        let ctl' :: StmStack s a a
ctl' = forall s a a c.
BranchStmA s a
-> (a -> StmA s a)
-> Map TVarId (SomeTVar s)
-> [SomeTVar s]
-> [SomeTVar s]
-> StmStack s a c
-> StmStack s a c
BranchFrame (forall s a. (SomeException -> StmA s a) -> BranchStmA s a
CatchStmA SomeException -> StmA s a
h) a -> StmA s b
k Map TVarId (SomeTVar s)
written [SomeTVar s]
writtenSeq [SomeTVar s]
createdSeq StmStack s b a
ctl
        forall b.
StmStack s b a
-> Map TVarId (SomeTVar s)
-> Map TVarId (SomeTVar s)
-> [SomeTVar s]
-> [SomeTVar s]
-> TVarId
-> StmA s b
-> ST s (SimTrace c)
go StmStack s a a
ctl' Map TVarId (SomeTVar s)
read forall k a. Map k a
Map.empty [] [] TVarId
nextVid StmA s a
a

      StmA s b
Retry ->
        {-# SCC "execAtomically.go.Retry" #-} do
        -- Always revert all the TVar writes for the retry
        !()
_ <- forall (t :: * -> *) (f :: * -> *) a b.
(Foldable t, Applicative f) =>
(a -> f b) -> t a -> f ()
traverse_ (\(SomeTVar TVar s a
tvar) -> forall s a. TVar s a -> ST s ()
revertTVar TVar s a
tvar) Map TVarId (SomeTVar s)
written
        case StmStack s b a
ctl of
          StmStack s b a
AtomicallyFrame -> do
            -- Return vars read, so the thread can block on them
            StmTxResult s a -> ST s (SimTrace c)
k0 forall a b. (a -> b) -> a -> b
$! forall s a. [SomeTVar s] -> StmTxResult s a
StmTxBlocked forall a b. (a -> b) -> a -> b
$! forall k a. Map k a -> [a]
Map.elems Map TVarId (SomeTVar s)
read

          BranchFrame (OrElseStmA StmA s b
b) b -> StmA s b
k Map TVarId (SomeTVar s)
writtenOuter [SomeTVar s]
writtenOuterSeq [SomeTVar s]
createdOuterSeq StmStack s b a
ctl' ->
            {-# SCC "execAtomically.go.BranchFrame.OrElseStmA" #-} do
            -- Execute the orElse right hand with an empty written set
            let ctl'' :: StmStack s b a
ctl'' = forall s a a c.
BranchStmA s a
-> (a -> StmA s a)
-> Map TVarId (SomeTVar s)
-> [SomeTVar s]
-> [SomeTVar s]
-> StmStack s a c
-> StmStack s a c
BranchFrame forall s a. BranchStmA s a
NoOpStmA b -> StmA s b
k Map TVarId (SomeTVar s)
writtenOuter [SomeTVar s]
writtenOuterSeq [SomeTVar s]
createdOuterSeq StmStack s b a
ctl'
            forall b.
StmStack s b a
-> Map TVarId (SomeTVar s)
-> Map TVarId (SomeTVar s)
-> [SomeTVar s]
-> [SomeTVar s]
-> TVarId
-> StmA s b
-> ST s (SimTrace c)
go StmStack s b a
ctl'' Map TVarId (SomeTVar s)
read forall k a. Map k a
Map.empty [] [] TVarId
nextVid StmA s b
b

          BranchFrame BranchStmA s b
_ b -> StmA s b
_k Map TVarId (SomeTVar s)
writtenOuter [SomeTVar s]
writtenOuterSeq [SomeTVar s]
createdOuterSeq StmStack s b a
ctl' ->
            {-# SCC "execAtomically.go.BranchFrame" #-} do
            -- Retry makes sense only within a OrElse context. If it is a branch other than
            -- OrElse left side, then bubble up the `retry` to the frame above.
            -- Skip the continuation and propagate the retry into the outer frame
            -- using the written set for the outer frame
            forall b.
StmStack s b a
-> Map TVarId (SomeTVar s)
-> Map TVarId (SomeTVar s)
-> [SomeTVar s]
-> [SomeTVar s]
-> TVarId
-> StmA s b
-> ST s (SimTrace c)
go StmStack s b a
ctl' Map TVarId (SomeTVar s)
read Map TVarId (SomeTVar s)
writtenOuter [SomeTVar s]
writtenOuterSeq [SomeTVar s]
createdOuterSeq TVarId
nextVid forall s b. StmA s b
Retry

      OrElse StmA s a
a StmA s a
b a -> StmA s b
k ->
        {-# SCC "execAtomically.go.OrElse" #-} do
        -- Execute the left side in a new frame with an empty written set
        let ctl' :: StmStack s a a
ctl' = forall s a a c.
BranchStmA s a
-> (a -> StmA s a)
-> Map TVarId (SomeTVar s)
-> [SomeTVar s]
-> [SomeTVar s]
-> StmStack s a c
-> StmStack s a c
BranchFrame (forall s a. StmA s a -> BranchStmA s a
OrElseStmA StmA s a
b) a -> StmA s b
k Map TVarId (SomeTVar s)
written [SomeTVar s]
writtenSeq [SomeTVar s]
createdSeq StmStack s b a
ctl
        forall b.
StmStack s b a
-> Map TVarId (SomeTVar s)
-> Map TVarId (SomeTVar s)
-> [SomeTVar s]
-> [SomeTVar s]
-> TVarId
-> StmA s b
-> ST s (SimTrace c)
go StmStack s a a
ctl' Map TVarId (SomeTVar s)
read forall k a. Map k a
Map.empty [] [] TVarId
nextVid StmA s a
a

      NewTVar !Maybe ThreadLabel
mbLabel x
x TVar s x -> StmA s b
k ->
        {-# SCC "execAtomically.go.NewTVar" #-} do
        !TVar s x
v <- forall a s. TVarId -> Maybe ThreadLabel -> a -> ST s (TVar s a)
execNewTVar TVarId
nextVid Maybe ThreadLabel
mbLabel x
x
        -- record a write to the TVar so we know to update its VClock
        let written' :: Map TVarId (SomeTVar s)
written' = forall k a. Ord k => k -> a -> Map k a -> Map k a
Map.insert (forall s a. TVar s a -> TVarId
tvarId TVar s x
v) (forall s a. TVar s a -> SomeTVar s
SomeTVar TVar s x
v) Map TVarId (SomeTVar s)
written
        -- save the value: it will be committed or reverted
        !()
_ <- forall s a. TVar s a -> ST s ()
saveTVar TVar s x
v
        forall b.
StmStack s b a
-> Map TVarId (SomeTVar s)
-> Map TVarId (SomeTVar s)
-> [SomeTVar s]
-> [SomeTVar s]
-> TVarId
-> StmA s b
-> ST s (SimTrace c)
go StmStack s b a
ctl Map TVarId (SomeTVar s)
read Map TVarId (SomeTVar s)
written' [SomeTVar s]
writtenSeq (forall s a. TVar s a -> SomeTVar s
SomeTVar TVar s x
v forall a. a -> [a] -> [a]
: [SomeTVar s]
createdSeq) (forall a. Enum a => a -> a
succ TVarId
nextVid) (TVar s x -> StmA s b
k TVar s x
v)

      LabelTVar !ThreadLabel
label TVar s a
tvar StmA s b
k ->
        {-# SCC "execAtomically.go.LabelTVar" #-} do
        !()
_ <- forall s a. STRef s a -> a -> ST s ()
writeSTRef (forall s a. TVar s a -> STRef s (Maybe ThreadLabel)
tvarLabel TVar s a
tvar) forall a b. (a -> b) -> a -> b
$! (forall a. a -> Maybe a
Just ThreadLabel
label)
        forall b.
StmStack s b a
-> Map TVarId (SomeTVar s)
-> Map TVarId (SomeTVar s)
-> [SomeTVar s]
-> [SomeTVar s]
-> TVarId
-> StmA s b
-> ST s (SimTrace c)
go StmStack s b a
ctl Map TVarId (SomeTVar s)
read Map TVarId (SomeTVar s)
written [SomeTVar s]
writtenSeq [SomeTVar s]
createdSeq TVarId
nextVid StmA s b
k

      TraceTVar TVar s a
tvar Maybe a -> a -> ST s TraceValue
f StmA s b
k ->
        {-# SCC "execAtomically.go.TraceTVar" #-} do
        !()
_ <- forall s a. STRef s a -> a -> ST s ()
writeSTRef (forall s a.
TVar s a -> STRef s (Maybe (Maybe a -> a -> ST s TraceValue))
tvarTrace TVar s a
tvar) (forall a. a -> Maybe a
Just Maybe a -> a -> ST s TraceValue
f)
        forall b.
StmStack s b a
-> Map TVarId (SomeTVar s)
-> Map TVarId (SomeTVar s)
-> [SomeTVar s]
-> [SomeTVar s]
-> TVarId
-> StmA s b
-> ST s (SimTrace c)
go StmStack s b a
ctl Map TVarId (SomeTVar s)
read Map TVarId (SomeTVar s)
written [SomeTVar s]
writtenSeq [SomeTVar s]
createdSeq TVarId
nextVid StmA s b
k

      ReadTVar TVar s a
v a -> StmA s b
k
        | forall s a. TVar s a -> TVarId
tvarId TVar s a
v forall k a. Ord k => k -> Map k a -> Bool
`Map.member` Map TVarId (SomeTVar s)
read ->
            {-# SCC "execAtomically.go.ReadTVar" #-} do
            a
x <- forall s a. TVar s a -> ST s a
execReadTVar TVar s a
v
            forall b.
StmStack s b a
-> Map TVarId (SomeTVar s)
-> Map TVarId (SomeTVar s)
-> [SomeTVar s]
-> [SomeTVar s]
-> TVarId
-> StmA s b
-> ST s (SimTrace c)
go StmStack s b a
ctl Map TVarId (SomeTVar s)
read Map TVarId (SomeTVar s)
written [SomeTVar s]
writtenSeq [SomeTVar s]
createdSeq TVarId
nextVid (a -> StmA s b
k a
x)
        | Bool
otherwise ->
            {-# SCC "execAtomically.go.ReadTVar" #-} do
            a
x <- forall s a. TVar s a -> ST s a
execReadTVar TVar s a
v
            let read' :: Map TVarId (SomeTVar s)
read' = forall k a. Ord k => k -> a -> Map k a -> Map k a
Map.insert (forall s a. TVar s a -> TVarId
tvarId TVar s a
v) (forall s a. TVar s a -> SomeTVar s
SomeTVar TVar s a
v) Map TVarId (SomeTVar s)
read
            forall b.
StmStack s b a
-> Map TVarId (SomeTVar s)
-> Map TVarId (SomeTVar s)
-> [SomeTVar s]
-> [SomeTVar s]
-> TVarId
-> StmA s b
-> ST s (SimTrace c)
go StmStack s b a
ctl Map TVarId (SomeTVar s)
read' Map TVarId (SomeTVar s)
written [SomeTVar s]
writtenSeq [SomeTVar s]
createdSeq TVarId
nextVid (a -> StmA s b
k a
x)

      WriteTVar TVar s a
v a
x StmA s b
k
        | forall s a. TVar s a -> TVarId
tvarId TVar s a
v forall k a. Ord k => k -> Map k a -> Bool
`Map.member` Map TVarId (SomeTVar s)
written ->
            {-# SCC "execAtomically.go.WriteTVar" #-} do
            !()
_ <- forall s a. TVar s a -> a -> ST s ()
execWriteTVar TVar s a
v a
x
            forall b.
StmStack s b a
-> Map TVarId (SomeTVar s)
-> Map TVarId (SomeTVar s)
-> [SomeTVar s]
-> [SomeTVar s]
-> TVarId
-> StmA s b
-> ST s (SimTrace c)
go StmStack s b a
ctl Map TVarId (SomeTVar s)
read Map TVarId (SomeTVar s)
written [SomeTVar s]
writtenSeq [SomeTVar s]
createdSeq TVarId
nextVid StmA s b
k
        | Bool
otherwise ->
            {-# SCC "execAtomically.go.WriteTVar" #-} do
            !()
_ <- forall s a. TVar s a -> ST s ()
saveTVar TVar s a
v
            !()
_ <- forall s a. TVar s a -> a -> ST s ()
execWriteTVar TVar s a
v a
x
            let written' :: Map TVarId (SomeTVar s)
written' = forall k a. Ord k => k -> a -> Map k a -> Map k a
Map.insert (forall s a. TVar s a -> TVarId
tvarId TVar s a
v) (forall s a. TVar s a -> SomeTVar s
SomeTVar TVar s a
v) Map TVarId (SomeTVar s)
written
            forall b.
StmStack s b a
-> Map TVarId (SomeTVar s)
-> Map TVarId (SomeTVar s)
-> [SomeTVar s]
-> [SomeTVar s]
-> TVarId
-> StmA s b
-> ST s (SimTrace c)
go StmStack s b a
ctl Map TVarId (SomeTVar s)
read Map TVarId (SomeTVar s)
written' (forall s a. TVar s a -> SomeTVar s
SomeTVar TVar s a
v forall a. a -> [a] -> [a]
: [SomeTVar s]
writtenSeq) [SomeTVar s]
createdSeq TVarId
nextVid StmA s b
k

      SayStm ThreadLabel
msg StmA s b
k ->
        {-# SCC "execAtomically.go.SayStm" #-} do
        SimTrace c
trace <- forall b.
StmStack s b a
-> Map TVarId (SomeTVar s)
-> Map TVarId (SomeTVar s)
-> [SomeTVar s]
-> [SomeTVar s]
-> TVarId
-> StmA s b
-> ST s (SimTrace c)
go StmStack s b a
ctl Map TVarId (SomeTVar s)
read Map TVarId (SomeTVar s)
written [SomeTVar s]
writtenSeq [SomeTVar s]
createdSeq TVarId
nextVid StmA s b
k
        -- TODO: step
        forall (m :: * -> *) a. Monad m => a -> m a
return forall a b. (a -> b) -> a -> b
$ forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid (-Int
1) Maybe ThreadLabel
tlbl (ThreadLabel -> SimEventType
EventSay ThreadLabel
msg) SimTrace c
trace

      OutputStm Dynamic
x StmA s b
k ->
        {-# SCC "execAtomically.go.OutputStm" #-} do
        SimTrace c
trace <- forall b.
StmStack s b a
-> Map TVarId (SomeTVar s)
-> Map TVarId (SomeTVar s)
-> [SomeTVar s]
-> [SomeTVar s]
-> TVarId
-> StmA s b
-> ST s (SimTrace c)
go StmStack s b a
ctl Map TVarId (SomeTVar s)
read Map TVarId (SomeTVar s)
written [SomeTVar s]
writtenSeq [SomeTVar s]
createdSeq TVarId
nextVid StmA s b
k
        -- TODO: step
        forall (m :: * -> *) a. Monad m => a -> m a
return forall a b. (a -> b) -> a -> b
$ forall a.
Time
-> ThreadId
-> Int
-> Maybe ThreadLabel
-> SimEventType
-> SimTrace a
-> SimTrace a
SimPORTrace Time
time ThreadId
tid (-Int
1) Maybe ThreadLabel
tlbl (Dynamic -> SimEventType
EventLog Dynamic
x) SimTrace c
trace

      LiftSTStm ST s a
st a -> StmA s b
k ->
        {-# SCC "schedule.LiftSTStm" #-} do
        a
x <- forall s a. ST s a -> ST s a
strictToLazyST ST s a
st
        forall b.
StmStack s b a
-> Map TVarId (SomeTVar s)
-> Map TVarId (SomeTVar s)
-> [SomeTVar s]
-> [SomeTVar s]
-> TVarId
-> StmA s b
-> ST s (SimTrace c)
go StmStack s b a
ctl Map TVarId (SomeTVar s)
read Map TVarId (SomeTVar s)
written [SomeTVar s]
writtenSeq [SomeTVar s]
createdSeq TVarId
nextVid (a -> StmA s b
k a
x)

      FixStm x -> STM s x
f x -> StmA s b
k ->
        {-# SCC "execAtomically.go.FixStm" #-} do
        STRef s x
r <- forall a s. a -> ST s (STRef s a)
newSTRef (forall a e. Exception e => e -> a
throw NonTermination
NonTermination)
        x
x <- forall s a. ST s a -> ST s a
unsafeInterleaveST forall a b. (a -> b) -> a -> b
$ forall s a. STRef s a -> ST s a
readSTRef STRef s x
r
        let k' :: StmA s b
k' = forall s a. STM s a -> forall r. (a -> StmA s r) -> StmA s r
unSTM (x -> STM s x
f x
x) forall a b. (a -> b) -> a -> b
$ \x
x' ->
                    forall s a b. ST s a -> (a -> StmA s b) -> StmA s b
LiftSTStm (forall s a. ST s a -> ST s a
lazyToStrictST (forall s a. STRef s a -> a -> ST s ()
writeSTRef STRef s x
r x
x')) (\() -> x -> StmA s b
k x
x')
        forall b.
StmStack s b a
-> Map TVarId (SomeTVar s)
-> Map TVarId (SomeTVar s)
-> [SomeTVar s]
-> [SomeTVar s]
-> TVarId
-> StmA s b
-> ST s (SimTrace c)
go StmStack s b a
ctl Map TVarId (SomeTVar s)
read Map TVarId (SomeTVar s)
written [SomeTVar s]
writtenSeq [SomeTVar s]
createdSeq TVarId
nextVid StmA s b
k'

      where
        localInvariant :: Bool
localInvariant =
            forall k a. Map k a -> Set k
Map.keysSet Map TVarId (SomeTVar s)
written
         forall a. Eq a => a -> a -> Bool
== forall a. Ord a => [a] -> Set a
Set.fromList ([ forall s a. TVar s a -> TVarId
tvarId TVar s a
tvar | SomeTVar TVar s a
tvar <- [SomeTVar s]
writtenSeq ]
                       forall a. [a] -> [a] -> [a]
++ [ forall s a. TVar s a -> TVarId
tvarId TVar s a
tvar | SomeTVar TVar s a
tvar <- [SomeTVar s]
createdSeq ])


-- | Special case of 'execAtomically' supporting only var reads and writes
--
execAtomically' :: StmA s () -> ST s [SomeTVar s]
execAtomically' :: forall s. StmA s () -> ST s [SomeTVar s]
execAtomically' = forall s. Map TVarId (SomeTVar s) -> StmA s () -> ST s [SomeTVar s]
go forall k a. Map k a
Map.empty
  where
    go :: Map TVarId (SomeTVar s)  -- set of vars written
       -> StmA s ()
       -> ST s [SomeTVar s]
    go :: forall s. Map TVarId (SomeTVar s) -> StmA s () -> ST s [SomeTVar s]
go !Map TVarId (SomeTVar s)
written StmA s ()
action = case StmA s ()
action of
      ReturnStm () -> do
        !()
_ <- forall (t :: * -> *) (f :: * -> *) a b.
(Foldable t, Applicative f) =>
(a -> f b) -> t a -> f ()
traverse_ (\(SomeTVar TVar s a
tvar) -> forall s a. TVar s a -> ST s ()
commitTVar TVar s a
tvar) Map TVarId (SomeTVar s)
written
        forall (m :: * -> *) a. Monad m => a -> m a
return (forall k a. Map k a -> [a]
Map.elems Map TVarId (SomeTVar s)
written)
      ReadTVar TVar s a
v a -> StmA s ()
k  -> do
        a
x <- forall s a. TVar s a -> ST s a
execReadTVar TVar s a
v
        forall s. Map TVarId (SomeTVar s) -> StmA s () -> ST s [SomeTVar s]
go Map TVarId (SomeTVar s)
written (a -> StmA s ()
k a
x)
      WriteTVar TVar s a
v a
x StmA s ()
k
        | forall s a. TVar s a -> TVarId
tvarId TVar s a
v forall k a. Ord k => k -> Map k a -> Bool
`Map.member` Map TVarId (SomeTVar s)
written -> do
            !()
_ <- forall s a. TVar s a -> a -> ST s ()
execWriteTVar TVar s a
v a
x
            forall s. Map TVarId (SomeTVar s) -> StmA s () -> ST s [SomeTVar s]
go Map TVarId (SomeTVar s)
written StmA s ()
k
        | Bool
otherwise -> do
            !()
_ <- forall s a. TVar s a -> ST s ()
saveTVar TVar s a
v
            !()
_ <- forall s a. TVar s a -> a -> ST s ()
execWriteTVar TVar s a
v a
x
            let written' :: Map TVarId (SomeTVar s)
written' = forall k a. Ord k => k -> a -> Map k a -> Map k a
Map.insert (forall s a. TVar s a -> TVarId
tvarId TVar s a
v) (forall s a. TVar s a -> SomeTVar s
SomeTVar TVar s a
v) Map TVarId (SomeTVar s)
written
            forall s. Map TVarId (SomeTVar s) -> StmA s () -> ST s [SomeTVar s]
go Map TVarId (SomeTVar s)
written' StmA s ()
k
      StmA s ()
_ -> forall a. (?callStack::CallStack) => ThreadLabel -> a
error ThreadLabel
"execAtomically': only for special case of reads and writes"


execNewTVar :: TVarId -> Maybe String -> a -> ST s (TVar s a)
execNewTVar :: forall a s. TVarId -> Maybe ThreadLabel -> a -> ST s (TVar s a)
execNewTVar TVarId
nextVid !Maybe ThreadLabel
mbLabel a
x = do
    STRef s (Maybe ThreadLabel)
tvarLabel   <- forall a s. a -> ST s (STRef s a)
newSTRef Maybe ThreadLabel
mbLabel
    STRef s a
tvarCurrent <- forall a s. a -> ST s (STRef s a)
newSTRef a
x
    STRef s [a]
tvarUndo    <- forall a s. a -> ST s (STRef s a)
newSTRef []
    STRef s ([ThreadId], Set ThreadId)
tvarBlocked <- forall a s. a -> ST s (STRef s a)
newSTRef ([], forall a. Set a
Set.empty)
    STRef s VectorClock
tvarVClock  <- forall a s. a -> ST s (STRef s a)
newSTRef VectorClock
bottomVClock
    STRef s (Maybe (Maybe a -> a -> ST s TraceValue))
tvarTrace   <- forall a s. a -> ST s (STRef s a)
newSTRef forall a. Maybe a
Nothing
    forall (m :: * -> *) a. Monad m => a -> m a
return TVar {tvarId :: TVarId
tvarId = TVarId
nextVid, STRef s (Maybe ThreadLabel)
tvarLabel :: STRef s (Maybe ThreadLabel)
tvarLabel :: STRef s (Maybe ThreadLabel)
tvarLabel,
                 STRef s a
tvarCurrent :: STRef s a
tvarCurrent :: STRef s a
tvarCurrent, STRef s [a]
tvarUndo :: STRef s [a]
tvarUndo :: STRef s [a]
tvarUndo, STRef s ([ThreadId], Set ThreadId)
tvarBlocked :: STRef s ([ThreadId], Set ThreadId)
tvarBlocked :: STRef s ([ThreadId], Set ThreadId)
tvarBlocked, STRef s VectorClock
tvarVClock :: STRef s VectorClock
tvarVClock :: STRef s VectorClock
tvarVClock,
                 STRef s (Maybe (Maybe a -> a -> ST s TraceValue))
tvarTrace :: STRef s (Maybe (Maybe a -> a -> ST s TraceValue))
tvarTrace :: STRef s (Maybe (Maybe a -> a -> ST s TraceValue))
tvarTrace}

-- 'execReadTVar' is defined in `Control.Monad.IOSim.Type` and shared with /IOSim/

execWriteTVar :: TVar s a -> a -> ST s ()
execWriteTVar :: forall s a. TVar s a -> a -> ST s ()
execWriteTVar TVar{STRef s a
tvarCurrent :: STRef s a
tvarCurrent :: forall s a. TVar s a -> STRef s a
tvarCurrent} = forall s a. STRef s a -> a -> ST s ()
writeSTRef STRef s a
tvarCurrent
{-# INLINE execWriteTVar #-}

execTryPutTMVar :: TMVar (IOSim s) a -> a -> ST s Bool
execTryPutTMVar :: forall s a. TMVar (IOSim s) a -> a -> ST s Bool
execTryPutTMVar (TMVar TVar (IOSim s) (Maybe a)
var) a
a = do
    Maybe a
v <- forall s a. TVar s a -> ST s a
execReadTVar TVar (IOSim s) (Maybe a)
var
    case Maybe a
v of
      Maybe a
Nothing -> forall s a. TVar s a -> a -> ST s ()
execWriteTVar TVar (IOSim s) (Maybe a)
var (forall a. a -> Maybe a
Just a
a)
              forall (m :: * -> *) a b. Monad m => m a -> m b -> m b
>> forall (m :: * -> *) a. Monad m => a -> m a
return Bool
True
      Just a
_  -> forall (m :: * -> *) a. Monad m => a -> m a
return Bool
False
{-# INLINE execTryPutTMVar #-}

saveTVar :: TVar s a -> ST s ()
saveTVar :: forall s a. TVar s a -> ST s ()
saveTVar TVar{STRef s a
tvarCurrent :: STRef s a
tvarCurrent :: forall s a. TVar s a -> STRef s a
tvarCurrent, STRef s [a]
tvarUndo :: STRef s [a]
tvarUndo :: forall s a. TVar s a -> STRef s [a]
tvarUndo} = do
    -- push the current value onto the undo stack
    a
v  <- forall s a. STRef s a -> ST s a
readSTRef STRef s a
tvarCurrent
    [a]
vs <- forall s a. STRef s a -> ST s a
readSTRef STRef s [a]
tvarUndo
    forall s a. STRef s a -> a -> ST s ()
writeSTRef STRef s [a]
tvarUndo (a
vforall a. a -> [a] -> [a]
:[a]
vs)

revertTVar :: TVar s a -> ST s ()
revertTVar :: forall s a. TVar s a -> ST s ()
revertTVar TVar{STRef s a
tvarCurrent :: STRef s a
tvarCurrent :: forall s a. TVar s a -> STRef s a
tvarCurrent, STRef s [a]
tvarUndo :: STRef s [a]
tvarUndo :: forall s a. TVar s a -> STRef s [a]
tvarUndo} = do
    -- pop the undo stack, and revert the current value
    [a]
vs <- forall s a. STRef s a -> ST s a
readSTRef STRef s [a]
tvarUndo
    forall s a. STRef s a -> a -> ST s ()
writeSTRef STRef s a
tvarCurrent (forall a. [a] -> a
head [a]
vs)
    forall s a. STRef s a -> a -> ST s ()
writeSTRef STRef s [a]
tvarUndo    (forall a. [a] -> [a]
tail [a]
vs)
{-# INLINE revertTVar #-}

commitTVar :: TVar s a -> ST s ()
commitTVar :: forall s a. TVar s a -> ST s ()
commitTVar TVar{STRef s [a]
tvarUndo :: STRef s [a]
tvarUndo :: forall s a. TVar s a -> STRef s [a]
tvarUndo} = do
    [a]
vs <- forall s a. STRef s a -> ST s a
readSTRef STRef s [a]
tvarUndo
    -- pop the undo stack, leaving the current value unchanged
    forall s a. STRef s a -> a -> ST s ()
writeSTRef STRef s [a]
tvarUndo (forall a. [a] -> [a]
tail [a]
vs)
{-# INLINE commitTVar #-}

readTVarUndos :: TVar s a -> ST s [a]
readTVarUndos :: forall s a. TVar s a -> ST s [a]
readTVarUndos TVar{STRef s [a]
tvarUndo :: STRef s [a]
tvarUndo :: forall s a. TVar s a -> STRef s [a]
tvarUndo} = forall s a. STRef s a -> ST s a
readSTRef STRef s [a]
tvarUndo

-- | Trace a 'TVar'.  It must be called only on 'TVar's that were new or
-- 'written.
traceTVarST :: TVar s a
            -> Bool -- true if it's a new 'TVar'
            -> ST s TraceValue
traceTVarST :: forall s a. TVar s a -> Bool -> ST s TraceValue
traceTVarST TVar{STRef s a
tvarCurrent :: STRef s a
tvarCurrent :: forall s a. TVar s a -> STRef s a
tvarCurrent, STRef s [a]
tvarUndo :: STRef s [a]
tvarUndo :: forall s a. TVar s a -> STRef s [a]
tvarUndo, STRef s (Maybe (Maybe a -> a -> ST s TraceValue))
tvarTrace :: STRef s (Maybe (Maybe a -> a -> ST s TraceValue))
tvarTrace :: forall s a.
TVar s a -> STRef s (Maybe (Maybe a -> a -> ST s TraceValue))
tvarTrace} Bool
new = do
    Maybe (Maybe a -> a -> ST s TraceValue)
mf <- forall s a. STRef s a -> ST s a
readSTRef STRef s (Maybe (Maybe a -> a -> ST s TraceValue))
tvarTrace
    case Maybe (Maybe a -> a -> ST s TraceValue)
mf of
      Maybe (Maybe a -> a -> ST s TraceValue)
Nothing -> forall (m :: * -> *) a. Monad m => a -> m a
return TraceValue { traceDynamic :: Maybe ()
traceDynamic = (forall a. Maybe a
Nothing :: Maybe ()), traceString :: Maybe ThreadLabel
traceString = forall a. Maybe a
Nothing }
      Just Maybe a -> a -> ST s TraceValue
f  -> do
        [a]
vs <- forall s a. STRef s a -> ST s a
readSTRef STRef s [a]
tvarUndo
        a
v <-  forall s a. STRef s a -> ST s a
readSTRef STRef s a
tvarCurrent
        case (Bool
new, [a]
vs) of
          (Bool
True, [a]
_) -> Maybe a -> a -> ST s TraceValue
f forall a. Maybe a
Nothing a
v
          (Bool
_, a
_:[a]
_)  -> Maybe a -> a -> ST s TraceValue
f (forall a. a -> Maybe a
Just forall a b. (a -> b) -> a -> b
$ forall a. [a] -> a
last [a]
vs) a
v
          (Bool, [a])
_         -> forall a. (?callStack::CallStack) => ThreadLabel -> a
error ThreadLabel
"traceTVarST: unexpected tvar state"



leastUpperBoundTVarVClocks :: [SomeTVar s] -> ST s VectorClock
leastUpperBoundTVarVClocks :: forall s. [SomeTVar s] -> ST s VectorClock
leastUpperBoundTVarVClocks [SomeTVar s]
tvars =
  forall (t :: * -> *) a b.
Foldable t =>
(a -> b -> b) -> b -> t a -> b
foldr VectorClock -> VectorClock -> VectorClock
leastUpperBoundVClock VectorClock
bottomVClock forall (f :: * -> *) a b. Functor f => (a -> b) -> f a -> f b
<$>
    forall (t :: * -> *) (m :: * -> *) a.
(Traversable t, Monad m) =>
t (m a) -> m (t a)
sequence [forall s a. STRef s a -> ST s a
readSTRef (forall s a. TVar s a -> STRef s VectorClock
tvarVClock TVar s a
r) | SomeTVar TVar s a
r <- [SomeTVar s]
tvars]

--
-- Blocking and unblocking on TVars
--

readTVarBlockedThreads :: TVar s a -> ST s [ThreadId]
readTVarBlockedThreads :: forall s a. TVar s a -> ST s [ThreadId]
readTVarBlockedThreads TVar{STRef s ([ThreadId], Set ThreadId)
tvarBlocked :: STRef s ([ThreadId], Set ThreadId)
tvarBlocked :: forall s a. TVar s a -> STRef s ([ThreadId], Set ThreadId)
tvarBlocked} = forall a b. (a, b) -> a
fst forall (f :: * -> *) a b. Functor f => (a -> b) -> f a -> f b
<$> forall s a. STRef s a -> ST s a
readSTRef STRef s ([ThreadId], Set ThreadId)
tvarBlocked

blockThreadOnTVar :: ThreadId -> TVar s a -> ST s ()
blockThreadOnTVar :: forall s a. ThreadId -> TVar s a -> ST s ()
blockThreadOnTVar ThreadId
tid TVar{STRef s ([ThreadId], Set ThreadId)
tvarBlocked :: STRef s ([ThreadId], Set ThreadId)
tvarBlocked :: forall s a. TVar s a -> STRef s ([ThreadId], Set ThreadId)
tvarBlocked} = do
    ([ThreadId]
tids, Set ThreadId
tidsSet) <- forall s a. STRef s a -> ST s a
readSTRef STRef s ([ThreadId], Set ThreadId)
tvarBlocked
    forall (f :: * -> *). Applicative f => Bool -> f () -> f ()
when (ThreadId
tid forall a. Ord a => a -> Set a -> Bool
`Set.notMember` Set ThreadId
tidsSet) forall a b. (a -> b) -> a -> b
$ do
      let !tids' :: [ThreadId]
tids'    = ThreadId
tid forall a. a -> [a] -> [a]
: [ThreadId]
tids
          !tidsSet' :: Set ThreadId
tidsSet' = forall a. Ord a => a -> Set a -> Set a
Set.insert ThreadId
tid Set ThreadId
tidsSet
      forall s a. STRef s a -> a -> ST s ()
writeSTRef STRef s ([ThreadId], Set ThreadId)
tvarBlocked ([ThreadId]
tids', Set ThreadId
tidsSet')

unblockAllThreadsFromTVar :: TVar s a -> ST s ()
unblockAllThreadsFromTVar :: forall s a. TVar s a -> ST s ()
unblockAllThreadsFromTVar TVar{STRef s ([ThreadId], Set ThreadId)
tvarBlocked :: STRef s ([ThreadId], Set ThreadId)
tvarBlocked :: forall s a. TVar s a -> STRef s ([ThreadId], Set ThreadId)
tvarBlocked} = do
    forall s a. STRef s a -> a -> ST s ()
writeSTRef STRef s ([ThreadId], Set ThreadId)
tvarBlocked ([], forall a. Set a
Set.empty)

-- | For each TVar written to in a transaction (in order) collect the threads
-- that blocked on each one (in order).
--
-- Also, for logging purposes, return an association between the threads and
-- the var writes that woke them.
--
threadsUnblockedByWrites :: [SomeTVar s]
                         -> ST s ([ThreadId], Map ThreadId (Set (Labelled TVarId)))
threadsUnblockedByWrites :: forall s.
[SomeTVar s]
-> ST s ([ThreadId], Map ThreadId (Set (Labelled TVarId)))
threadsUnblockedByWrites [SomeTVar s]
written = do
  [(Labelled TVarId, [ThreadId])]
tidss <- forall (t :: * -> *) (m :: * -> *) a.
(Traversable t, Monad m) =>
t (m a) -> m (t a)
sequence
             [ (,) forall (f :: * -> *) a b. Functor f => (a -> b) -> f a -> f b
<$> forall s a. TVar s a -> ST s (Labelled TVarId)
labelledTVarId TVar s a
tvar forall (f :: * -> *) a b. Applicative f => f (a -> b) -> f a -> f b
<*> forall s a. TVar s a -> ST s [ThreadId]
readTVarBlockedThreads TVar s a
tvar
             | SomeTVar TVar s a
tvar <- [SomeTVar s]
written ]
  -- Threads to wake up, in wake up order, annotated with the vars written that
  -- caused the unblocking.
  -- We reverse the individual lists because the tvarBlocked is used as a stack
  -- so it is in order of last written, LIFO, and we want FIFO behaviour.
  let wakeup :: [ThreadId]
wakeup = forall a. Ord a => [a] -> [a]
ordNub [ ThreadId
tid | (Labelled TVarId
_vid, [ThreadId]
tids) <- [(Labelled TVarId, [ThreadId])]
tidss, ThreadId
tid <- forall a. [a] -> [a]
reverse [ThreadId]
tids ]
      wokeby :: Map ThreadId (Set (Labelled TVarId))
wokeby = forall k a. Ord k => (a -> a -> a) -> [(k, a)] -> Map k a
Map.fromListWith forall a. Ord a => Set a -> Set a -> Set a
Set.union
                                [ (ThreadId
tid, forall a. a -> Set a
Set.singleton Labelled TVarId
vid)
                                | (Labelled TVarId
vid, [ThreadId]
tids) <- [(Labelled TVarId, [ThreadId])]
tidss
                                , ThreadId
tid <- [ThreadId]
tids ]
  forall (m :: * -> *) a. Monad m => a -> m a
return ([ThreadId]
wakeup, Map ThreadId (Set (Labelled TVarId))
wokeby)

ordNub :: Ord a => [a] -> [a]
ordNub :: forall a. Ord a => [a] -> [a]
ordNub = forall {a}. Ord a => Set a -> [a] -> [a]
go forall a. Set a
Set.empty
  where
    go :: Set a -> [a] -> [a]
go !Set a
_ [] = []
    go !Set a
s (a
x:[a]
xs)
      | a
x forall a. Ord a => a -> Set a -> Bool
`Set.member` Set a
s = Set a -> [a] -> [a]
go Set a
s [a]
xs
      | Bool
otherwise        = a
x forall a. a -> [a] -> [a]
: Set a -> [a] -> [a]
go (forall a. Ord a => a -> Set a -> Set a
Set.insert a
x Set a
s) [a]
xs

--
-- Steps
--

data Step = Step {
    Step -> ThreadId
stepThreadId :: !ThreadId,
    Step -> Int
stepStep     :: !Int,
    Step -> Effect
stepEffect   :: !Effect,
    Step -> VectorClock
stepVClock   :: !VectorClock
  }
  deriving Int -> Step -> ShowS
[Step] -> ShowS
Step -> ThreadLabel
forall a.
(Int -> a -> ShowS)
-> (a -> ThreadLabel) -> ([a] -> ShowS) -> Show a
showList :: [Step] -> ShowS
$cshowList :: [Step] -> ShowS
show :: Step -> ThreadLabel
$cshow :: Step -> ThreadLabel
showsPrec :: Int -> Step -> ShowS
$cshowsPrec :: Int -> Step -> ShowS
Show

-- steps race if they can be reordered with a possibly different outcome
racingSteps :: Step -- ^ an earlier step
            -> Step -- ^ a later step
            -> Bool
racingSteps :: Step -> Step -> Bool
racingSteps Step
s Step
s' =
     Step -> ThreadId
stepThreadId Step
s forall a. Eq a => a -> a -> Bool
/= Step -> ThreadId
stepThreadId Step
s'
  Bool -> Bool -> Bool
&& Bool -> Bool
not (Step -> ThreadId
stepThreadId Step
s' forall (t :: * -> *) a. (Foldable t, Eq a) => a -> t a -> Bool
`elem` Effect -> [ThreadId]
effectWakeup (Step -> Effect
stepEffect Step
s))
  Bool -> Bool -> Bool
&& (Step -> Effect
stepEffect Step
s Effect -> Effect -> Bool
`racingEffects` Step -> Effect
stepEffect Step
s'
   Bool -> Bool -> Bool
|| Step -> Step -> Bool
throwsTo Step
s Step
s'
   Bool -> Bool -> Bool
|| Step -> Step -> Bool
throwsTo Step
s' Step
s)
  where throwsTo :: Step -> Step -> Bool
throwsTo Step
s1 Step
s2 =
             Step -> ThreadId
stepThreadId Step
s2 forall (t :: * -> *) a. (Foldable t, Eq a) => a -> t a -> Bool
`elem` Effect -> [ThreadId]
effectThrows (Step -> Effect
stepEffect Step
s1)
          Bool -> Bool -> Bool
&& Step -> Effect
stepEffect Step
s2 forall a. Eq a => a -> a -> Bool
/= forall a. Monoid a => a
mempty

currentStep :: Thread s a -> Step
currentStep :: forall s a. Thread s a -> Step
currentStep Thread { threadId :: forall s a. Thread s a -> ThreadId
threadId     = ThreadId
tid,
                     threadStep :: forall s a. Thread s a -> Int
threadStep   = Int
tstep,
                     threadEffect :: forall s a. Thread s a -> Effect
threadEffect = Effect
teffect,
                     threadVClock :: forall s a. Thread s a -> VectorClock
threadVClock = VectorClock
vClock
                   } =
  Step { stepThreadId :: ThreadId
stepThreadId = ThreadId
tid,
         stepStep :: Int
stepStep     = Int
tstep,
         stepEffect :: Effect
stepEffect   = Effect
teffect,
         stepVClock :: VectorClock
stepVClock   = VectorClock
vClock
       }

stepThread :: Thread s a -> Thread s a
stepThread :: forall s a. Thread s a -> Thread s a
stepThread thread :: Thread s a
thread@Thread { threadId :: forall s a. Thread s a -> ThreadId
threadId     = ThreadId
tid,
                           threadStep :: forall s a. Thread s a -> Int
threadStep   = Int
tstep,
                           threadVClock :: forall s a. Thread s a -> VectorClock
threadVClock = VectorClock
vClock } =
  Thread s a
thread { threadStep :: Int
threadStep   = Int
tstepforall a. Num a => a -> a -> a
+Int
1,
           threadEffect :: Effect
threadEffect = forall a. Monoid a => a
mempty,
           threadVClock :: VectorClock
threadVClock = ThreadId -> Int -> VectorClock -> VectorClock
insertVClock ThreadId
tid (Int
tstepforall a. Num a => a -> a -> a
+Int
1) VectorClock
vClock
         }

-- As we run a simulation, we collect info about each previous step
data StepInfo = StepInfo {
    StepInfo -> Step
stepInfoStep       :: Step,
    -- Control information when we reached this step
    StepInfo -> ScheduleControl
stepInfoControl    :: ScheduleControl,
    -- threads that are still concurrent with this step
    StepInfo -> Set ThreadId
stepInfoConcurrent :: Set ThreadId,
    -- steps following this one that did not happen after it
    -- (in reverse order)
    StepInfo -> [Step]
stepInfoNonDep     :: [Step],
    -- later steps that race with this one
    StepInfo -> [Step]
stepInfoRaces      :: [Step]
  }
  deriving Int -> StepInfo -> ShowS
[StepInfo] -> ShowS
StepInfo -> ThreadLabel
forall a.
(Int -> a -> ShowS)
-> (a -> ThreadLabel) -> ([a] -> ShowS) -> Show a
showList :: [StepInfo] -> ShowS
$cshowList :: [StepInfo] -> ShowS
show :: StepInfo -> ThreadLabel
$cshow :: StepInfo -> ThreadLabel
showsPrec :: Int -> StepInfo -> ShowS
$cshowsPrec :: Int -> StepInfo -> ShowS
Show

--
-- Races
--

data Races = Races { -- These steps may still race with future steps
                     Races -> [StepInfo]
activeRaces   :: ![StepInfo],
                     -- These steps cannot be concurrent with future steps
                     Races -> [StepInfo]
completeRaces :: ![StepInfo]
                   }
  deriving Int -> Races -> ShowS
[Races] -> ShowS
Races -> ThreadLabel
forall a.
(Int -> a -> ShowS)
-> (a -> ThreadLabel) -> ([a] -> ShowS) -> Show a
showList :: [Races] -> ShowS
$cshowList :: [Races] -> ShowS
show :: Races -> ThreadLabel
$cshow :: Races -> ThreadLabel
showsPrec :: Int -> Races -> ShowS
$cshowsPrec :: Int -> Races -> ShowS
Show

noRaces :: Races
noRaces :: Races
noRaces = [StepInfo] -> [StepInfo] -> Races
Races [] []

updateRacesInSimState :: Thread s a -> SimState s a -> Races
updateRacesInSimState :: forall s a. Thread s a -> SimState s a -> Races
updateRacesInSimState Thread s a
thread SimState{ ScheduleControl
control :: ScheduleControl
control :: forall s a. SimState s a -> ScheduleControl
control, Map ThreadId (Thread s a)
threads :: Map ThreadId (Thread s a)
threads :: forall s a. SimState s a -> Map ThreadId (Thread s a)
threads, Races
races :: Races
races :: forall s a. SimState s a -> Races
races } =
    Races -> Races
traceRaces forall a b. (a -> b) -> a -> b
$
    Step -> Bool -> ScheduleControl -> Set ThreadId -> Races -> Races
updateRaces Step
step
                (forall s a. Thread s a -> Bool
isThreadBlocked Thread s a
thread)
                ScheduleControl
control
                (forall k a. Map k a -> Set k
Map.keysSet (forall a k. (a -> Bool) -> Map k a -> Map k a
Map.filter (\Thread s a
t -> Bool -> Bool
not (forall s a. Thread s a -> Bool
isThreadDone Thread s a
t)
                                             Bool -> Bool -> Bool
&& forall s a. Thread s a -> ThreadId
threadId Thread s a
t forall a. Ord a => a -> Set a -> Bool
`Set.notMember`
                                                Effect -> Set ThreadId
effectForks (Step -> Effect
stepEffect Step
step)
                                         ) Map ThreadId (Thread s a)
threads))
                Races
races
  where
    step :: Step
step = forall s a. Thread s a -> Step
currentStep Thread s a
thread

-- | 'updateRaces' turns a current 'Step' into 'StepInfo', and updates all
-- 'activeRaces'.
--
-- We take care that steps can only race against threads in their
-- concurrent set. When this becomes empty, a step can be retired into
-- the "complete" category, but only if there are some steps racing
-- with it.
updateRaces :: Step -> Bool -> ScheduleControl -> Set ThreadId -> Races -> Races
updateRaces :: Step -> Bool -> ScheduleControl -> Set ThreadId -> Races -> Races
updateRaces newStep :: Step
newStep@Step{ stepThreadId :: Step -> ThreadId
stepThreadId = ThreadId
tid, stepEffect :: Step -> Effect
stepEffect = Effect
newEffect }
            Bool
blocking
            ScheduleControl
control
            Set ThreadId
newConcurrent0
            races :: Races
races@Races{ [StepInfo]
activeRaces :: [StepInfo]
activeRaces :: Races -> [StepInfo]
activeRaces } =

  let justBlocking :: Bool
      justBlocking :: Bool
justBlocking = Bool
blocking Bool -> Bool -> Bool
&& Effect -> Bool
onlyReadEffect Effect
newEffect

      -- a new step cannot race with any threads that it just woke up
      new :: [StepInfo]
      !new :: [StepInfo]
new | ThreadId -> Bool
isNotRacyThreadId ThreadId
tid  = []  -- non-racy threads do not race
           | forall a. Set a -> Bool
Set.null Set ThreadId
newConcurrent = []  -- cannot race with anything
           | Bool
justBlocking           = []  -- no need to defer a blocking transaction
           | Bool
otherwise              =
               [StepInfo { stepInfoStep :: Step
stepInfoStep       = Step
newStep,
                           stepInfoControl :: ScheduleControl
stepInfoControl    = ScheduleControl
control,
                           stepInfoConcurrent :: Set ThreadId
stepInfoConcurrent = Set ThreadId
newConcurrent,
                           stepInfoNonDep :: [Step]
stepInfoNonDep     = [],
                           stepInfoRaces :: [Step]
stepInfoRaces      = []
                         }]
        where
          newConcurrent :: Set ThreadId
          newConcurrent :: Set ThreadId
newConcurrent = forall (t :: * -> *) a b.
Foldable t =>
(a -> b -> b) -> b -> t a -> b
foldr forall a. Ord a => a -> Set a -> Set a
Set.delete Set ThreadId
newConcurrent0 (Effect -> [ThreadId]
effectWakeup Effect
newEffect)

      activeRaces' :: [StepInfo]
      !activeRaces' :: [StepInfo]
activeRaces' =
        [ -- if this step depends on the previous step, or is not concurrent,
          -- then any threads that it wakes up become non-concurrent also.
          let !lessConcurrent :: Set ThreadId
lessConcurrent = forall (t :: * -> *) a b.
Foldable t =>
(a -> b -> b) -> b -> t a -> b
foldr forall a. Ord a => a -> Set a -> Set a
Set.delete Set ThreadId
concurrent (Effect -> [ThreadId]
effectWakeup Effect
newEffect) in
          if ThreadId
tid forall (t :: * -> *) a. (Foldable t, Eq a) => a -> t a -> Bool
`elem` Set ThreadId
concurrent then
            let theseStepsRace :: Bool
theseStepsRace = ThreadId -> Bool
isRacyThreadId ThreadId
tid Bool -> Bool -> Bool
&& Step -> Step -> Bool
racingSteps Step
step Step
newStep
                happensBefore :: Bool
happensBefore  = Step
step Step -> Step -> Bool
`happensBeforeStep` Step
newStep
                !nondep' :: [Step]
nondep' | Bool
happensBefore = [Step]
nondep
                         | Bool
otherwise     = Step
newStep forall a. a -> [a] -> [a]
: [Step]
nondep
                -- We will only record the first race with each thread---reversing
                -- the first race makes the next race detectable. Thus we remove a
                -- thread from the concurrent set after the first race.
                concurrent' :: Set ThreadId
concurrent' | Bool
happensBefore  = forall a. Ord a => a -> Set a -> Set a
Set.delete ThreadId
tid Set ThreadId
lessConcurrent
                            | Bool
theseStepsRace = forall a. Ord a => a -> Set a -> Set a
Set.delete ThreadId
tid Set ThreadId
concurrent
                            | Bool
otherwise      = Set ThreadId
concurrent
                -- Here we record discovered races.
                -- We only record a new race if we are following the default schedule,
                -- to avoid finding the same race in different parts of the search space.
                !stepRaces' :: [Step]
stepRaces' | (ScheduleControl
control forall a. Eq a => a -> a -> Bool
== ScheduleControl
ControlDefault Bool -> Bool -> Bool
||
                               ScheduleControl
control forall a. Eq a => a -> a -> Bool
== [StepId] -> [ScheduleMod] -> ScheduleControl
ControlFollow [] []) Bool -> Bool -> Bool
&&
                              Bool
theseStepsRace  = Step
newStep forall a. a -> [a] -> [a]
: [Step]
stepRaces
                            | Bool
otherwise       = [Step]
stepRaces

            in StepInfo
stepInfo { stepInfoConcurrent :: Set ThreadId
stepInfoConcurrent = Effect -> Set ThreadId
effectForks Effect
newEffect
                                             forall a. Ord a => Set a -> Set a -> Set a
`Set.union` Set ThreadId
concurrent',
                          stepInfoNonDep :: [Step]
stepInfoNonDep     = [Step]
nondep',
                          stepInfoRaces :: [Step]
stepInfoRaces      = [Step]
stepRaces'
                        }

          else StepInfo
stepInfo { stepInfoConcurrent :: Set ThreadId
stepInfoConcurrent = Set ThreadId
lessConcurrent }

        | !stepInfo :: StepInfo
stepInfo@StepInfo { stepInfoStep :: StepInfo -> Step
stepInfoStep       = Step
step,
                               stepInfoConcurrent :: StepInfo -> Set ThreadId
stepInfoConcurrent = Set ThreadId
concurrent,
                               stepInfoNonDep :: StepInfo -> [Step]
stepInfoNonDep     = [Step]
nondep,
                               stepInfoRaces :: StepInfo -> [Step]
stepInfoRaces      = [Step]
stepRaces
                            }
            <- [StepInfo]
activeRaces ]
  in Races -> Races
normalizeRaces forall a b. (a -> b) -> a -> b
$ Races
races { activeRaces :: [StepInfo]
activeRaces = [StepInfo]
new forall a. [a] -> [a] -> [a]
++ [StepInfo]
activeRaces' }

-- When a thread terminates, we remove it from the concurrent thread
-- sets of active races.

threadTerminatesRaces :: ThreadId -> Races -> Races
threadTerminatesRaces :: ThreadId -> Races -> Races
threadTerminatesRaces ThreadId
tid races :: Races
races@Races{ [StepInfo]
activeRaces :: [StepInfo]
activeRaces :: Races -> [StepInfo]
activeRaces } =
  let activeRaces' :: [StepInfo]
activeRaces' = [ StepInfo
s{stepInfoConcurrent :: Set ThreadId
stepInfoConcurrent = forall a. Ord a => a -> Set a -> Set a
Set.delete ThreadId
tid Set ThreadId
stepInfoConcurrent}
                     | s :: StepInfo
s@StepInfo{ Set ThreadId
stepInfoConcurrent :: Set ThreadId
stepInfoConcurrent :: StepInfo -> Set ThreadId
stepInfoConcurrent } <- [StepInfo]
activeRaces ]
  in Races -> Races
normalizeRaces forall a b. (a -> b) -> a -> b
$ Races
races{ activeRaces :: [StepInfo]
activeRaces = [StepInfo]
activeRaces' }

normalizeRaces :: Races -> Races
normalizeRaces :: Races -> Races
normalizeRaces Races{ [StepInfo]
activeRaces :: [StepInfo]
activeRaces :: Races -> [StepInfo]
activeRaces, [StepInfo]
completeRaces :: [StepInfo]
completeRaces :: Races -> [StepInfo]
completeRaces } =
  let !activeRaces' :: [StepInfo]
activeRaces'   = forall a. (a -> Bool) -> [a] -> [a]
filter (Bool -> Bool
not forall b c a. (b -> c) -> (a -> b) -> a -> c
. forall (t :: * -> *) a. Foldable t => t a -> Bool
nullforall b c a. (b -> c) -> (a -> b) -> a -> c
. StepInfo -> Set ThreadId
stepInfoConcurrent) [StepInfo]
activeRaces
      !completeRaces' :: [StepInfo]
completeRaces' = forall a. (a -> Bool) -> [a] -> [a]
filter (Bool -> Bool
not forall b c a. (b -> c) -> (a -> b) -> a -> c
. forall (t :: * -> *) a. Foldable t => t a -> Bool
nullforall b c a. (b -> c) -> (a -> b) -> a -> c
. StepInfo -> [Step]
stepInfoRaces)
                          (forall a. (a -> Bool) -> [a] -> [a]
filter (forall (t :: * -> *) a. Foldable t => t a -> Bool
null forall b c a. (b -> c) -> (a -> b) -> a -> c
. StepInfo -> Set ThreadId
stepInfoConcurrent) [StepInfo]
activeRaces)
                     forall a. [a] -> [a] -> [a]
++ [StepInfo]
completeRaces
  in Races{ activeRaces :: [StepInfo]
activeRaces = [StepInfo]
activeRaces', completeRaces :: [StepInfo]
completeRaces = [StepInfo]
completeRaces' }

-- We assume that steps do not race with later steps after a quiescent
-- period. Quiescent periods end when simulated time advances, thus we
-- are assuming here that all work is completed before a timer
-- triggers.

quiescentRaces :: Races -> Races
quiescentRaces :: Races -> Races
quiescentRaces Races{ [StepInfo]
activeRaces :: [StepInfo]
activeRaces :: Races -> [StepInfo]
activeRaces, [StepInfo]
completeRaces :: [StepInfo]
completeRaces :: Races -> [StepInfo]
completeRaces } =
  Races{ activeRaces :: [StepInfo]
activeRaces = [],
         completeRaces :: [StepInfo]
completeRaces = [ StepInfo
s{stepInfoConcurrent :: Set ThreadId
stepInfoConcurrent = forall a. Set a
Set.empty}
                         | StepInfo
s <- [StepInfo]
activeRaces
                         , Bool -> Bool
not (forall (t :: * -> *) a. Foldable t => t a -> Bool
null (StepInfo -> [Step]
stepInfoRaces StepInfo
s))
                         ] forall a. [a] -> [a] -> [a]
++ [StepInfo]
completeRaces }

traceRaces :: Races -> Races
traceRaces :: Races -> Races
traceRaces Races
r = Races
r
-- traceRaces r@Races{activeRaces,completeRaces} =
--   Debug.trace ("Tracking "++show (length (concatMap stepInfoRaces activeRaces)) ++" races") r


--
-- Schedule control
--

controlTargets :: StepId -> ScheduleControl -> Bool
controlTargets :: StepId -> ScheduleControl -> Bool
controlTargets StepId
stepId
               (ControlAwait (ScheduleMod{ StepId
scheduleModTarget :: ScheduleMod -> StepId
scheduleModTarget :: StepId
scheduleModTarget }:[ScheduleMod]
_)) =
  StepId
stepId forall a. Eq a => a -> a -> Bool
== StepId
scheduleModTarget
controlTargets StepId
_stepId ScheduleControl
_ = Bool
False

followControl :: ScheduleControl -> ScheduleControl
followControl :: ScheduleControl -> ScheduleControl
followControl (ControlAwait (ScheduleMod { [StepId]
scheduleModInsertion :: ScheduleMod -> [StepId]
scheduleModInsertion :: [StepId]
scheduleModInsertion } : [ScheduleMod]
mods)) =
               [StepId] -> [ScheduleMod] -> ScheduleControl
ControlFollow [StepId]
scheduleModInsertion [ScheduleMod]
mods
followControl (ControlAwait []) = forall a. (?callStack::CallStack) => ThreadLabel -> a
error ThreadLabel
"Impossible: followControl (ControlAwait [])"
followControl ControlDefault{}  = forall a. (?callStack::CallStack) => ThreadLabel -> a
error ThreadLabel
"Impossible: followControl ControlDefault{}"
followControl ControlFollow{}   = forall a. (?callStack::CallStack) => ThreadLabel -> a
error ThreadLabel
"Impossible: followControl ControlFollow{}"

controlFollows :: StepId -> ScheduleControl -> Bool
controlFollows :: StepId -> ScheduleControl -> Bool
controlFollows StepId
_stepId  ScheduleControl
ControlDefault               = Bool
True
controlFollows StepId
_stepId (ControlFollow [] [ScheduleMod]
_)          = Bool
True
controlFollows StepId
stepId  (ControlFollow (StepId
stepId':[StepId]
_) [ScheduleMod]
_) = StepId
stepId forall a. Eq a => a -> a -> Bool
== StepId
stepId'
controlFollows StepId
stepId  (ControlAwait (ScheduleMod
smod:[ScheduleMod]
_))       = StepId
stepId forall a. Eq a => a -> a -> Bool
/= ScheduleMod -> StepId
scheduleModTarget ScheduleMod
smod
controlFollows StepId
_       (ControlAwait [])             = forall a. (?callStack::CallStack) => ThreadLabel -> a
error ThreadLabel
"Impossible: controlFollows _ (ControlAwait [])"

advanceControl :: StepId -> ScheduleControl -> ScheduleControl
advanceControl :: StepId -> ScheduleControl -> ScheduleControl
advanceControl (ThreadId
tid,Int
step) control :: ScheduleControl
control@(ControlFollow ((ThreadId
tid',Int
step'):[StepId]
sids') [ScheduleMod]
tgts)
  | ThreadId
tid forall a. Eq a => a -> a -> Bool
/= ThreadId
tid' =
      -- we are switching threads to follow the schedule
      --Debug.trace ("Switching threads from "++show (tid,step)++" to "++show (tid',step')++"\n") $
      ScheduleControl
control
  | Int
step forall a. Eq a => a -> a -> Bool
== Int
step' =
      [StepId] -> [ScheduleMod] -> ScheduleControl
ControlFollow [StepId]
sids' [ScheduleMod]
tgts
  | Bool
otherwise =
      forall a. (?callStack::CallStack) => ThreadLabel -> a
error forall a b. (a -> b) -> a -> b
$ forall (t :: * -> *) a. Foldable t => t [a] -> [a]
concat
            [ ThreadLabel
"advanceControl ", forall a. Show a => a -> ThreadLabel
show (ThreadId
tid,Int
step)
            , ThreadLabel
" cannot follow step ", forall a. Show a => a -> ThreadLabel
show Int
step'
            , ThreadLabel
"\n"
            ]
advanceControl StepId
stepId (ControlFollow [] []) =
  ScheduleControl
ControlDefault
advanceControl StepId
stepId (ControlFollow [] [ScheduleMod]
tgts) =
  [ScheduleMod] -> ScheduleControl
ControlAwait [ScheduleMod]
tgts
advanceControl StepId
stepId ScheduleControl
control =
  forall a. (?callStack::CallStack) => Bool -> a -> a
assert (Bool -> Bool
not forall a b. (a -> b) -> a -> b
$ StepId -> ScheduleControl -> Bool
controlTargets StepId
stepId ScheduleControl
control) forall a b. (a -> b) -> a -> b
$
  ScheduleControl
control

--
-- Schedule modifications
--

stepStepId :: Step -> (ThreadId, Int)
stepStepId :: Step -> StepId
stepStepId Step{ stepThreadId :: Step -> ThreadId
stepThreadId = ThreadId
tid, stepStep :: Step -> Int
stepStep = Int
n } = (ThreadId
tid,Int
n)

stepInfoToScheduleMods :: StepInfo -> [ScheduleMod]
stepInfoToScheduleMods :: StepInfo -> [ScheduleMod]
stepInfoToScheduleMods
  StepInfo{ stepInfoStep :: StepInfo -> Step
stepInfoStep    = Step
step,
            stepInfoControl :: StepInfo -> ScheduleControl
stepInfoControl = ScheduleControl
control,
            stepInfoNonDep :: StepInfo -> [Step]
stepInfoNonDep  = [Step]
nondep,
            stepInfoRaces :: StepInfo -> [Step]
stepInfoRaces   = [Step]
races
          } =
  -- It is actually possible for a later step that races with an earlier one
  -- not to *depend* on it in a happens-before sense. But we don't want to try
  -- to follow any steps *after* the later one.
  [ ScheduleMod
      { scheduleModTarget :: StepId
scheduleModTarget    = Step -> StepId
stepStepId Step
step
      , scheduleModControl :: ScheduleControl
scheduleModControl   = ScheduleControl
control
      , scheduleModInsertion :: [StepId]
scheduleModInsertion = forall a. (a -> Bool) -> [a] -> [a]
takeWhile (forall a. Eq a => a -> a -> Bool
/=Step -> StepId
stepStepId Step
step')
                                         (forall a b. (a -> b) -> [a] -> [b]
map Step -> StepId
stepStepId (forall a. [a] -> [a]
reverse [Step]
nondep))
                            forall a. [a] -> [a] -> [a]
++ [Step -> StepId
stepStepId Step
step']
                            -- It should be unnecessary to include the delayed
                            -- step in the insertion, since the default
                            -- scheduling should run it anyway. Removing it may
                            -- help avoid redundant schedules.
                            -- ++ [stepStepId step]
      }
  | Step
step' <- [Step]
races ]

traceFinalRacesFound :: SimState s a -> SimTrace a -> SimTrace a
traceFinalRacesFound :: forall s a. SimState s a -> SimTrace a -> SimTrace a
traceFinalRacesFound SimState{ control0 :: forall s a. SimState s a -> ScheduleControl
control0 = ScheduleControl
control, Races
races :: Races
races :: forall s a. SimState s a -> Races
races } =
    forall a. [ScheduleControl] -> SimTrace a -> SimTrace a
TraceRacesFound [ScheduleControl -> ScheduleMod -> ScheduleControl
extendScheduleControl ScheduleControl
control ScheduleMod
m | ScheduleMod
m <- [ScheduleMod]
scheduleMods]
  where
    scheduleMods :: [ScheduleMod]
    scheduleMods :: [ScheduleMod]
scheduleMods =
        forall (t :: * -> *) a b. Foldable t => (a -> [b]) -> t a -> [b]
concatMap StepInfo -> [ScheduleMod]
stepInfoToScheduleMods
      forall b c a. (b -> c) -> (a -> b) -> a -> c
. Races -> [StepInfo]
completeRaces
      forall b c a. (b -> c) -> (a -> b) -> a -> c
. Races -> Races
quiescentRaces
      forall a b. (a -> b) -> a -> b
$ Races
races

-- Extend an existing schedule control with a newly discovered schedule mod
extendScheduleControl' :: ScheduleControl -> ScheduleMod -> ScheduleControl
extendScheduleControl' :: ScheduleControl -> ScheduleMod -> ScheduleControl
extendScheduleControl' ScheduleControl
ControlDefault ScheduleMod
m = [ScheduleMod] -> ScheduleControl
ControlAwait [ScheduleMod
m]
extendScheduleControl' (ControlAwait [ScheduleMod]
mods) ScheduleMod
m =
  case ScheduleMod -> ScheduleControl
scheduleModControl ScheduleMod
m of
    ScheduleControl
ControlDefault     -> [ScheduleMod] -> ScheduleControl
ControlAwait ([ScheduleMod]
modsforall a. [a] -> [a] -> [a]
++[ScheduleMod
m])
    ControlAwait [ScheduleMod]
mods' ->
      let common :: Int
common = forall (t :: * -> *) a. Foldable t => t a -> Int
length [ScheduleMod]
mods forall a. Num a => a -> a -> a
- forall (t :: * -> *) a. Foldable t => t a -> Int
length [ScheduleMod]
mods' in
      forall a. (?callStack::CallStack) => Bool -> a -> a
assert (Int
common forall a. Ord a => a -> a -> Bool
>= Int
0 Bool -> Bool -> Bool
&& forall a. Int -> [a] -> [a]
drop Int
common [ScheduleMod]
modsforall a. Eq a => a -> a -> Bool
==[ScheduleMod]
mods') forall a b. (a -> b) -> a -> b
$
      [ScheduleMod] -> ScheduleControl
ControlAwait (forall a. Int -> [a] -> [a]
take Int
common [ScheduleMod]
modsforall a. [a] -> [a] -> [a]
++[ScheduleMod
m{ scheduleModControl :: ScheduleControl
scheduleModControl = ScheduleControl
ControlDefault }])
    ControlFollow [StepId]
stepIds [ScheduleMod]
mods' ->
      let common :: Int
common = forall (t :: * -> *) a. Foldable t => t a -> Int
length [ScheduleMod]
mods forall a. Num a => a -> a -> a
- forall (t :: * -> *) a. Foldable t => t a -> Int
length [ScheduleMod]
mods' forall a. Num a => a -> a -> a
- Int
1
          m' :: ScheduleMod
m'     = [ScheduleMod]
mods forall a. [a] -> Int -> a
!! Int
common
          isUndo :: Bool
isUndo = ScheduleMod -> StepId
scheduleModTarget ScheduleMod
m' forall (t :: * -> *) a. (Foldable t, Eq a) => a -> t a -> Bool
`elem` ScheduleMod -> [StepId]
scheduleModInsertion ScheduleMod
m
          m'' :: ScheduleMod
m''    = ScheduleMod
m'{ scheduleModInsertion :: [StepId]
scheduleModInsertion =
                         forall a. (a -> Bool) -> [a] -> [a]
takeWhile (forall a. Eq a => a -> a -> Bool
/=ScheduleMod -> StepId
scheduleModTarget ScheduleMod
m)
                                   (ScheduleMod -> [StepId]
scheduleModInsertion ScheduleMod
m')
                         forall a. [a] -> [a] -> [a]
++
                         ScheduleMod -> [StepId]
scheduleModInsertion ScheduleMod
m }
      in
      forall a. (?callStack::CallStack) => Bool -> a -> a
assert (Int
common forall a. Ord a => a -> a -> Bool
>= Int
0) forall a b. (a -> b) -> a -> b
$
      forall a. (?callStack::CallStack) => Bool -> a -> a
assert (forall a. Int -> [a] -> [a]
drop (Int
commonforall a. Num a => a -> a -> a
+Int
1) [ScheduleMod]
mods forall a. Eq a => a -> a -> Bool
== [ScheduleMod]
mods') forall a b. (a -> b) -> a -> b
$
      if Bool
isUndo
        then [ScheduleMod] -> ScheduleControl
ControlAwait [ScheduleMod]
mods          -- reject this mod... it's undoing a previous one
        else [ScheduleMod] -> ScheduleControl
ControlAwait (forall a. Int -> [a] -> [a]
take Int
common [ScheduleMod]
modsforall a. [a] -> [a] -> [a]
++[ScheduleMod
m''])
extendScheduleControl' ControlFollow{} ScheduleMod{} =
  -- note: this case is impossible, since `extendScheduleControl'` first
  -- argument is either the initial `ControlDefault` or a result of calling
  -- `extendScheduleControl'` itself.
  forall a. (?callStack::CallStack) => ThreadLabel -> a
error ThreadLabel
"Impossible: extendScheduleControl' ControlFollow{} ScheduleMod{}"

extendScheduleControl :: ScheduleControl -> ScheduleMod -> ScheduleControl
extendScheduleControl :: ScheduleControl -> ScheduleMod -> ScheduleControl
extendScheduleControl ScheduleControl
control ScheduleMod
m =
  let control' :: ScheduleControl
control' = ScheduleControl -> ScheduleMod -> ScheduleControl
extendScheduleControl' ScheduleControl
control ScheduleMod
m in
  {- Debug.trace (unlines ["",
                        "Extending "++show control,
                        "     with "++show m,
                        "   yields "++show control']) -}
              ScheduleControl
control'