module HPrelude
(
module Base
, identity
, pass
, module Function
, applyN
, module List
, map
, uncons
, unsnoc
, module DataStructures
, module Show
, show
, print
, module Bool
, module Monad
, liftIO1
, liftIO2
, module Functor
, module Either
, module Applicative
, guarded
, guardedA
, module ConvertText
, module Debug
, module Panic
, module Exception
, throwIO
, throwTo
, module Semiring
, module String
, module Safe
, module Eq
, module Ord
, module Traversable
, module Foldable
, module Semigroup
, module Monoid
, module Bifunctor
, module Hashable
, module DeepSeq
, module Tuple
, module Typeable
, module Typelevel
, module Fail
, module State
, module Reader
, module Except
, module Trans
, module ST
, module STM
, module Int
, module Bits
, module Complex
, module Char
, module Maybe
, module Generics
, module ByteString
, LByteString
, module Text
, LText
, module Read
, readMaybe
, readEither
, module System
, die
, module Concurrency
, module Foreign
, atomicModifyIORef'_
, UnliftIO (..)
, askUnliftIO
, mapUnliftIO
, MonadUnliftIO (..)
, module Coercible
, loopM
, MonadMask
)
where
import Control.Applicative as Applicative
( Alternative (..)
, Applicative (..)
, Const (Const, getConst)
, ZipList (ZipList, getZipList)
, liftA
, liftA2
, liftA3
, optional
, (<**>)
)
import Data.Coerce as Coercible (Coercible, coerce)
import Data.Eq as Eq
( Eq (..)
)
import Data.Foldable as Foldable
( Foldable
, all
, and
, any
, asum
, concat
, concatMap
, elem
, find
, fold
, foldMap
, foldl
, foldl'
, foldlM
, foldr
, foldr'
, foldrM
, forM_
, for_
, length
, mapM_
, maximum
, maximumBy
, minimum
, minimumBy
, msum
, notElem
, null
, or
, sequenceA_
, sequence_
, toList
, traverse_
)
import Data.Functor.Identity as Functor
( Identity (Identity, runIdentity)
)
import Data.List.NonEmpty as List
( NonEmpty ((:|))
, nonEmpty
)
import Data.Ord as Ord
( Down (Down)
, Ord (..)
, Ordering (EQ, GT, LT)
, comparing
)
import Data.Semigroup as Semigroup
( Semigroup (sconcat, stimes)
, WrappedMonoid
, cycle1
, diff
, mtimesDefault
, stimesIdempotent
, stimesIdempotentMonoid
, stimesMonoid
)
import Data.String (String)
import Data.String as String (IsString)
import Data.Traversable as Traversable
import Protolude.Applicative as Applicative
import Protolude.Base as Base hiding
( print
, putStr
, putStrLn
, show
, showFloat
, showList
, showSigned
, showSignedFloat
, showsPrec
)
import Protolude.Base qualified as PBase
import Protolude.Bool as Bool
import Protolude.Conv qualified as Conv
import Protolude.ConvertText as ConvertText
import Protolude.Debug as Debug
import Protolude.Either as Either
import Protolude.Exceptions as Exception
import Protolude.Functor as Functor
import Protolude.List as List
import Protolude.Monad as Monad
import Protolude.Panic as Panic
import Protolude.Safe as Safe
( atDef
, atMay
, foldl1May
, foldl1May'
, foldr1May
, headDef
, headMay
, initDef
, initMay
, initSafe
, lastDef
, lastMay
, maximumDef
, maximumMay
, minimumDef
, minimumMay
, tailDef
, tailMay
, tailSafe
)
import Protolude.Semiring as Semiring
import Protolude.Show as Show
import UnliftIO as UnliftIO
#if MIN_VERSION_base(4,9,0) && !MIN_VERSION_base(4,16,0)
import Data.Semigroup as Semigroup (
Option(..)
, option
)
#endif
import Control.DeepSeq as DeepSeq
( NFData (..)
, deepseq
, force
, ($!!)
)
import Control.Exception as Exception
( AllocationLimitExceeded (AllocationLimitExceeded)
, ArithException
( Denormal
, DivideByZero
, LossOfPrecision
, Overflow
, RatioZeroDenominator
, Underflow
)
, ArrayException (IndexOutOfBounds, UndefinedElement)
, AssertionFailed (AssertionFailed)
, AsyncException (HeapOverflow, StackOverflow, ThreadKilled, UserInterrupt)
, BlockedIndefinitelyOnMVar (BlockedIndefinitelyOnMVar)
, BlockedIndefinitelyOnSTM (BlockedIndefinitelyOnSTM)
, CompactionFailed (CompactionFailed)
, Deadlock (Deadlock)
, ErrorCall (ErrorCall, ErrorCallWithLocation)
, MaskingState (..)
, NestedAtomically (NestedAtomically)
, NoMethodError (NoMethodError)
, NonTermination (NonTermination)
, PatternMatchFail (PatternMatchFail)
, RecConError (RecConError)
, RecSelError (RecSelError)
, RecUpdError (RecUpdError)
, TypeError (TypeError)
, allowInterrupt
, getMaskingState
, interruptible
, ioError
, mapException
)
import Control.Exception.Safe (MonadMask (..))
import Control.Monad.Except as Except
( Except
, ExceptT (ExceptT)
, MonadError
, catchError
, mapExcept
, mapExceptT
, runExcept
, runExceptT
, throwError
, withExcept
, withExceptT
)
import Control.Monad.Fail as Fail
( MonadFail
)
import Control.Monad.Reader as Reader
( MonadReader
, Reader
, ReaderT (ReaderT)
, ask
, asks
, local
, reader
, runReader
, runReaderT
)
import Control.Monad.ST as ST
( ST
, fixST
, runST
)
import Control.Monad.STM as STM
( STM
, atomically
, catchSTM
, check
, orElse
, retry
, throwSTM
)
import Control.Monad.State as State
( MonadState
, State
, StateT (StateT)
, evalState
, evalStateT
, execState
, execStateT
, get
, gets
, modify
, put
, runState
, runStateT
, state
, withState
)
import Control.Monad.Trans as Trans
( MonadIO
, MonadTrans (..)
, lift
, liftIO
)
import Control.Monad.Trans.Except as Except
( catchE
, throwE
)
import Data.Bifunctor as Bifunctor (Bifunctor (bimap, first, second))
import Data.Bits as Bits
( Bits
, FiniteBits
, bit
, bitDefault
, bitSize
, bitSizeMaybe
, clearBit
, complement
, complementBit
, countLeadingZeros
, countTrailingZeros
, finiteBitSize
, isSigned
, popCount
, popCountDefault
, rotate
, rotateL
, rotateR
, setBit
, shift
, shiftL
, shiftR
, testBit
, testBitDefault
, toIntegralSized
, xor
, zeroBits
, (.&.)
, (.|.)
)
import Data.Bool as Bool
( Bool (False, True)
, not
, otherwise
, (&&)
, (||)
)
import Data.ByteString as ByteString (ByteString)
import Data.ByteString.Lazy qualified
import Data.Char as Char
( Char
, chr
, digitToInt
, intToDigit
, isAlpha
, isAlphaNum
, isAscii
, isControl
, isDigit
, isHexDigit
, isLetter
, isLower
, isPrint
, isSpace
, isUpper
, ord
, toLower
, toTitle
, toUpper
)
import Data.Complex as Complex
( Complex ((:+))
, cis
, conjugate
, imagPart
, magnitude
, mkPolar
, phase
, polar
, realPart
)
import Data.Either as Either
( Either (Left, Right)
, either
, isLeft
, isRight
, lefts
, partitionEithers
, rights
)
import Data.Function as Function
( const
, fix
, flip
, on
, ($)
, (&)
, (.)
)
import Data.Hashable as Hashable
( Hashable
, hash
, hashUsing
, hashWithSalt
)
import Data.Int as Int
( Int
, Int16
, Int32
, Int64
, Int8
)
import Data.IntMap as DataStructures (IntMap)
import Data.IntSet as DataStructures (IntSet)
import Data.List as List
( break
, cycle
, drop
, dropWhile
, filter
, genericDrop
, genericLength
, genericReplicate
, genericSplitAt
, genericTake
, group
, inits
, intercalate
, intersperse
, isInfixOf
, isPrefixOf
, isSuffixOf
, iterate
, permutations
, repeat
, replicate
, reverse
, scanl
, scanl'
, scanr
, sort
, sortBy
, splitAt
, subsequences
, tails
, take
, takeWhile
, transpose
, unfoldr
, unzip
, zip
, zipWith
)
import Data.Map as DataStructures (Map)
import Data.Maybe as Maybe
( Maybe (Just, Nothing)
, catMaybes
, fromMaybe
, isJust
, isNothing
, listToMaybe
, mapMaybe
, maybe
, maybeToList
)
import Data.Monoid as Monoid
import Data.Proxy as Typelevel
( Proxy (..)
)
import Data.Sequence as DataStructures (Seq)
import Data.Set as DataStructures (Set)
import Data.Text as Text
( Text
, lines
, unlines
, unwords
, words
)
import Data.Text.Encoding as Text
( decodeUtf8
, decodeUtf8'
, decodeUtf8With
, encodeUtf8
)
import Data.Text.Encoding.Error as Text
( OnDecodeError
, OnError
, UnicodeException
, ignore
, lenientDecode
, replace
, strictDecode
)
import Data.Text.IO as Text
( appendFile
, getContents
, getLine
, interact
, readFile
, writeFile
)
import Data.Text.Lazy as Text
( fromStrict
, toStrict
)
import Data.Text.Lazy qualified
import Data.Tuple as Tuple
( curry
, fst
, snd
, swap
, uncurry
)
import Data.Type.Coercion as Typelevel
( Coercion (..)
, coerceWith
, repr
)
import Data.Type.Equality as Typelevel
( castWith
, gcastWith
, sym
, trans
, (:~:) (..)
, type (==)
)
import Data.Void as Typelevel
( Void
, absurd
, vacuous
)
import Data.Word as Bits
( Word
, Word16
, Word32
, Word64
, Word8
, byteSwap16
, byteSwap32
, byteSwap64
)
import Foreign.Ptr as Foreign (IntPtr, WordPtr)
import Foreign.StablePtr as Foreign (StablePtr)
import Foreign.Storable as Foreign (Storable)
import GHC.Generics as Generics
( Associativity (..)
, C1
, Constructor (..)
, D1
, Datatype (..)
, Fixity (..)
, FixityI (..)
, Generic (..)
, Generic1
, Generically (..)
, K1 (..)
, M1 (..)
, Meta (..)
, Rec0
, Rep
, S1
, Selector (..)
, U1 (..)
, URec
, V1
, (:*:) (..)
, (:+:) (..)
, (:.:) (..)
)
import System.Environment as System (getArgs)
import System.Exit as System
( ExitCode (..)
, exitFailure
, exitSuccess
, exitWith
)
import System.Exit qualified
import System.IO as System
( FilePath
, Handle
, IOMode (..)
, openFile
, stderr
, stdin
, stdout
, withFile
)
import Text.Read as Read
( Read
, reads
)
import Text.Read qualified as Read
import Type.Reflection as Typeable
( TypeRep
, Typeable
, typeOf
, typeRep
)
import UnliftIO.Async as Concurrency
( Async (..)
, AsyncCancelled (..)
, Concurrently (..)
, async
, asyncBound
, asyncOn
, asyncThreadId
, cancel
, cancelWith
, concurrently
, link
, link2
, poll
, race
, race_
, wait
, waitAny
, waitAnyCancel
, waitAnyCatch
, waitAnyCatchCancel
, waitBoth
, waitCatch
, waitEither
, waitEitherCancel
, waitEitherCatch
, waitEitherCatchCancel
, waitEither_
, withAsync
, withAsyncBound
, withAsyncOn
)
import UnliftIO.Chan as Concurrency
( Chan
, dupChan
, getChanContents
, newChan
, readChan
, writeChan
, writeList2Chan
)
import UnliftIO.Concurrent as Concurrency
( ThreadId
, forkFinally
, forkIO
, forkIOWithUnmask
, forkOS
, forkOn
, forkOnWithUnmask
, getNumCapabilities
, isCurrentThreadBound
, killThread
, mkWeakThreadId
, myThreadId
, rtsSupportsBoundThreads
, runInBoundThread
, runInUnboundThread
, setNumCapabilities
, threadCapability
, threadDelay
, threadWaitRead
, threadWaitWrite
, yield
)
import UnliftIO.Exception as Exception
( Exception
, IOException
, SomeAsyncException (SomeAsyncException)
, SomeException (SomeException)
, asyncExceptionFromException
, asyncExceptionToException
, bracket
, bracketOnError
, bracket_
, catch
, catchJust
, catches
, displayException
, evaluate
, finally
, fromException
, handle
, handleJust
, mask
, mask_
, onException
, toException
, try
, tryJust
, uninterruptibleMask
, uninterruptibleMask_
)
import UnliftIO.IORef as Concurrency
import UnliftIO.MVar as Concurrency
( MVar
, isEmptyMVar
, mkWeakMVar
, modifyMVar
, modifyMVarMasked
, modifyMVarMasked_
, modifyMVar_
, newEmptyMVar
, newMVar
, putMVar
, readMVar
, swapMVar
, takeMVar
, tryPutMVar
, tryReadMVar
, tryTakeMVar
, withMVar
, withMVarMasked
)
import UnliftIO.QSem as Concurrency
( QSem
, newQSem
, signalQSem
, waitQSem
)
import UnliftIO.QSemN as Concurrency
( QSemN
, newQSemN
, signalQSemN
, waitQSemN
)
type LText = Data.Text.Lazy.Text
type LByteString = Data.ByteString.Lazy.ByteString
identity :: a -> a
identity :: forall a. a -> a
identity a
x = a
x
map :: (Functor.Functor f) => (a -> b) -> f a -> f b
map :: forall (f :: * -> *) a b. Functor f => (a -> b) -> f a -> f b
map = (a -> b) -> f a -> f b
forall a b. (a -> b) -> f a -> f b
forall (f :: * -> *) a b. Functor f => (a -> b) -> f a -> f b
Functor.fmap
uncons :: [a] -> Maybe (a, [a])
uncons :: forall a. [a] -> Maybe (a, [a])
uncons [] = Maybe (a, [a])
forall a. Maybe a
Nothing
uncons (a
x : [a]
xs) = (a, [a]) -> Maybe (a, [a])
forall a. a -> Maybe a
Just (a
x, [a]
xs)
unsnoc :: [x] -> Maybe ([x], x)
unsnoc :: forall x. [x] -> Maybe ([x], x)
unsnoc = (x -> Maybe ([x], x) -> Maybe ([x], x))
-> Maybe ([x], x) -> [x] -> Maybe ([x], x)
forall a b. (a -> b -> b) -> b -> [a] -> b
forall (t :: * -> *) a b.
Foldable t =>
(a -> b -> b) -> b -> t a -> b
Foldable.foldr x -> Maybe ([x], x) -> Maybe ([x], x)
forall {a}. a -> Maybe ([a], a) -> Maybe ([a], a)
go Maybe ([x], x)
forall a. Maybe a
Nothing
where
go :: a -> Maybe ([a], a) -> Maybe ([a], a)
go a
x Maybe ([a], a)
mxs =
([a], a) -> Maybe ([a], a)
forall a. a -> Maybe a
Just
( case Maybe ([a], a)
mxs of
Maybe ([a], a)
Nothing -> ([], a
x)
Just ([a]
xs, a
e) -> (a
x a -> [a] -> [a]
forall a. a -> [a] -> [a]
: [a]
xs, a
e)
)
applyN :: Int -> (a -> a) -> a -> a
applyN :: forall a. Int -> (a -> a) -> a -> a
applyN Int
n a -> a
f = ((a -> a) -> (a -> a) -> a -> a) -> (a -> a) -> [a -> a] -> a -> a
forall a b. (a -> b -> b) -> b -> [a] -> b
forall (t :: * -> *) a b.
Foldable t =>
(a -> b -> b) -> b -> t a -> b
Foldable.foldr (a -> a) -> (a -> a) -> a -> a
forall b c a. (b -> c) -> (a -> b) -> a -> c
(.) a -> a
forall a. a -> a
identity (Int -> (a -> a) -> [a -> a]
forall a. Int -> a -> [a]
List.replicate Int
n a -> a
f)
readMaybe :: (Read b, Conv.StringConv a String) => a -> Maybe b
readMaybe :: forall b a. (Read b, StringConv a String) => a -> Maybe b
readMaybe = String -> Maybe b
forall a. Read a => String -> Maybe a
Read.readMaybe (String -> Maybe b) -> (a -> String) -> a -> Maybe b
forall b c a. (b -> c) -> (a -> b) -> a -> c
. a -> String
forall a b. StringConv a b => a -> b
Conv.toS
readEither :: (Read a, Conv.StringConv String e, Conv.StringConv e String) => e -> Either e a
readEither :: forall a e.
(Read a, StringConv String e, StringConv e String) =>
e -> Either e a
readEither = (String -> e) -> Either String a -> Either e a
forall a b c. (a -> b) -> Either a c -> Either b c
forall (p :: * -> * -> *) a b c.
Bifunctor p =>
(a -> b) -> p a c -> p b c
first String -> e
forall a b. StringConv a b => a -> b
Conv.toS (Either String a -> Either e a)
-> (e -> Either String a) -> e -> Either e a
forall b c a. (b -> c) -> (a -> b) -> a -> c
. String -> Either String a
forall a. Read a => String -> Either String a
Read.readEither (String -> Either String a)
-> (e -> String) -> e -> Either String a
forall b c a. (b -> c) -> (a -> b) -> a -> c
. e -> String
forall a b. StringConv a b => a -> b
Conv.toS
print :: (Trans.MonadIO m, PBase.Show a) => a -> m ()
print :: forall (m :: * -> *) a. (MonadIO m, Show a) => a -> m ()
print = IO () -> m ()
forall a. IO a -> m a
forall (m :: * -> *) a. MonadIO m => IO a -> m a
liftIO (IO () -> m ()) -> (a -> IO ()) -> a -> m ()
forall b c a. (b -> c) -> (a -> b) -> a -> c
. a -> IO ()
forall a. Show a => a -> IO ()
PBase.print
pass :: (Applicative f) => f ()
pass :: forall (f :: * -> *). Applicative f => f ()
pass = () -> f ()
forall a. a -> f a
forall (f :: * -> *) a. Applicative f => a -> f a
pure ()
guarded :: (Alternative f) => (a -> Bool) -> a -> f a
guarded :: forall (f :: * -> *) a. Alternative f => (a -> Bool) -> a -> f a
guarded a -> Bool
p a
x = f a -> f a -> Bool -> f a
forall a. a -> a -> Bool -> a
Bool.bool f a
forall a. f a
forall (f :: * -> *) a. Alternative f => f a
empty (a -> f a
forall a. a -> f a
forall (f :: * -> *) a. Applicative f => a -> f a
pure a
x) (a -> Bool
p a
x)
guardedA :: (Functor.Functor f, Alternative t) => (a -> f Bool) -> a -> f (t a)
guardedA :: forall (f :: * -> *) (t :: * -> *) a.
(Functor f, Alternative t) =>
(a -> f Bool) -> a -> f (t a)
guardedA a -> f Bool
p a
x = t a -> t a -> Bool -> t a
forall a. a -> a -> Bool -> a
Bool.bool t a
forall a. t a
forall (f :: * -> *) a. Alternative f => f a
empty (a -> t a
forall a. a -> t a
forall (f :: * -> *) a. Applicative f => a -> f a
pure a
x) (Bool -> t a) -> f Bool -> f (t a)
forall a b. (a -> b) -> f a -> f b
forall (f :: * -> *) a b. Functor f => (a -> b) -> f a -> f b
`Functor.fmap` a -> f Bool
p a
x
liftIO1 :: (MonadIO m) => (a -> IO b) -> a -> m b
liftIO1 :: forall (m :: * -> *) a b. MonadIO m => (a -> IO b) -> a -> m b
liftIO1 = (IO b -> m b) -> (a -> IO b) -> a -> m b
forall b c a. (b -> c) -> (a -> b) -> a -> c
(.) IO b -> m b
forall a. IO a -> m a
forall (m :: * -> *) a. MonadIO m => IO a -> m a
liftIO
liftIO2 :: (MonadIO m) => (a -> b -> IO c) -> a -> b -> m c
liftIO2 :: forall (m :: * -> *) a b c.
MonadIO m =>
(a -> b -> IO c) -> a -> b -> m c
liftIO2 = (((b -> IO c) -> b -> m c) -> (a -> b -> IO c) -> a -> b -> m c
forall b c a. (b -> c) -> (a -> b) -> a -> c
(.) (((b -> IO c) -> b -> m c) -> (a -> b -> IO c) -> a -> b -> m c)
-> ((IO c -> m c) -> (b -> IO c) -> b -> m c)
-> (IO c -> m c)
-> (a -> b -> IO c)
-> a
-> b
-> m c
forall b c a. (b -> c) -> (a -> b) -> a -> c
. (IO c -> m c) -> (b -> IO c) -> b -> m c
forall b c a. (b -> c) -> (a -> b) -> a -> c
(.)) IO c -> m c
forall a. IO a -> m a
forall (m :: * -> *) a. MonadIO m => IO a -> m a
liftIO
show :: (Show a, Conv.StringConv String b) => a -> b
show :: forall a b. (Show a, StringConv String b) => a -> b
show a
x = String -> b
forall a b. StringConv a b => a -> b
Conv.toS (a -> String
forall a. Show a => a -> String
PBase.show a
x)
{-# SPECIALIZE show :: (Show a) => a -> Text #-}
{-# SPECIALIZE show :: (Show a) => a -> LText #-}
{-# SPECIALIZE show :: (Show a) => a -> String #-}
#if MIN_VERSION_base(4,8,0)
die :: Text -> IO a
die :: forall a. Text -> IO a
die Text
err = String -> IO a
forall a. String -> IO a
System.Exit.die (Text -> String
forall a b. ConvertText a b => a -> b
ConvertText.toS Text
err)
#else
die :: Text -> IO a
die err = hPutStrLn stderr err >> exitFailure
#endif
#if !MIN_VERSION_base(4,8,0)
{-# NOINLINE [1] scanl' #-}
scanl' :: (b -> a -> b) -> b -> [a] -> [b]
scanl' = scanlGo'
where
scanlGo' :: (b -> a -> b) -> b -> [a] -> [b]
scanlGo' f !q ls = q : (case ls of
[] -> []
x:xs -> scanlGo' f (f q x) xs)
{-# RULES
"scanl'" [~1] forall f a bs . scanl' f a bs =
build (\c n -> a `c` foldr (scanlFB' f c) (flipSeqScanl' n) bs a)
"scanlList'" [1] forall f a bs .
foldr (scanlFB' f (:)) (flipSeqScanl' []) bs a = tail (scanl' f a bs)
#-}
{-# INLINE [0] scanlFB' #-}
scanlFB' :: (b -> a -> b) -> (b -> c -> c) -> a -> (b -> c) -> b -> c
scanlFB' f c = \b g -> \x -> let !b' = f x b in b' `c` g b'
{-# INLINE [0] flipSeqScanl' #-}
flipSeqScanl' :: a -> b -> a
flipSeqScanl' a !_b = a
#endif
atomicModifyIORef'_ :: (MonadIO m) => IORef a -> (a -> a) -> m ()
atomicModifyIORef'_ :: forall (m :: * -> *) a. MonadIO m => IORef a -> (a -> a) -> m ()
atomicModifyIORef'_ IORef a
ref a -> a
f = IORef a -> (a -> (a, ())) -> m ()
forall (m :: * -> *) a b.
MonadIO m =>
IORef a -> (a -> (a, b)) -> m b
atomicModifyIORef' IORef a
ref ((,()) (a -> (a, ())) -> (a -> a) -> a -> (a, ())
forall b c a. (b -> c) -> (a -> b) -> a -> c
. a -> a
f)
mapUnliftIO :: (forall a. m a -> n a) -> UnliftIO n -> UnliftIO m
mapUnliftIO :: forall (m :: * -> *) (n :: * -> *).
(forall a. m a -> n a) -> UnliftIO n -> UnliftIO m
mapUnliftIO forall a. m a -> n a
nt (UnliftIO forall a. n a -> IO a
f) = (forall a. m a -> IO a) -> UnliftIO m
forall (m :: * -> *). (forall a. m a -> IO a) -> UnliftIO m
UnliftIO ((forall a. m a -> IO a) -> UnliftIO m)
-> (forall a. m a -> IO a) -> UnliftIO m
forall a b. (a -> b) -> a -> b
$ n a -> IO a
forall a. n a -> IO a
f (n a -> IO a) -> (m a -> n a) -> m a -> IO a
forall b c a. (b -> c) -> (a -> b) -> a -> c
. m a -> n a
forall a. m a -> n a
nt
loopM :: (Monad m) => (a -> m (Either a b)) -> a -> m b
loopM :: forall (m :: * -> *) a b.
Monad m =>
(a -> m (Either a b)) -> a -> m b
loopM a -> m (Either a b)
act a
x = do
res <- a -> m (Either a b)
act a
x
case res of
Left a
x' -> (a -> m (Either a b)) -> a -> m b
forall (m :: * -> *) a b.
Monad m =>
(a -> m (Either a b)) -> a -> m b
loopM a -> m (Either a b)
act a
x'
Right b
v -> b -> m b
forall a. a -> m a
forall (f :: * -> *) a. Applicative f => a -> f a
pure b
v