Copyright | (c) digitally induced GmbH 2020 |
---|---|
Safe Haskell | Safe-Inferred |
IHP.RouterPrelude
Description
Synopsis
- module IHP.RouterSupport
- newtype UnliftIO (m :: Type -> Type) = UnliftIO {}
- data UTCTime = UTCTime {
- utctDay :: Day
- utctDayTime :: DiffTime
- data Set a
- data Text
- class Read a
- data Conc (m :: Type -> Type) a
- class Monoid builder => Builder builder lazy | builder -> lazy, lazy -> builder where
- builderToLazy :: builder -> lazy
- flushBuilder :: builder
- type String = [Char]
- data Maybe a
- data ByteString
- class (Typeable e, Show e) => Exception e where
- toException :: e -> SomeException
- fromException :: SomeException -> Maybe e
- displayException :: e -> String
- class Typeable (a :: k)
- data IO a
- data Char
- data Async a
- class (Textual textual, IsSequence binary) => Utf8 textual binary | textual -> binary, binary -> textual where
- encodeUtf8 :: textual -> binary
- decodeUtf8 :: binary -> textual
- class Applicative m => Monad (m :: Type -> Type) where
- data Handle
- data IOException
- class (Integral (Index seq), GrowingAppend seq) => SemiSequence seq where
- type family Index seq
- class Show a where
- class Functor (f :: Type -> Type) where
- data Map k a
- data MVar a
- data IORef a
- class IsString a where
- fromString :: String -> a
- data Either a b
- data Float
- data Vector a
- data HashMap k v
- type LByteString = ByteString
- data Bool
- class Semigroup a => Monoid a where
- class Functor f => Applicative (f :: Type -> Type) where
- class MonoFoldable mono where
- ofoldMap :: Monoid m => (Element mono -> m) -> mono -> m
- ofoldr :: (Element mono -> b -> b) -> b -> mono -> b
- ofoldl' :: (a -> Element mono -> a) -> a -> mono -> a
- otoList :: mono -> [Element mono]
- oall :: (Element mono -> Bool) -> mono -> Bool
- oany :: (Element mono -> Bool) -> mono -> Bool
- onull :: mono -> Bool
- olength :: mono -> Int
- olength64 :: mono -> Int64
- ocompareLength :: Integral i => mono -> i -> Ordering
- otraverse_ :: Applicative f => (Element mono -> f b) -> mono -> f ()
- ofor_ :: Applicative f => mono -> (Element mono -> f b) -> f ()
- omapM_ :: Applicative m => (Element mono -> m ()) -> mono -> m ()
- oforM_ :: Applicative m => mono -> (Element mono -> m ()) -> m ()
- ofoldlM :: Monad m => (a -> Element mono -> m a) -> a -> mono -> m a
- ofoldMap1Ex :: Semigroup m => (Element mono -> m) -> mono -> m
- ofoldr1Ex :: (Element mono -> Element mono -> Element mono) -> mono -> Element mono
- ofoldl1Ex' :: (Element mono -> Element mono -> Element mono) -> mono -> Element mono
- headEx :: mono -> Element mono
- lastEx :: mono -> Element mono
- unsafeHead :: mono -> Element mono
- unsafeLast :: mono -> Element mono
- maximumByEx :: (Element mono -> Element mono -> Ordering) -> mono -> Element mono
- minimumByEx :: (Element mono -> Element mono -> Ordering) -> mono -> Element mono
- oelem :: Element mono -> mono -> Bool
- onotElem :: Element mono -> mono -> Bool
- class Eq a where
- type family Element mono
- class Num a where
- data Integer
- data Int
- newtype Day = ModifiedJulianDay {}
- class Enum a where
- succ :: a -> a
- pred :: a -> a
- toEnum :: Int -> a
- fromEnum :: a -> Int
- enumFrom :: a -> [a]
- enumFromThen :: a -> a -> [a]
- enumFromTo :: a -> a -> [a]
- enumFromThenTo :: a -> a -> a -> [a]
- data AsyncCancelled = AsyncCancelled
- data Chan a
- data QSem
- data QSemN
- class Monad m => MonadIO (m :: Type -> Type) where
- class Bifunctor (p :: Type -> Type -> Type) where
- newtype Identity a = Identity {
- runIdentity :: a
- newtype Down a = Down {
- getDown :: a
- data WrappedMonoid m
- class Storable a
- class Applicative f => Alternative (f :: Type -> Type) where
- class (Alternative m, Monad m) => MonadPlus (m :: Type -> Type) where
- data STM a
- data TVar a
- data SomeException = Exception e => SomeException e
- type FilePath = String
- data SeekMode
- type IOError = IOException
- data IOErrorType
- data SomeAsyncException = Exception e => SomeAsyncException e
- data BufferMode
- data IOMode
- data STRef s a
- type LText = Text
- type SVector = Vector
- type UVector = Vector
- type BlazeBuilder = Builder
- type ByteStringBuilder = Builder
- type TextBuilder = Builder
- class ToBuilder value builder where
- toBuilder :: value -> builder
- data IntMap a
- data IntSet
- data Seq a
- class NFData a where
- rnf :: a -> ()
- data DList a
- data Handler (m :: Type -> Type) a = Exception e => Handler (e -> m a)
- class Eq a => Hashable a where
- hashWithSalt :: Int -> a -> Int
- hash :: a -> Int
- class BiPolyMap (map :: Type -> Type -> Type) where
- type BPMKeyConstraint (map :: Type -> Type -> Type) key
- mapKeysWith :: (BPMKeyConstraint map k1, BPMKeyConstraint map k2) => (v -> v -> v) -> (k1 -> k2) -> map k1 v -> map k2 v
- type family BPMKeyConstraint (map :: Type -> Type -> Type) key
- class (Monoid set, Semigroup set, MonoFoldable set, Eq (ContainerKey set), GrowingAppend set) => SetContainer set where
- type ContainerKey set
- member :: ContainerKey set -> set -> Bool
- notMember :: ContainerKey set -> set -> Bool
- union :: set -> set -> set
- unions :: (MonoFoldable mono, Element mono ~ set) => mono -> set
- difference :: set -> set -> set
- intersection :: set -> set -> set
- keys :: set -> [ContainerKey set]
- type family ContainerKey set
- class SetContainer set => HasKeysSet set where
- type family KeySet set
- class (MonoTraversable map, SetContainer map) => IsMap map where
- type MapValue map
- lookup :: ContainerKey map -> map -> Maybe (MapValue map)
- insertMap :: ContainerKey map -> MapValue map -> map -> map
- deleteMap :: ContainerKey map -> map -> map
- singletonMap :: ContainerKey map -> MapValue map -> map
- mapFromList :: [(ContainerKey map, MapValue map)] -> map
- mapToList :: map -> [(ContainerKey map, MapValue map)]
- findWithDefault :: MapValue map -> ContainerKey map -> map -> MapValue map
- insertWith :: (MapValue map -> MapValue map -> MapValue map) -> ContainerKey map -> MapValue map -> map -> map
- insertWithKey :: (ContainerKey map -> MapValue map -> MapValue map -> MapValue map) -> ContainerKey map -> MapValue map -> map -> map
- insertLookupWithKey :: (ContainerKey map -> MapValue map -> MapValue map -> MapValue map) -> ContainerKey map -> MapValue map -> map -> (Maybe (MapValue map), map)
- adjustMap :: (MapValue map -> MapValue map) -> ContainerKey map -> map -> map
- adjustWithKey :: (ContainerKey map -> MapValue map -> MapValue map) -> ContainerKey map -> map -> map
- updateMap :: (MapValue map -> Maybe (MapValue map)) -> ContainerKey map -> map -> map
- updateWithKey :: (ContainerKey map -> MapValue map -> Maybe (MapValue map)) -> ContainerKey map -> map -> map
- updateLookupWithKey :: (ContainerKey map -> MapValue map -> Maybe (MapValue map)) -> ContainerKey map -> map -> (Maybe (MapValue map), map)
- alterMap :: (Maybe (MapValue map) -> Maybe (MapValue map)) -> ContainerKey map -> map -> map
- unionWith :: (MapValue map -> MapValue map -> MapValue map) -> map -> map -> map
- unionWithKey :: (ContainerKey map -> MapValue map -> MapValue map -> MapValue map) -> map -> map -> map
- unionsWith :: (MapValue map -> MapValue map -> MapValue map) -> [map] -> map
- mapWithKey :: (ContainerKey map -> MapValue map -> MapValue map) -> map -> map
- omapKeysWith :: (MapValue map -> MapValue map -> MapValue map) -> (ContainerKey map -> ContainerKey map) -> map -> map
- filterMap :: (MapValue map -> Bool) -> map -> map
- type family MapValue map
- class (SetContainer set, Element set ~ ContainerKey set) => IsSet set where
- class MonoFunctor mono => MonoZip mono where
- class PolyMap (map :: Type -> Type) where
- differenceMap :: map value1 -> map value2 -> map value1
- intersectionMap :: map value1 -> map value2 -> map value1
- intersectionWithMap :: (value1 -> value2 -> value3) -> map value1 -> map value2 -> map value3
- class MonoFoldable mono => GrowingAppend mono
- class MonoFunctor mono => MonoComonad mono where
- class MonoFunctor mono where
- class MonoPointed mono where
- class (MonoFunctor mono, MonoFoldable mono) => MonoTraversable mono where
- otraverse :: Applicative f => (Element mono -> f (Element mono)) -> mono -> f mono
- omapM :: Applicative m => (Element mono -> m (Element mono)) -> mono -> m mono
- data WrappedMono mono a where
- WrappedMono :: forall mono a. Element mono ~ a => mono -> WrappedMono mono a
- newtype WrappedPoly (f :: Type -> Type) a = WrappedPoly {
- unwrapPoly :: f a
- data NonNull mono
- class (Monoid seq, MonoTraversable seq, SemiSequence seq, MonoPointed seq) => IsSequence seq where
- fromList :: [Element seq] -> seq
- lengthIndex :: seq -> Index seq
- break :: (Element seq -> Bool) -> seq -> (seq, seq)
- span :: (Element seq -> Bool) -> seq -> (seq, seq)
- dropWhile :: (Element seq -> Bool) -> seq -> seq
- splitAt :: Index seq -> seq -> (seq, seq)
- unsafeSplitAt :: Index seq -> seq -> (seq, seq)
- unsafeTake :: Index seq -> seq -> seq
- drop :: Index seq -> seq -> seq
- unsafeDrop :: Index seq -> seq -> seq
- dropEnd :: Index seq -> seq -> seq
- partition :: (Element seq -> Bool) -> seq -> (seq, seq)
- uncons :: seq -> Maybe (Element seq, seq)
- unsnoc :: seq -> Maybe (seq, Element seq)
- filter :: (Element seq -> Bool) -> seq -> seq
- filterM :: Monad m => (Element seq -> m Bool) -> seq -> m seq
- replicate :: Index seq -> Element seq -> seq
- replicateM :: Monad m => Index seq -> m (Element seq) -> m seq
- groupBy :: (Element seq -> Element seq -> Bool) -> seq -> [seq]
- groupAllOn :: Eq b => (Element seq -> b) -> seq -> [seq]
- subsequences :: seq -> [seq]
- permutations :: seq -> [seq]
- tailEx :: seq -> seq
- tailMay :: seq -> Maybe seq
- initEx :: seq -> seq
- initMay :: seq -> Maybe seq
- unsafeTail :: seq -> seq
- unsafeInit :: seq -> seq
- indexEx :: seq -> Index seq -> Element seq
- unsafeIndex :: seq -> Index seq -> Element seq
- splitWhen :: (Element seq -> Bool) -> seq -> [seq]
- class (IsSequence lazy, IsSequence strict) => LazySequence lazy strict | lazy -> strict, strict -> lazy where
- toChunks :: lazy -> [strict]
- fromChunks :: [strict] -> lazy
- toStrict :: lazy -> strict
- fromStrict :: strict -> lazy
- class (IsSequence t, IsString t, Element t ~ Char) => Textual t where
- words :: t -> [t]
- unwords :: (Element seq ~ t, MonoFoldable seq) => seq -> t
- lines :: t -> [t]
- unlines :: (Element seq ~ t, MonoFoldable seq) => seq -> t
- toLower :: t -> t
- toUpper :: t -> t
- toCaseFold :: t -> t
- breakWord :: t -> (t, t)
- breakLine :: t -> (t, t)
- class Monad m => MonadReader r (m :: Type -> Type) | m -> r where
- ask :: m r
- data BRef s a
- type IOBRef = BRef (PrimState IO)
- class MutableContainer c => MutableCollection c where
- type CollElement c
- newColl :: (PrimMonad m, PrimState m ~ MCState c) => m c
- type family CollElement c
- class MutableContainer c where
- type MCState c
- type family MCState c
- class MutableRef c => MutableAtomicRef c where
- atomicModifyRef :: (PrimMonad m, PrimState m ~ MCState c) => c -> (RefElement c -> (RefElement c, a)) -> m a
- atomicModifyRef' :: (PrimMonad m, PrimState m ~ MCState c) => c -> (RefElement c -> (RefElement c, a)) -> m a
- type MutableDeque c = (MutableQueue c, MutablePushFront c, MutablePopBack c)
- class MutableCollection c => MutablePopBack c where
- class MutableCollection c => MutablePopFront c where
- class MutableCollection c => MutablePushBack c where
- pushBack :: (PrimMonad m, PrimState m ~ MCState c) => c -> CollElement c -> m ()
- class MutableCollection c => MutablePushFront c where
- pushFront :: (PrimMonad m, PrimState m ~ MCState c) => c -> CollElement c -> m ()
- type MutableQueue c = (MutablePopFront c, MutablePushBack c)
- class MutableContainer c => MutableRef c where
- type RefElement c
- newRef :: (PrimMonad m, PrimState m ~ MCState c) => RefElement c -> m c
- readRef :: (PrimMonad m, PrimState m ~ MCState c) => c -> m (RefElement c)
- writeRef :: (PrimMonad m, PrimState m ~ MCState c) => c -> RefElement c -> m ()
- modifyRef :: (PrimMonad m, PrimState m ~ MCState c) => c -> (RefElement c -> RefElement c) -> m ()
- modifyRef' :: (PrimMonad m, PrimState m ~ MCState c) => c -> (RefElement c -> RefElement c) -> m ()
- type family RefElement c
- type MutableStack c = (MutablePopFront c, MutablePushFront c)
- data DLList s a
- type BDeque = Deque MVector
- data Deque (v :: Type -> Type -> Type) s a
- type SDeque = Deque MVector
- type UDeque = Deque MVector
- type IOPRef = PRef (PrimState IO)
- data PRef s a
- type IOSRef = SRef (PrimState IO)
- data SRef s a
- type IOURef = URef (PrimState IO)
- data URef s a
- class Monad m => PrimMonad (m :: Type -> Type) where
- type PrimState (m :: Type -> Type)
- type family PrimState (m :: Type -> Type)
- data MutVar s a = MutVar (MutVar# s a)
- class Prim a
- data AsyncExceptionWrapper = Exception e => AsyncExceptionWrapper e
- data SyncExceptionWrapper = Exception e => SyncExceptionWrapper e
- data TBQueue a
- data TChan a
- data TMVar a
- data TQueue a
- data TBChan a
- data TBMChan a
- data TBMQueue a
- data TMChan a
- data TMQueue a
- type Reader r = ReaderT r Identity
- newtype ReaderT r (m :: Type -> Type) a = ReaderT {
- runReaderT :: r -> m a
- data StringException = StringException String CallStack
- data ConcException = EmptyWithNoAlternative
- newtype Concurrently (m :: Type -> Type) a = Concurrently {
- runConcurrently :: m a
- data Memoized a
- class MonadIO m => MonadUnliftIO (m :: Type -> Type) where
- withRunInIO :: ((forall a. m a -> IO a) -> IO b) -> m b
- data HashSet a
- class (Vector Vector a, MVector MVector a) => Unbox a
- data RealWorld
- data Double
- data Word
- data Ordering
- class Foldable (t :: Type -> Type)
- class (Functor t, Foldable t) => Traversable (t :: Type -> Type) where
- traverse :: Applicative f => (a -> f b) -> t a -> f (t b)
- sequenceA :: Applicative f => t (f a) -> f (t a)
- mapM :: Monad m => (a -> m b) -> t a -> m (t b)
- sequence :: Monad m => t (m a) -> m (t a)
- class Semigroup a where
- type Rational = Ratio Integer
- class (Real a, Fractional a) => RealFrac a where
- class Num a => Fractional a where
- (/) :: a -> a -> a
- recip :: a -> a
- fromRational :: Rational -> a
- class (Real a, Enum a) => Integral a where
- class (Num a, Ord a) => Real a where
- toRational :: a -> Rational
- class Eq a => Ord a where
- class Bounded a where
- class (RealFrac a, Floating a) => RealFloat a where
- floatRadix :: a -> Integer
- floatDigits :: a -> Int
- floatRange :: a -> (Int, Int)
- decodeFloat :: a -> (Integer, Int)
- encodeFloat :: Integer -> Int -> a
- exponent :: a -> Int
- significand :: a -> a
- scaleFloat :: Int -> a -> a
- isNaN :: a -> Bool
- isInfinite :: a -> Bool
- isDenormalized :: a -> Bool
- isNegativeZero :: a -> Bool
- isIEEE :: a -> Bool
- atan2 :: a -> a -> a
- class Fractional a => Floating a where
- data Word64
- data Word32
- data Word8
- data Int64
- data Int32
- class Generic a
- async :: MonadUnliftIO m => m a -> m (Async a)
- deepseq :: NFData a => a -> b -> b
- say :: MonadIO m => Text -> m ()
- void :: Functor f => f a -> f ()
- group :: (IsSequence seq, Eq (Element seq)) => seq -> [seq]
- (.) :: forall (b :: k) (c :: k) (a :: k). Category cat => cat b c -> cat a b -> cat a c
- id :: forall (a :: k). Category cat => cat a a
- mapMaybe :: (a -> Maybe b) -> [a] -> [b]
- fromMaybe :: a -> Maybe a -> a
- isJust :: Maybe a -> Bool
- listToMaybe :: [a] -> Maybe a
- tshow :: Show a => a -> Text
- error :: forall (r :: RuntimeRep) (a :: TYPE r). HasCallStack => [Char] -> a
- map :: Functor f => (a -> b) -> f a -> f b
- putStrLn :: MonadIO m => Text -> m ()
- elem :: (MonoFoldable mono, Eq (Element mono)) => Element mono -> mono -> Bool
- putStr :: MonadIO m => Text -> m ()
- print :: (Show a, MonadIO m) => a -> m ()
- ($) :: forall (r :: RuntimeRep) a (b :: TYPE r). (a -> b) -> a -> b
- join :: Monad m => m (m a) -> m a
- finally :: MonadUnliftIO m => m a -> m b -> m a
- catch :: (MonadUnliftIO m, Exception e) => m a -> (e -> m a) -> m a
- head :: MonoFoldable mono => NonNull mono -> Element mono
- headMay :: MonoFoldable mono => mono -> Maybe (Element mono)
- last :: MonoFoldable mono => NonNull mono -> Element mono
- lastMay :: MonoFoldable mono => mono -> Maybe (Element mono)
- tail :: IsSequence seq => NonNull seq -> seq
- init :: IsSequence seq => NonNull seq -> seq
- (++) :: Monoid m => m -> m -> m
- null :: MonoFoldable mono => mono -> Bool
- when :: Applicative f => Bool -> f () -> f ()
- unless :: Applicative f => Bool -> f () -> f ()
- mapM_ :: (MonoFoldable mono, Applicative m) => (Element mono -> m ()) -> mono -> m ()
- forM :: (Traversable t, Monad m) => t a -> (a -> m b) -> m (t b)
- forM_ :: (MonoFoldable mono, Applicative m) => mono -> (Element mono -> m ()) -> m ()
- sequence_ :: (Applicative m, MonoFoldable mono, Element mono ~ m ()) => mono -> m ()
- forever :: Applicative f => f a -> f b
- isPrefixOf :: (IsSequence seq, Eq (Element seq)) => seq -> seq -> Bool
- isSuffixOf :: (IsSequence seq, Eq (Element seq)) => seq -> seq -> Bool
- isInfixOf :: (IsSequence seq, Eq (Element seq)) => seq -> seq -> Bool
- intercalate :: (MonoFoldable mono, Monoid (Element mono)) => Element mono -> mono -> Element mono
- throwIO :: (MonadIO m, Exception e) => e -> m a
- (<&>) :: Functor f => f a -> (a -> b) -> f b
- bool :: a -> a -> Bool -> a
- toGregorian :: Day -> (Year, MonthOfYear, DayOfMonth)
- getCurrentTime :: IO UTCTime
- (||) :: Bool -> Bool -> Bool
- (<&&>) :: Applicative a => a Bool -> a Bool -> a Bool
- (<||>) :: Applicative a => a Bool -> a Bool -> a Bool
- (\\) :: SetContainer a => a -> a -> a
- traceShowM :: (Show a, Monad m) => a -> m ()
- traceShowId :: Show a => a -> a
- traceM :: Monad m => String -> m ()
- traceId :: String -> String
- traceShow :: Show a => a -> b -> b
- trace :: String -> a -> a
- undefined :: HasCallStack => a
- pollSTM :: Async a -> STM (Maybe (Either SomeException a))
- waitAnyCatchSTM :: [Async a] -> STM (Async a, Either SomeException a)
- waitAnySTM :: [Async a] -> STM (Async a, a)
- waitBothSTM :: Async a -> Async b -> STM (a, b)
- waitCatchSTM :: Async a -> STM (Either SomeException a)
- waitEitherCatchSTM :: Async a -> Async b -> STM (Either (Either SomeException a) (Either SomeException b))
- waitEitherSTM :: Async a -> Async b -> STM (Either a b)
- waitEitherSTM_ :: Async a -> Async b -> STM ()
- waitSTM :: Async a -> STM a
- optional :: Alternative f => f a -> f (Maybe a)
- (<=<) :: Monad m => (b -> m c) -> (a -> m b) -> a -> m c
- (>=>) :: Monad m => (a -> m b) -> (b -> m c) -> a -> m c
- replicateM_ :: Applicative m => Int -> m a -> m ()
- either :: (a -> c) -> (b -> c) -> Either a b -> c
- lefts :: [Either a b] -> [a]
- partitionEithers :: [Either a b] -> ([a], [b])
- rights :: [Either a b] -> [b]
- asum :: (Foldable t, Alternative f) => t (f a) -> f a
- on :: (b -> b -> c) -> (a -> b) -> a -> a -> c
- ($>) :: Functor f => f a -> b -> f b
- (<$>) :: Functor f => (a -> b) -> f a -> f b
- isNothing :: Maybe a -> Bool
- maybe :: b -> (a -> b) -> Maybe a -> b
- maybeToList :: Maybe a -> [a]
- comparing :: Ord a => (b -> a) -> b -> b -> Ordering
- for :: (Traversable t, Applicative f) => t a -> (a -> f b) -> f (t b)
- curry :: ((a, b) -> c) -> a -> b -> c
- fst :: (a, b) -> a
- snd :: (a, b) -> b
- swap :: (a, b) -> (b, a)
- uncurry :: (a -> b -> c) -> (a, b) -> c
- ($!) :: forall (r :: RuntimeRep) a (b :: TYPE r). (a -> b) -> a -> b
- (<**>) :: Applicative f => f a -> f (a -> b) -> f b
- (=<<) :: Monad m => (a -> m b) -> m a -> m b
- ap :: Monad m => m (a -> b) -> m a -> m b
- asTypeOf :: a -> a -> a
- const :: a -> b -> a
- flip :: (a -> b -> c) -> b -> a -> c
- liftA :: Applicative f => (a -> b) -> f a -> f b
- liftA3 :: Applicative f => (a -> b -> c -> d) -> f a -> f b -> f c -> f d
- liftM :: Monad m => (a1 -> r) -> m a1 -> m r
- liftM2 :: Monad m => (a1 -> a2 -> r) -> m a1 -> m a2 -> m r
- liftM3 :: Monad m => (a1 -> a2 -> a3 -> r) -> m a1 -> m a2 -> m a3 -> m r
- liftM4 :: Monad m => (a1 -> a2 -> a3 -> a4 -> r) -> m a1 -> m a2 -> m a3 -> m a4 -> m r
- liftM5 :: Monad m => (a1 -> a2 -> a3 -> a4 -> a5 -> r) -> m a1 -> m a2 -> m a3 -> m a4 -> m a5 -> m r
- until :: (a -> Bool) -> (a -> a) -> a -> a
- newTVar :: a -> STM (TVar a)
- orElse :: STM a -> STM a -> STM a
- readTVar :: TVar a -> STM a
- writeTVar :: TVar a -> a -> STM ()
- asyncExceptionFromException :: Exception e => SomeException -> Maybe e
- asyncExceptionToException :: Exception e => e -> SomeException
- ioError :: IOError -> IO a
- userError :: String -> IOError
- stderr :: Handle
- stdin :: Handle
- stdout :: Handle
- repeat :: a -> [a]
- subtract :: Num a => a -> a -> a
- (^) :: (Num a, Integral b) => a -> b -> a
- (^^) :: (Fractional a, Integral b) => a -> b -> a
- even :: Integral a => a -> Bool
- odd :: Integral a => a -> Bool
- alreadyExistsErrorType :: IOErrorType
- alreadyInUseErrorType :: IOErrorType
- annotateIOError :: IOError -> String -> Maybe Handle -> Maybe FilePath -> IOError
- doesNotExistErrorType :: IOErrorType
- eofErrorType :: IOErrorType
- fullErrorType :: IOErrorType
- illegalOperationErrorType :: IOErrorType
- ioeGetErrorString :: IOError -> String
- ioeGetErrorType :: IOError -> IOErrorType
- ioeGetFileName :: IOError -> Maybe FilePath
- ioeGetHandle :: IOError -> Maybe Handle
- ioeGetLocation :: IOError -> String
- ioeSetErrorString :: IOError -> String -> IOError
- ioeSetErrorType :: IOError -> IOErrorType -> IOError
- ioeSetFileName :: IOError -> FilePath -> IOError
- ioeSetHandle :: IOError -> Handle -> IOError
- ioeSetLocation :: IOError -> String -> IOError
- isAlreadyExistsError :: IOError -> Bool
- isAlreadyExistsErrorType :: IOErrorType -> Bool
- isAlreadyInUseError :: IOError -> Bool
- isAlreadyInUseErrorType :: IOErrorType -> Bool
- isDoesNotExistError :: IOError -> Bool
- isDoesNotExistErrorType :: IOErrorType -> Bool
- isEOFError :: IOError -> Bool
- isEOFErrorType :: IOErrorType -> Bool
- isFullError :: IOError -> Bool
- isFullErrorType :: IOErrorType -> Bool
- isIllegalOperation :: IOError -> Bool
- isIllegalOperationErrorType :: IOErrorType -> Bool
- isPermissionError :: IOError -> Bool
- isPermissionErrorType :: IOErrorType -> Bool
- isResourceVanishedError :: IOError -> Bool
- isResourceVanishedErrorType :: IOErrorType -> Bool
- isUserError :: IOError -> Bool
- isUserErrorType :: IOErrorType -> Bool
- mkIOError :: IOErrorType -> String -> Maybe Handle -> Maybe FilePath -> IOError
- modifyIOError :: (IOError -> IOError) -> IO a -> IO a
- permissionErrorType :: IOErrorType
- resourceVanishedErrorType :: IOErrorType
- tryIOError :: IO a -> IO (Either IOError a)
- userErrorType :: IOErrorType
- equating :: Eq a => (b -> a) -> b -> b -> Bool
- getArgs :: MonadIO m => m [Text]
- terror :: HasCallStack => Text -> a
- textToBuilder :: ToBuilder Text builder => Text -> builder
- applyDList :: DList a -> [a] -> [a]
- asByteString :: ByteString -> ByteString
- asDList :: DList a -> DList a
- asHashMap :: HashMap k v -> HashMap k v
- asHashSet :: HashSet a -> HashSet a
- asIntMap :: IntMap v -> IntMap v
- asIntSet :: IntSet -> IntSet
- asLByteString :: LByteString -> LByteString
- asLText :: LText -> LText
- asList :: [a] -> [a]
- asMap :: Map k v -> Map k v
- asMaybe :: Maybe a -> Maybe a
- asSVector :: SVector a -> SVector a
- asSet :: Set a -> Set a
- asString :: [Char] -> [Char]
- asText :: Text -> Text
- asUVector :: UVector a -> UVector a
- asVector :: Vector a -> Vector a
- charToLower :: Char -> Char
- charToUpper :: Char -> Char
- fromByteVector :: SVector Word8 -> ByteString
- getChar :: MonadIO m => m Char
- getContents :: MonadIO m => m LText
- getLine :: MonadIO m => m Text
- hGetChunk :: MonadIO m => Handle -> m ByteString
- hGetContents :: MonadIO m => Handle -> m ByteString
- hPut :: MonadIO m => Handle -> ByteString -> m ()
- hashNub :: (Hashable a, Eq a) => [a] -> [a]
- interact :: MonadIO m => (LText -> LText) -> m ()
- intersect :: SetContainer a => a -> a -> a
- link2Async :: MonadIO m => Async a -> Async b -> m ()
- linkAsync :: MonadIO m => Async a -> m ()
- orElseSTM :: STM a -> STM a -> STM a
- ordNub :: Ord a => [a] -> [a]
- ordNubBy :: Ord b => (a -> b) -> (a -> a -> Bool) -> [a] -> [a]
- parseTime :: ParseTime t => TimeLocale -> String -> String -> Maybe t
- pollAsync :: MonadIO m => Async a -> m (Maybe (Either SomeException a))
- putChar :: MonadIO m => Char -> m ()
- readFile :: MonadIO m => FilePath -> m ByteString
- readFileUtf8 :: MonadIO m => FilePath -> m Text
- readMay :: (Element c ~ Char, MonoFoldable c, Read a) => c -> Maybe a
- sortWith :: (Ord a, IsSequence c) => (Element c -> a) -> c -> c
- tlshow :: Show a => a -> LText
- toByteVector :: ByteString -> SVector Word8
- unlessM :: Monad m => m Bool -> m () -> m ()
- waitAsync :: MonadIO m => Async a -> m a
- waitCatchAsync :: MonadIO m => Async a -> m (Either SomeException a)
- whenM :: Monad m => m Bool -> m () -> m ()
- writeFile :: MonadIO m => FilePath -> ByteString -> m ()
- writeFileUtf8 :: MonadIO m => FilePath -> Text -> m ()
- yieldThread :: MonadIO m => m ()
- ($!!) :: NFData a => (a -> b) -> a -> b
- force :: NFData a => a -> a
- (<.>) :: FilePath -> String -> FilePath
- (</>) :: FilePath -> FilePath -> FilePath
- (&&) :: Bool -> Bool -> Bool
- not :: Bool -> Bool
- maximumByMay :: MonoFoldable mono => (Element mono -> Element mono -> Ordering) -> mono -> Maybe (Element mono)
- maximumEx :: (MonoFoldable mono, Ord (Element mono)) => mono -> Element mono
- maximumMay :: (MonoFoldable mono, Ord (Element mono)) => mono -> Maybe (Element mono)
- minimumByMay :: MonoFoldable mono => (Element mono -> Element mono -> Ordering) -> mono -> Maybe (Element mono)
- minimumEx :: (MonoFoldable mono, Ord (Element mono)) => mono -> Element mono
- minimumMay :: (MonoFoldable mono, Ord (Element mono)) => mono -> Maybe (Element mono)
- oand :: (Element mono ~ Bool, MonoFoldable mono) => mono -> Bool
- oconcat :: (MonoFoldable mono, Monoid (Element mono)) => mono -> Element mono
- oconcatMap :: (MonoFoldable mono, Monoid m) => (Element mono -> m) -> mono -> m
- ofold :: (MonoFoldable mono, Monoid (Element mono)) => mono -> Element mono
- ofoldM :: (MonoFoldable mono, Monad m) => (a -> Element mono -> m a) -> a -> mono -> m a
- ofoldMUnwrap :: (Monad m, MonoFoldable mono) => (x -> Element mono -> m x) -> m x -> (x -> m b) -> mono -> m b
- ofoldlUnwrap :: MonoFoldable mono => (x -> Element mono -> x) -> x -> (x -> b) -> mono -> b
- ofor :: (MonoTraversable mono, Applicative f) => mono -> (Element mono -> f (Element mono)) -> f mono
- oforM :: (MonoTraversable mono, Applicative f) => mono -> (Element mono -> f (Element mono)) -> f mono
- ointercalate :: (MonoFoldable mono, Monoid (Element mono)) => Element mono -> mono -> Element mono
- oor :: (Element mono ~ Bool, MonoFoldable mono) => mono -> Bool
- oproduct :: (MonoFoldable mono, Num (Element mono)) => mono -> Element mono
- osequence_ :: (Applicative m, MonoFoldable mono, Element mono ~ m ()) => mono -> m ()
- osum :: (MonoFoldable mono, Num (Element mono)) => mono -> Element mono
- replaceElem :: (MonoFunctor mono, Eq (Element mono)) => Element mono -> Element mono -> mono -> mono
- replaceElemLazyText :: Char -> Char -> Text -> Text
- replaceElemStrictText :: Char -> Char -> Text -> Text
- unwrapMono :: WrappedMono mono a -> mono
- all :: MonoFoldable mono => (Element mono -> Bool) -> mono -> Bool
- and :: (MonoFoldable mono, Element mono ~ Bool) => mono -> Bool
- any :: MonoFoldable mono => (Element mono -> Bool) -> mono -> Bool
- compareLength :: (MonoFoldable mono, Integral i) => mono -> i -> Ordering
- concat :: (MonoFoldable mono, Monoid (Element mono)) => mono -> Element mono
- concatMap :: (MonoFoldable mono, Monoid m) => (Element mono -> m) -> mono -> m
- fold :: (MonoFoldable mono, Monoid (Element mono)) => mono -> Element mono
- foldM :: (MonoFoldable mono, Monad m) => (a -> Element mono -> m a) -> a -> mono -> m a
- foldMap :: (MonoFoldable mono, Monoid m) => (Element mono -> m) -> mono -> m
- foldMap1Ex :: (MonoFoldable mono, Semigroup m) => (Element mono -> m) -> mono -> m
- foldl' :: MonoFoldable mono => (a -> Element mono -> a) -> a -> mono -> a
- foldl1Ex' :: MonoFoldable mono => (Element mono -> Element mono -> Element mono) -> mono -> Element mono
- foldlM :: (MonoFoldable mono, Monad m) => (a -> Element mono -> m a) -> a -> mono -> m a
- foldr :: MonoFoldable mono => (Element mono -> b -> b) -> b -> mono -> b
- foldr1Ex :: MonoFoldable mono => (Element mono -> Element mono -> Element mono) -> mono -> Element mono
- for_ :: (MonoFoldable mono, Applicative f) => mono -> (Element mono -> f b) -> f ()
- length :: MonoFoldable mono => mono -> Int
- length64 :: MonoFoldable mono => mono -> Int64
- notElem :: (MonoFoldable mono, Eq (Element mono)) => Element mono -> mono -> Bool
- or :: (MonoFoldable mono, Element mono ~ Bool) => mono -> Bool
- point :: MonoPointed mono => Element mono -> mono
- product :: (MonoFoldable mono, Num (Element mono)) => mono -> Element mono
- sum :: (MonoFoldable mono, Num (Element mono)) => mono -> Element mono
- toList :: MonoFoldable mono => mono -> [Element mono]
- traverse_ :: (MonoFoldable mono, Applicative f) => (Element mono -> f b) -> mono -> f ()
- (<|) :: SemiSequence seq => Element seq -> NonNull seq -> NonNull seq
- fromNonEmpty :: IsSequence seq => NonEmpty (Element seq) -> NonNull seq
- fromNullable :: MonoFoldable mono => mono -> Maybe (NonNull mono)
- impureNonNull :: MonoFoldable mono => mono -> NonNull mono
- mapNonNull :: (Functor f, MonoFoldable (f b)) => (a -> b) -> NonNull (f a) -> NonNull (f b)
- maximum :: (MonoFoldable mono, Ord (Element mono)) => NonNull mono -> Element mono
- maximumBy :: MonoFoldable mono => (Element mono -> Element mono -> Ordering) -> NonNull mono -> Element mono
- minimum :: (MonoFoldable mono, Ord (Element mono)) => NonNull mono -> Element mono
- minimumBy :: MonoFoldable mono => (Element mono -> Element mono -> Ordering) -> NonNull mono -> Element mono
- nReplicate :: IsSequence seq => Index seq -> Element seq -> NonNull seq
- ncons :: SemiSequence seq => Element seq -> seq -> NonNull seq
- nfilter :: IsSequence seq => (Element seq -> Bool) -> NonNull seq -> seq
- nfilterM :: (Monad m, IsSequence seq) => (Element seq -> m Bool) -> NonNull seq -> m seq
- nonNull :: MonoFoldable mono => mono -> NonNull mono
- nuncons :: IsSequence seq => NonNull seq -> (Element seq, Maybe (NonNull seq))
- ofold1 :: (MonoFoldable mono, Semigroup (Element mono)) => NonNull mono -> Element mono
- ofoldMap1 :: (MonoFoldable mono, Semigroup m) => (Element mono -> m) -> NonNull mono -> m
- ofoldl1' :: MonoFoldable mono => (Element mono -> Element mono -> Element mono) -> NonNull mono -> Element mono
- ofoldr1 :: MonoFoldable mono => (Element mono -> Element mono -> Element mono) -> NonNull mono -> Element mono
- splitFirst :: IsSequence seq => NonNull seq -> (Element seq, seq)
- toMinList :: NonEmpty a -> NonNull [a]
- toNonEmpty :: MonoFoldable mono => NonNull mono -> NonEmpty (Element mono)
- catMaybes :: (IsSequence (f (Maybe t)), Functor f, Element (f (Maybe t)) ~ Maybe t) => f (Maybe t) -> f t
- defaultCons :: IsSequence seq => Element seq -> seq -> seq
- defaultFind :: MonoFoldable seq => (Element seq -> Bool) -> seq -> Maybe (Element seq)
- defaultIntersperse :: IsSequence seq => Element seq -> seq -> seq
- defaultReverse :: IsSequence seq => seq -> seq
- defaultSnoc :: IsSequence seq => seq -> Element seq -> seq
- defaultSortBy :: IsSequence seq => (Element seq -> Element seq -> Ordering) -> seq -> seq
- defaultSplitWhen :: IsSequence seq => (Element seq -> Bool) -> seq -> [seq]
- deleteBy :: (IsSequence seq, Eq (Element seq)) => (Element seq -> Element seq -> Bool) -> Element seq -> seq -> seq
- dropPrefix :: (IsSequence seq, Eq (Element seq)) => seq -> seq -> seq
- dropSuffix :: (IsSequence seq, Eq (Element seq)) => seq -> seq -> seq
- ensurePrefix :: (Eq (Element seq), IsSequence seq) => seq -> seq -> seq
- ensureSuffix :: (Eq (Element seq), IsSequence seq) => seq -> seq -> seq
- groupAll :: (IsSequence seq, Eq (Element seq)) => seq -> [seq]
- initDef :: IsSequence seq => seq -> seq
- pack :: IsSequence seq => [Element seq] -> seq
- repack :: (MonoFoldable a, IsSequence b, Element a ~ Element b) => a -> b
- replaceSeq :: (IsSequence seq, Eq (Element seq)) => seq -> seq -> seq -> seq
- replaceSeqLazyText :: Text -> Text -> Text -> Text
- replaceSeqStrictText :: Text -> Text -> Text -> Text
- singleton :: MonoPointed seq => Element seq -> seq
- sort :: (SemiSequence seq, Ord (Element seq)) => seq -> seq
- sortOn :: (Ord o, SemiSequence seq) => (Element seq -> o) -> seq -> seq
- splitElem :: (IsSequence seq, Eq (Element seq)) => Element seq -> seq -> [seq]
- splitElemStrictBS :: Word8 -> ByteString -> [ByteString]
- splitSeq :: (IsSequence seq, Eq (Element seq)) => seq -> seq -> [seq]
- splitSeqLazyBS :: Word8 -> ByteString -> [ByteString]
- splitSeqLazyText :: Text -> Text -> [Text]
- splitSeqStrictText :: Text -> Text -> [Text]
- stripPrefix :: (IsSequence seq, Eq (Element seq)) => seq -> seq -> Maybe seq
- stripPrefixLazyBS :: ByteString -> ByteString -> Maybe ByteString
- stripPrefixStrictBS :: ByteString -> ByteString -> Maybe ByteString
- stripSuffix :: (IsSequence seq, Eq (Element seq)) => seq -> seq -> Maybe seq
- stripSuffixLazyBS :: ByteString -> ByteString -> Maybe ByteString
- stripSuffixStrictBS :: ByteString -> ByteString -> Maybe ByteString
- tailDef :: IsSequence seq => seq -> seq
- unpack :: MonoFoldable mono => mono -> [Element mono]
- vectorSort :: (Vector v e, Ord e) => v e -> v e
- vectorSortBy :: Vector v e => (e -> e -> Ordering) -> v e -> v e
- asks :: MonadReader r m => (r -> a) -> m a
- asBRef :: BRef s a -> BRef s a
- asIORef :: IORef a -> IORef a
- asMutVar :: MutVar s a -> MutVar s a
- asSTRef :: STRef s a -> STRef s a
- asDLList :: DLList s a -> DLList s a
- asBDeque :: BDeque s a -> BDeque s a
- asSDeque :: SDeque s a -> SDeque s a
- asUDeque :: UDeque s a -> UDeque s a
- asPRef :: PRef s a -> PRef s a
- asSRef :: SRef s a -> SRef s a
- asURef :: URef s a -> URef s a
- primToIO :: (PrimBase m, PrimState m ~ RealWorld) => m a -> IO a
- primToPrim :: (PrimBase m1, PrimMonad m2, PrimState m1 ~ PrimState m2) => m1 a -> m2 a
- primToST :: PrimBase m => m a -> ST (PrimState m) a
- atomicModifyMutVar :: PrimMonad m => MutVar (PrimState m) a -> (a -> (a, b)) -> m b
- atomicModifyMutVar' :: PrimMonad m => MutVar (PrimState m) a -> (a -> (a, b)) -> m b
- modifyMutVar :: PrimMonad m => MutVar (PrimState m) a -> (a -> a) -> m ()
- modifyMutVar' :: PrimMonad m => MutVar (PrimState m) a -> (a -> a) -> m ()
- newMutVar :: PrimMonad m => a -> m (MutVar (PrimState m) a)
- readMutVar :: PrimMonad m => MutVar (PrimState m) a -> m a
- writeMutVar :: PrimMonad m => MutVar (PrimState m) a -> a -> m ()
- hSay :: MonadIO m => Handle -> Text -> m ()
- hSayShow :: (MonadIO m, Show a) => Handle -> a -> m ()
- hSayString :: MonadIO m => Handle -> String -> m ()
- sayErr :: MonadIO m => Text -> m ()
- sayErrShow :: (MonadIO m, Show a) => a -> m ()
- sayErrString :: MonadIO m => String -> m ()
- sayShow :: (MonadIO m, Show a) => a -> m ()
- sayString :: MonadIO m => String -> m ()
- flushTBQueue :: TBQueue a -> STM [a]
- isEmptyTBQueue :: TBQueue a -> STM Bool
- isFullTBQueue :: TBQueue a -> STM Bool
- lengthTBQueue :: TBQueue a -> STM Natural
- newTBQueue :: Natural -> STM (TBQueue a)
- peekTBQueue :: TBQueue a -> STM a
- readTBQueue :: TBQueue a -> STM a
- tryPeekTBQueue :: TBQueue a -> STM (Maybe a)
- tryReadTBQueue :: TBQueue a -> STM (Maybe a)
- unGetTBQueue :: TBQueue a -> a -> STM ()
- writeTBQueue :: TBQueue a -> a -> STM ()
- cloneTChan :: TChan a -> STM (TChan a)
- dupTChan :: TChan a -> STM (TChan a)
- isEmptyTChan :: TChan a -> STM Bool
- newBroadcastTChan :: STM (TChan a)
- newTChan :: STM (TChan a)
- peekTChan :: TChan a -> STM a
- readTChan :: TChan a -> STM a
- tryPeekTChan :: TChan a -> STM (Maybe a)
- tryReadTChan :: TChan a -> STM (Maybe a)
- unGetTChan :: TChan a -> a -> STM ()
- writeTChan :: TChan a -> a -> STM ()
- isEmptyTMVar :: TMVar a -> STM Bool
- newEmptyTMVar :: STM (TMVar a)
- newTMVar :: a -> STM (TMVar a)
- putTMVar :: TMVar a -> a -> STM ()
- readTMVar :: TMVar a -> STM a
- swapTMVar :: TMVar a -> a -> STM a
- takeTMVar :: TMVar a -> STM a
- tryPutTMVar :: TMVar a -> a -> STM Bool
- tryReadTMVar :: TMVar a -> STM (Maybe a)
- tryTakeTMVar :: TMVar a -> STM (Maybe a)
- writeTMVar :: TMVar a -> a -> STM ()
- isEmptyTQueue :: TQueue a -> STM Bool
- newTQueue :: STM (TQueue a)
- peekTQueue :: TQueue a -> STM a
- readTQueue :: TQueue a -> STM a
- tryPeekTQueue :: TQueue a -> STM (Maybe a)
- tryReadTQueue :: TQueue a -> STM (Maybe a)
- unGetTQueue :: TQueue a -> a -> STM ()
- writeTQueue :: TQueue a -> a -> STM ()
- modifyTVar :: TVar a -> (a -> a) -> STM ()
- modifyTVar' :: TVar a -> (a -> a) -> STM ()
- stateTVar :: TVar s -> (s -> (a, s)) -> STM a
- swapTVar :: TVar a -> a -> STM a
- estimateFreeSlotsTBChan :: TBChan a -> STM Int
- freeSlotsTBChan :: TBChan a -> STM Int
- isEmptyTBChan :: TBChan a -> STM Bool
- isFullTBChan :: TBChan a -> STM Bool
- newTBChan :: Int -> STM (TBChan a)
- newTBChanIO :: Int -> IO (TBChan a)
- peekTBChan :: TBChan a -> STM a
- readTBChan :: TBChan a -> STM a
- tryPeekTBChan :: TBChan a -> STM (Maybe a)
- tryReadTBChan :: TBChan a -> STM (Maybe a)
- tryWriteTBChan :: TBChan a -> a -> STM Bool
- unGetTBChan :: TBChan a -> a -> STM ()
- writeTBChan :: TBChan a -> a -> STM ()
- closeTBMChan :: TBMChan a -> STM ()
- estimateFreeSlotsTBMChan :: TBMChan a -> STM Int
- freeSlotsTBMChan :: TBMChan a -> STM Int
- isClosedTBMChan :: TBMChan a -> STM Bool
- isEmptyTBMChan :: TBMChan a -> STM Bool
- isFullTBMChan :: TBMChan a -> STM Bool
- newTBMChan :: Int -> STM (TBMChan a)
- newTBMChanIO :: Int -> IO (TBMChan a)
- peekTBMChan :: TBMChan a -> STM (Maybe a)
- readTBMChan :: TBMChan a -> STM (Maybe a)
- tryPeekTBMChan :: TBMChan a -> STM (Maybe (Maybe a))
- tryReadTBMChan :: TBMChan a -> STM (Maybe (Maybe a))
- tryWriteTBMChan :: TBMChan a -> a -> STM (Maybe Bool)
- unGetTBMChan :: TBMChan a -> a -> STM ()
- writeTBMChan :: TBMChan a -> a -> STM ()
- closeTBMQueue :: TBMQueue a -> STM ()
- estimateFreeSlotsTBMQueue :: TBMQueue a -> STM Int
- freeSlotsTBMQueue :: TBMQueue a -> STM Int
- isClosedTBMQueue :: TBMQueue a -> STM Bool
- isEmptyTBMQueue :: TBMQueue a -> STM Bool
- isFullTBMQueue :: TBMQueue a -> STM Bool
- newTBMQueue :: Int -> STM (TBMQueue a)
- newTBMQueueIO :: Int -> IO (TBMQueue a)
- peekTBMQueue :: TBMQueue a -> STM (Maybe a)
- readTBMQueue :: TBMQueue a -> STM (Maybe a)
- tryPeekTBMQueue :: TBMQueue a -> STM (Maybe (Maybe a))
- tryReadTBMQueue :: TBMQueue a -> STM (Maybe (Maybe a))
- tryWriteTBMQueue :: TBMQueue a -> a -> STM (Maybe Bool)
- unGetTBMQueue :: TBMQueue a -> a -> STM ()
- writeTBMQueue :: TBMQueue a -> a -> STM ()
- closeTMChan :: TMChan a -> STM ()
- dupTMChan :: TMChan a -> STM (TMChan a)
- isClosedTMChan :: TMChan a -> STM Bool
- isEmptyTMChan :: TMChan a -> STM Bool
- newBroadcastTMChan :: STM (TMChan a)
- newBroadcastTMChanIO :: IO (TMChan a)
- newTMChan :: STM (TMChan a)
- newTMChanIO :: IO (TMChan a)
- peekTMChan :: TMChan a -> STM (Maybe a)
- readTMChan :: TMChan a -> STM (Maybe a)
- tryPeekTMChan :: TMChan a -> STM (Maybe (Maybe a))
- tryReadTMChan :: TMChan a -> STM (Maybe (Maybe a))
- unGetTMChan :: TMChan a -> a -> STM ()
- writeTMChan :: TMChan a -> a -> STM ()
- closeTMQueue :: TMQueue a -> STM ()
- isClosedTMQueue :: TMQueue a -> STM Bool
- isEmptyTMQueue :: TMQueue a -> STM Bool
- newTMQueue :: STM (TMQueue a)
- newTMQueueIO :: IO (TMQueue a)
- peekTMQueue :: TMQueue a -> STM (Maybe a)
- readTMQueue :: TMQueue a -> STM (Maybe a)
- tryPeekTMQueue :: TMQueue a -> STM (Maybe (Maybe a))
- tryReadTMQueue :: TMQueue a -> STM (Maybe (Maybe a))
- unGetTMQueue :: TMQueue a -> a -> STM ()
- writeTMQueue :: TMQueue a -> a -> STM ()
- fromGregorian :: Year -> MonthOfYear -> DayOfMonth -> Day
- formatTime :: FormatTime t => TimeLocale -> String -> t -> String
- defaultTimeLocale :: TimeLocale
- parseTimeM :: (MonadFail m, ParseTime t) => Bool -> TimeLocale -> String -> String -> m t
- dupChan :: MonadIO m => Chan a -> m (Chan a)
- getChanContents :: MonadIO m => Chan a -> m [a]
- newChan :: MonadIO m => m (Chan a)
- readChan :: MonadIO m => Chan a -> m a
- writeChan :: MonadIO m => Chan a -> a -> m ()
- writeList2Chan :: MonadIO m => Chan a -> [a] -> m ()
- bracket :: MonadUnliftIO m => m a -> (a -> m b) -> (a -> m c) -> m c
- bracketOnError :: MonadUnliftIO m => m a -> (a -> m b) -> (a -> m c) -> m c
- bracketOnError_ :: MonadUnliftIO m => m a -> m b -> m c -> m c
- bracket_ :: MonadUnliftIO m => m a -> m b -> m c -> m c
- catchAny :: MonadUnliftIO m => m a -> (SomeException -> m a) -> m a
- catchAnyDeep :: (NFData a, MonadUnliftIO m) => m a -> (SomeException -> m a) -> m a
- catchDeep :: (MonadUnliftIO m, Exception e, NFData a) => m a -> (e -> m a) -> m a
- catchIO :: MonadUnliftIO m => m a -> (IOException -> m a) -> m a
- catchJust :: (MonadUnliftIO m, Exception e) => (e -> Maybe b) -> m a -> (b -> m a) -> m a
- catchSyncOrAsync :: (MonadUnliftIO m, Exception e) => m a -> (e -> m a) -> m a
- catches :: MonadUnliftIO m => m a -> [Handler m a] -> m a
- catchesDeep :: (MonadUnliftIO m, NFData a) => m a -> [Handler m a] -> m a
- evaluate :: MonadIO m => a -> m a
- evaluateDeep :: (MonadIO m, NFData a) => a -> m a
- fromEither :: (Exception e, MonadIO m) => Either e a -> m a
- fromEitherIO :: (Exception e, MonadIO m) => IO (Either e a) -> m a
- fromEitherM :: (Exception e, MonadIO m) => m (Either e a) -> m a
- fromExceptionUnwrap :: Exception e => SomeException -> Maybe e
- handle :: (MonadUnliftIO m, Exception e) => (e -> m a) -> m a -> m a
- handleAny :: MonadUnliftIO m => (SomeException -> m a) -> m a -> m a
- handleAnyDeep :: (MonadUnliftIO m, NFData a) => (SomeException -> m a) -> m a -> m a
- handleDeep :: (MonadUnliftIO m, Exception e, NFData a) => (e -> m a) -> m a -> m a
- handleIO :: MonadUnliftIO m => (IOException -> m a) -> m a -> m a
- handleJust :: (MonadUnliftIO m, Exception e) => (e -> Maybe b) -> (b -> m a) -> m a -> m a
- handleSyncOrAsync :: (MonadUnliftIO m, Exception e) => (e -> m a) -> m a -> m a
- impureThrow :: Exception e => e -> a
- isAsyncException :: Exception e => e -> Bool
- isSyncException :: Exception e => e -> Bool
- mapExceptionM :: (Exception e1, Exception e2, MonadUnliftIO m) => (e1 -> e2) -> m a -> m a
- mask :: MonadUnliftIO m => ((forall a. m a -> m a) -> m b) -> m b
- mask_ :: MonadUnliftIO m => m a -> m a
- onException :: MonadUnliftIO m => m a -> m b -> m a
- pureTry :: a -> Either SomeException a
- pureTryDeep :: NFData a => a -> Either SomeException a
- stringException :: HasCallStack => String -> StringException
- throwString :: (MonadIO m, HasCallStack) => String -> m a
- throwTo :: (Exception e, MonadIO m) => ThreadId -> e -> m ()
- toAsyncException :: Exception e => e -> SomeException
- toSyncException :: Exception e => e -> SomeException
- tryAny :: MonadUnliftIO m => m a -> m (Either SomeException a)
- tryAnyDeep :: (MonadUnliftIO m, NFData a) => m a -> m (Either SomeException a)
- tryDeep :: (MonadUnliftIO m, Exception e, NFData a) => m a -> m (Either e a)
- tryIO :: MonadUnliftIO m => m a -> m (Either IOException a)
- tryJust :: (MonadUnliftIO m, Exception e) => (e -> Maybe b) -> m a -> m (Either b a)
- trySyncOrAsync :: (MonadUnliftIO m, Exception e) => m a -> m (Either e a)
- uninterruptibleMask :: MonadUnliftIO m => ((forall a. m a -> m a) -> m b) -> m b
- uninterruptibleMask_ :: MonadUnliftIO m => m a -> m a
- withException :: (MonadUnliftIO m, Exception e) => m a -> (e -> m b) -> m a
- getMonotonicTime :: MonadIO m => m Double
- hClose :: MonadIO m => Handle -> m ()
- hFileSize :: MonadIO m => Handle -> m Integer
- hFlush :: MonadIO m => Handle -> m ()
- hGetBuffering :: MonadIO m => Handle -> m BufferMode
- hGetEcho :: MonadIO m => Handle -> m Bool
- hIsClosed :: MonadIO m => Handle -> m Bool
- hIsEOF :: MonadIO m => Handle -> m Bool
- hIsOpen :: MonadIO m => Handle -> m Bool
- hIsReadable :: MonadIO m => Handle -> m Bool
- hIsSeekable :: MonadIO m => Handle -> m Bool
- hIsTerminalDevice :: MonadIO m => Handle -> m Bool
- hIsWritable :: MonadIO m => Handle -> m Bool
- hReady :: MonadIO m => Handle -> m Bool
- hSeek :: MonadIO m => Handle -> SeekMode -> Integer -> m ()
- hSetBuffering :: MonadIO m => Handle -> BufferMode -> m ()
- hSetEcho :: MonadIO m => Handle -> Bool -> m ()
- hSetFileSize :: MonadIO m => Handle -> Integer -> m ()
- hTell :: MonadIO m => Handle -> m Integer
- hWaitForInput :: MonadIO m => Handle -> Int -> m Bool
- openFile :: MonadIO m => FilePath -> IOMode -> m Handle
- withBinaryFile :: MonadUnliftIO m => FilePath -> IOMode -> (Handle -> m a) -> m a
- withFile :: MonadUnliftIO m => FilePath -> IOMode -> (Handle -> m a) -> m a
- atomicModifyIORef :: MonadIO m => IORef a -> (a -> (a, b)) -> m b
- atomicModifyIORef' :: MonadIO m => IORef a -> (a -> (a, b)) -> m b
- atomicWriteIORef :: MonadIO m => IORef a -> a -> m ()
- mkWeakIORef :: MonadUnliftIO m => IORef a -> m () -> m (Weak (IORef a))
- modifyIORef :: MonadIO m => IORef a -> (a -> a) -> m ()
- modifyIORef' :: MonadIO m => IORef a -> (a -> a) -> m ()
- newIORef :: MonadIO m => a -> m (IORef a)
- readIORef :: MonadIO m => IORef a -> m a
- writeIORef :: MonadIO m => IORef a -> a -> m ()
- asyncBound :: MonadUnliftIO m => m a -> m (Async a)
- asyncOn :: MonadUnliftIO m => Int -> m a -> m (Async a)
- asyncOnWithUnmask :: MonadUnliftIO m => Int -> ((forall b. m b -> m b) -> m a) -> m (Async a)
- asyncWithUnmask :: MonadUnliftIO m => ((forall b. m b -> m b) -> m a) -> m (Async a)
- cancel :: MonadIO m => Async a -> m ()
- cancelWith :: (Exception e, MonadIO m) => Async a -> e -> m ()
- conc :: m a -> Conc m a
- concurrently :: MonadUnliftIO m => m a -> m b -> m (a, b)
- concurrently_ :: MonadUnliftIO m => m a -> m b -> m ()
- forConcurrently :: (MonadUnliftIO m, Traversable t) => t a -> (a -> m b) -> m (t b)
- forConcurrently_ :: (MonadUnliftIO m, Foldable f) => f a -> (a -> m b) -> m ()
- link :: MonadIO m => Async a -> m ()
- link2 :: MonadIO m => Async a -> Async b -> m ()
- mapConcurrently :: (MonadUnliftIO m, Traversable t) => (a -> m b) -> t a -> m (t b)
- mapConcurrently_ :: (MonadUnliftIO m, Foldable f) => (a -> m b) -> f a -> m ()
- poll :: MonadIO m => Async a -> m (Maybe (Either SomeException a))
- pooledForConcurrently :: (MonadUnliftIO m, Traversable t) => t a -> (a -> m b) -> m (t b)
- pooledForConcurrentlyN :: (MonadUnliftIO m, Traversable t) => Int -> t a -> (a -> m b) -> m (t b)
- pooledForConcurrentlyN_ :: (MonadUnliftIO m, Foldable t) => Int -> t a -> (a -> m b) -> m ()
- pooledForConcurrently_ :: (MonadUnliftIO m, Foldable f) => f a -> (a -> m b) -> m ()
- pooledMapConcurrently :: (MonadUnliftIO m, Traversable t) => (a -> m b) -> t a -> m (t b)
- pooledMapConcurrentlyN :: (MonadUnliftIO m, Traversable t) => Int -> (a -> m b) -> t a -> m (t b)
- pooledMapConcurrentlyN_ :: (MonadUnliftIO m, Foldable f) => Int -> (a -> m b) -> f a -> m ()
- pooledMapConcurrently_ :: (MonadUnliftIO m, Foldable f) => (a -> m b) -> f a -> m ()
- pooledReplicateConcurrently :: MonadUnliftIO m => Int -> m a -> m [a]
- pooledReplicateConcurrentlyN :: MonadUnliftIO m => Int -> Int -> m a -> m [a]
- pooledReplicateConcurrentlyN_ :: MonadUnliftIO m => Int -> Int -> m a -> m ()
- pooledReplicateConcurrently_ :: MonadUnliftIO m => Int -> m a -> m ()
- race :: MonadUnliftIO m => m a -> m b -> m (Either a b)
- race_ :: MonadUnliftIO m => m a -> m b -> m ()
- replicateConcurrently :: MonadUnliftIO f => Int -> f a -> f [a]
- replicateConcurrently_ :: (Applicative m, MonadUnliftIO m) => Int -> m a -> m ()
- runConc :: MonadUnliftIO m => Conc m a -> m a
- uninterruptibleCancel :: MonadIO m => Async a -> m ()
- wait :: MonadIO m => Async a -> m a
- waitAny :: MonadIO m => [Async a] -> m (Async a, a)
- waitAnyCancel :: MonadIO m => [Async a] -> m (Async a, a)
- waitAnyCatch :: MonadIO m => [Async a] -> m (Async a, Either SomeException a)
- waitAnyCatchCancel :: MonadIO m => [Async a] -> m (Async a, Either SomeException a)
- waitBoth :: MonadIO m => Async a -> Async b -> m (a, b)
- waitCatch :: MonadIO m => Async a -> m (Either SomeException a)
- waitEither :: MonadIO m => Async a -> Async b -> m (Either a b)
- waitEitherCancel :: MonadIO m => Async a -> Async b -> m (Either a b)
- waitEitherCatch :: MonadIO m => Async a -> Async b -> m (Either (Either SomeException a) (Either SomeException b))
- waitEitherCatchCancel :: MonadIO m => Async a -> Async b -> m (Either (Either SomeException a) (Either SomeException b))
- waitEither_ :: MonadIO m => Async a -> Async b -> m ()
- withAsync :: MonadUnliftIO m => m a -> (Async a -> m b) -> m b
- withAsyncBound :: MonadUnliftIO m => m a -> (Async a -> m b) -> m b
- withAsyncOn :: MonadUnliftIO m => Int -> m a -> (Async a -> m b) -> m b
- withAsyncOnWithUnmask :: MonadUnliftIO m => Int -> ((forall c. m c -> m c) -> m a) -> (Async a -> m b) -> m b
- withAsyncWithUnmask :: MonadUnliftIO m => ((forall c. m c -> m c) -> m a) -> (Async a -> m b) -> m b
- isEmptyMVar :: MonadIO m => MVar a -> m Bool
- mkWeakMVar :: MonadUnliftIO m => MVar a -> m () -> m (Weak (MVar a))
- modifyMVar :: MonadUnliftIO m => MVar a -> (a -> m (a, b)) -> m b
- modifyMVarMasked :: MonadUnliftIO m => MVar a -> (a -> m (a, b)) -> m b
- modifyMVarMasked_ :: MonadUnliftIO m => MVar a -> (a -> m a) -> m ()
- modifyMVar_ :: MonadUnliftIO m => MVar a -> (a -> m a) -> m ()
- newEmptyMVar :: MonadIO m => m (MVar a)
- newMVar :: MonadIO m => a -> m (MVar a)
- putMVar :: MonadIO m => MVar a -> a -> m ()
- readMVar :: MonadIO m => MVar a -> m a
- swapMVar :: MonadIO m => MVar a -> a -> m a
- takeMVar :: MonadIO m => MVar a -> m a
- tryPutMVar :: MonadIO m => MVar a -> a -> m Bool
- tryReadMVar :: MonadIO m => MVar a -> m (Maybe a)
- tryTakeMVar :: MonadIO m => MVar a -> m (Maybe a)
- withMVar :: MonadUnliftIO m => MVar a -> (a -> m b) -> m b
- withMVarMasked :: MonadUnliftIO m => MVar a -> (a -> m b) -> m b
- memoizeMVar :: MonadUnliftIO m => m a -> m (Memoized a)
- memoizeRef :: MonadUnliftIO m => m a -> m (Memoized a)
- runMemoized :: MonadIO m => Memoized a -> m a
- newQSem :: MonadIO m => Int -> m QSem
- signalQSem :: MonadIO m => QSem -> m ()
- waitQSem :: MonadIO m => QSem -> m ()
- withQSem :: MonadUnliftIO m => QSem -> m a -> m a
- newQSemN :: MonadIO m => Int -> m QSemN
- signalQSemN :: MonadIO m => QSemN -> Int -> m ()
- waitQSemN :: MonadIO m => QSemN -> Int -> m ()
- withQSemN :: MonadUnliftIO m => QSemN -> Int -> m a -> m a
- atomically :: MonadIO m => STM a -> m a
- checkSTM :: Bool -> STM ()
- mkWeakTMVar :: MonadUnliftIO m => TMVar a -> m () -> m (Weak (TMVar a))
- mkWeakTVar :: MonadUnliftIO m => TVar a -> m () -> m (Weak (TVar a))
- newBroadcastTChanIO :: MonadIO m => m (TChan a)
- newEmptyTMVarIO :: MonadIO m => m (TMVar a)
- newTBQueueIO :: MonadIO m => Natural -> m (TBQueue a)
- newTChanIO :: MonadIO m => m (TChan a)
- newTMVarIO :: MonadIO m => a -> m (TMVar a)
- newTQueueIO :: MonadIO m => m (TQueue a)
- newTVarIO :: MonadIO m => a -> m (TVar a)
- readTVarIO :: MonadIO m => TVar a -> m a
- registerDelay :: MonadIO m => Int -> m (TVar Bool)
- retrySTM :: STM a
- withSystemTempDirectory :: MonadUnliftIO m => String -> (FilePath -> m a) -> m a
- withSystemTempFile :: MonadUnliftIO m => String -> (FilePath -> Handle -> m a) -> m a
- withTempDirectory :: MonadUnliftIO m => FilePath -> String -> (FilePath -> m a) -> m a
- withTempFile :: MonadUnliftIO m => FilePath -> String -> (FilePath -> Handle -> m a) -> m a
- timeout :: MonadUnliftIO m => Int -> m a -> m (Maybe a)
- askRunInIO :: MonadUnliftIO m => m (m a -> IO a)
- askUnliftIO :: MonadUnliftIO m => m (UnliftIO m)
- liftIOOp :: MonadUnliftIO m => (IO a -> IO b) -> m a -> m b
- toIO :: MonadUnliftIO m => m a -> m (IO a)
- withUnliftIO :: MonadUnliftIO m => (UnliftIO m -> IO a) -> m a
- wrappedWithRunInIO :: MonadUnliftIO n => (n b -> m b) -> (forall a. m a -> n a) -> ((forall a. m a -> IO a) -> IO b) -> m b
- (&&&) :: Arrow a => a b c -> a b c' -> a b (c, c')
- (***) :: Arrow a => a b c -> a b' c' -> a (b, b') (c, c')
- zipWith :: Zip f => (a -> b -> c) -> f a -> f b -> f c
- unzip :: Zip f => f (a, b) -> (f a, f b)
- zip :: Zip f => f a -> f b -> f (a, b)
- zipWith3 :: Zip3 f => (a -> b -> c -> d) -> f a -> f b -> f c -> f d
- unzip3 :: Zip3 f => f (a, b, c) -> (f a, f b, f c)
- zip3 :: Zip3 f => f a -> f b -> f c -> f (a, b, c)
- zipWith4 :: Zip4 f => (a -> b -> c -> d -> e) -> f a -> f b -> f c -> f d -> f e
- unzip4 :: Zip4 f => f (a, b, c, d) -> (f a, f b, f c, f d)
- zip4 :: Zip4 f => f a -> f b -> f c -> f d -> f (a, b, c, d)
- zipWith5 :: Zip5 f => (a -> b -> c -> d -> e -> g) -> f a -> f b -> f c -> f d -> f e -> f g
- unzip5 :: Zip5 f => f (a, b, c, d, e) -> (f a, f b, f c, f d, f e)
- zip5 :: Zip5 f => f a -> f b -> f c -> f d -> f e -> f (a, b, c, d, e)
- zipWith6 :: Zip6 f => (a -> b -> c -> d -> e -> g -> h) -> f a -> f b -> f c -> f d -> f e -> f g -> f h
- unzip6 :: Zip6 f => f (a, b, c, d, e, g) -> (f a, f b, f c, f d, f e, f g)
- zip6 :: Zip6 f => f a -> f b -> f c -> f d -> f e -> f g -> f (a, b, c, d, e, g)
- zipWith7 :: Zip7 f => (a -> b -> c -> d -> e -> g -> h -> i) -> f a -> f b -> f c -> f d -> f e -> f g -> f h -> f i
- unzip7 :: Zip7 f => f (a, b, c, d, e, g, h) -> (f a, f b, f c, f d, f e, f g, f h)
- zip7 :: Zip7 f => f a -> f b -> f c -> f d -> f e -> f g -> f h -> f (a, b, c, d, e, g, h)
- lift :: (MonadTrans t, Monad m) => m a -> t m a
- guard :: Alternative f => Bool -> f ()
- assert :: Bool -> a -> a
- otherwise :: Bool
- realToFrac :: (Real a, Fractional b) => a -> b
- fromIntegral :: (Integral a, Num b) => a -> b
- seq :: forall {r :: RuntimeRep} a (b :: TYPE r). a -> b -> b
- cs :: ConvertibleStrings a b => a -> b
- newtype Id' table = Id (PrimaryKey table)
- type Id model = Id' (GetTableName model)
- data StdMethod
Documentation
module IHP.RouterSupport
Constructors
UTCTime | |
Fields
|
Instances
FromJSON UTCTime | |
Defined in Data.Aeson.Types.FromJSON | |
FromJSONKey UTCTime | |
Defined in Data.Aeson.Types.FromJSON Methods | |
ToJSON UTCTime | |
Defined in Data.Aeson.Types.ToJSON | |
ToJSONKey UTCTime | |
Defined in Data.Aeson.Types.ToJSON | |
Data UTCTime | |
Defined in Data.Time.Clock.Internal.UTCTime Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> UTCTime -> c UTCTime # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c UTCTime # toConstr :: UTCTime -> Constr # dataTypeOf :: UTCTime -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c UTCTime) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c UTCTime) # gmapT :: (forall b. Data b => b -> b) -> UTCTime -> UTCTime # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> UTCTime -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> UTCTime -> r # gmapQ :: (forall d. Data d => d -> u) -> UTCTime -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> UTCTime -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> UTCTime -> m UTCTime # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> UTCTime -> m UTCTime # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> UTCTime -> m UTCTime # | |
Default UTCTime Source # | |
Defined in IHP.ModelSupport | |
NFData UTCTime | |
Defined in Data.Time.Clock.Internal.UTCTime | |
Eq UTCTime | |
Ord UTCTime | |
Defined in Data.Time.Clock.Internal.UTCTime | |
ParamReader UTCTime Source # | Accepts values such as |
Defined in IHP.Controller.Param Methods readParameter :: ByteString -> Either ByteString UTCTime Source # readParameterJSON :: Value -> Either ByteString UTCTime Source # | |
InputValue UTCTime Source # | |
Defined in IHP.ModelSupport Methods inputValue :: UTCTime -> Text Source # | |
FromField UTCTimestamp | |
Defined in Database.PostgreSQL.Simple.FromField Methods fromField :: FieldParser UTCTimestamp | |
FromField UTCTime | |
Defined in Database.PostgreSQL.Simple.FromField | |
ToField UTCTimestamp | |
Defined in Database.PostgreSQL.Simple.ToField Methods toField :: UTCTimestamp -> Action | |
ToField UTCTime | |
Defined in Database.PostgreSQL.Simple.ToField | |
ISO8601 UTCTime | |
Defined in Data.Time.Format.ISO8601 Methods iso8601Format :: Format UTCTime |
Instances
ToJSON1 Set | |
Defined in Data.Aeson.Types.ToJSON Methods liftToJSON :: (a -> Value) -> ([a] -> Value) -> Set a -> Value # liftToJSONList :: (a -> Value) -> ([a] -> Value) -> [Set a] -> Value # liftToEncoding :: (a -> Encoding) -> ([a] -> Encoding) -> Set a -> Encoding # liftToEncodingList :: (a -> Encoding) -> ([a] -> Encoding) -> [Set a] -> Encoding # | |
Foldable Set | |
Defined in Data.Set.Internal Methods fold :: Monoid m => Set m -> m foldMap :: Monoid m => (a -> m) -> Set a -> m foldMap' :: Monoid m => (a -> m) -> Set a -> m foldr :: (a -> b -> b) -> b -> Set a -> b # foldr' :: (a -> b -> b) -> b -> Set a -> b foldl :: (b -> a -> b) -> b -> Set a -> b # foldl' :: (b -> a -> b) -> b -> Set a -> b # foldr1 :: (a -> a -> a) -> Set a -> a # foldl1 :: (a -> a -> a) -> Set a -> a # elem :: Eq a => a -> Set a -> Bool # maximum :: Ord a => Set a -> a # | |
Eq1 Set | |
Ord1 Set | |
Defined in Data.Set.Internal Methods liftCompare :: (a -> b -> Ordering) -> Set a -> Set b -> Ordering | |
Show1 Set | |
Defined in Data.Set.Internal Methods liftShowsPrec :: (Int -> a -> ShowS) -> ([a] -> ShowS) -> Int -> Set a -> ShowS liftShowList :: (Int -> a -> ShowS) -> ([a] -> ShowS) -> [Set a] -> ShowS | |
Hashable1 Set | |
Defined in Data.Hashable.Class | |
Lift a => Lift (Set a :: Type) | |
(Ord a, FromJSON a) => FromJSON (Set a) | |
Defined in Data.Aeson.Types.FromJSON | |
ToJSON a => ToJSON (Set a) | |
Defined in Data.Aeson.Types.ToJSON | |
(Data a, Ord a) => Data (Set a) | |
Defined in Data.Set.Internal Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Set a -> c (Set a) # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c (Set a) # dataTypeOf :: Set a -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c (Set a)) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c (Set a)) # gmapT :: (forall b. Data b => b -> b) -> Set a -> Set a # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Set a -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Set a -> r # gmapQ :: (forall d. Data d => d -> u) -> Set a -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Set a -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Set a -> m (Set a) # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Set a -> m (Set a) # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Set a -> m (Set a) # | |
Ord a => Monoid (Set a) | |
Ord a => Semigroup (Set a) | |
Ord a => IsList (Set a) | |
(Read a, Ord a) => Read (Set a) | |
Defined in Data.Set.Internal | |
Show a => Show (Set a) | |
(Ord a, Serialize a) => Serialize (Set a) | |
Defined in Data.Serialize | |
NFData a => NFData (Set a) | |
Defined in Data.Set.Internal | |
Eq a => Eq (Set a) | |
Ord a => Ord (Set a) | |
Hashable v => Hashable (Set v) | |
Defined in Data.Hashable.Class | |
Ord k => At (Set k) | |
Ord a => Contains (Set a) | |
Defined in Control.Lens.At | |
Ord k => Ixed (Set k) | |
Defined in Control.Lens.At | |
AsEmpty (Set a) | |
Defined in Control.Lens.Empty | |
Ord a => Wrapped (Set a) | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped (Set a) | |
Ord element => IsSet (Set element) | |
Defined in Data.Containers Methods insertSet :: Element (Set element) -> Set element -> Set element # deleteSet :: Element (Set element) -> Set element -> Set element # singletonSet :: Element (Set element) -> Set element # setFromList :: [Element (Set element)] -> Set element # setToList :: Set element -> [Element (Set element)] # filterSet :: (Element (Set element) -> Bool) -> Set element -> Set element # | |
Ord element => SetContainer (Set element) | |
Defined in Data.Containers Associated Types type ContainerKey (Set element) # Methods member :: ContainerKey (Set element) -> Set element -> Bool # notMember :: ContainerKey (Set element) -> Set element -> Bool # union :: Set element -> Set element -> Set element # unions :: (MonoFoldable mono, Element mono ~ Set element) => mono -> Set element # difference :: Set element -> Set element -> Set element # intersection :: Set element -> Set element -> Set element # keys :: Set element -> [ContainerKey (Set element)] # | |
Ord v => GrowingAppend (Set v) | |
Defined in Data.MonoTraversable | |
Ord e => MonoFoldable (Set e) | |
Defined in Data.MonoTraversable Methods ofoldMap :: Monoid m => (Element (Set e) -> m) -> Set e -> m # ofoldr :: (Element (Set e) -> b -> b) -> b -> Set e -> b # ofoldl' :: (a -> Element (Set e) -> a) -> a -> Set e -> a # otoList :: Set e -> [Element (Set e)] # oall :: (Element (Set e) -> Bool) -> Set e -> Bool # oany :: (Element (Set e) -> Bool) -> Set e -> Bool # ocompareLength :: Integral i => Set e -> i -> Ordering # otraverse_ :: Applicative f => (Element (Set e) -> f b) -> Set e -> f () # ofor_ :: Applicative f => Set e -> (Element (Set e) -> f b) -> f () # omapM_ :: Applicative m => (Element (Set e) -> m ()) -> Set e -> m () # oforM_ :: Applicative m => Set e -> (Element (Set e) -> m ()) -> m () # ofoldlM :: Monad m => (a -> Element (Set e) -> m a) -> a -> Set e -> m a # ofoldMap1Ex :: Semigroup m => (Element (Set e) -> m) -> Set e -> m # ofoldr1Ex :: (Element (Set e) -> Element (Set e) -> Element (Set e)) -> Set e -> Element (Set e) # ofoldl1Ex' :: (Element (Set e) -> Element (Set e) -> Element (Set e)) -> Set e -> Element (Set e) # headEx :: Set e -> Element (Set e) # lastEx :: Set e -> Element (Set e) # unsafeHead :: Set e -> Element (Set e) # unsafeLast :: Set e -> Element (Set e) # maximumByEx :: (Element (Set e) -> Element (Set e) -> Ordering) -> Set e -> Element (Set e) # minimumByEx :: (Element (Set e) -> Element (Set e) -> Ordering) -> Set e -> Element (Set e) # | |
MonoPointed (Set a) | |
One (Set a) | |
Defined in Relude.Container.One Associated Types type OneItem (Set a) | |
(t ~ Set a', Ord a) => Rewrapped (Set a) t | |
Defined in Control.Lens.Wrapped | |
type Item (Set a) | |
Defined in Data.Set.Internal type Item (Set a) = a | |
type Index (Set a) | |
Defined in Control.Lens.At type Index (Set a) = a | |
type IxValue (Set k) | |
Defined in Control.Lens.At type IxValue (Set k) = () | |
type Unwrapped (Set a) | |
Defined in Control.Lens.Wrapped type Unwrapped (Set a) = [a] | |
type ContainerKey (Set element) | |
Defined in Data.Containers | |
type Element (Set e) | |
Defined in Data.MonoTraversable | |
type OneItem (Set a) | |
Defined in Relude.Container.One type OneItem (Set a) = a |
Instances
Minimal complete definition
readsPrec | readPrec
Instances
Read Key | |
Defined in Data.Aeson.Key | |
Read DotNetTime | |
Defined in Data.Aeson.Types.Internal Methods readsPrec :: Int -> ReadS DotNetTime readList :: ReadS [DotNetTime] readPrec :: ReadPrec DotNetTime readListPrec :: ReadPrec [DotNetTime] | |
Read Value | |
Defined in Data.Aeson.Types.Internal | |
Read All | |
Defined in Data.Semigroup.Internal | |
Read Any | |
Defined in Data.Semigroup.Internal | |
Read Version | |
Defined in Data.Version Methods readsPrec :: Int -> ReadS Version readList :: ReadS [Version] readPrec :: ReadPrec Version readListPrec :: ReadPrec [Version] | |
Read Void | |
Read CBool | |
Defined in Foreign.C.Types Methods readsPrec :: Int -> ReadS CBool readList :: ReadS [CBool] readPrec :: ReadPrec CBool readListPrec :: ReadPrec [CBool] | |
Read CChar | |
Defined in Foreign.C.Types Methods readsPrec :: Int -> ReadS CChar readList :: ReadS [CChar] readPrec :: ReadPrec CChar readListPrec :: ReadPrec [CChar] | |
Read CClock | |
Defined in Foreign.C.Types Methods readsPrec :: Int -> ReadS CClock readList :: ReadS [CClock] readPrec :: ReadPrec CClock readListPrec :: ReadPrec [CClock] | |
Read CDouble | |
Defined in Foreign.C.Types Methods readsPrec :: Int -> ReadS CDouble readList :: ReadS [CDouble] readPrec :: ReadPrec CDouble readListPrec :: ReadPrec [CDouble] | |
Read CFloat | |
Defined in Foreign.C.Types Methods readsPrec :: Int -> ReadS CFloat readList :: ReadS [CFloat] readPrec :: ReadPrec CFloat readListPrec :: ReadPrec [CFloat] | |
Read CInt | |
Defined in Foreign.C.Types Methods readsPrec :: Int -> ReadS CInt readList :: ReadS [CInt] readPrec :: ReadPrec CInt readListPrec :: ReadPrec [CInt] | |
Read CIntMax | |
Defined in Foreign.C.Types Methods readsPrec :: Int -> ReadS CIntMax readList :: ReadS [CIntMax] readPrec :: ReadPrec CIntMax readListPrec :: ReadPrec [CIntMax] | |
Read CIntPtr | |
Defined in Foreign.C.Types Methods readsPrec :: Int -> ReadS CIntPtr readList :: ReadS [CIntPtr] readPrec :: ReadPrec CIntPtr readListPrec :: ReadPrec [CIntPtr] | |
Read CLLong | |
Defined in Foreign.C.Types Methods readsPrec :: Int -> ReadS CLLong readList :: ReadS [CLLong] readPrec :: ReadPrec CLLong readListPrec :: ReadPrec [CLLong] | |
Read CLong | |
Defined in Foreign.C.Types Methods readsPrec :: Int -> ReadS CLong readList :: ReadS [CLong] readPrec :: ReadPrec CLong readListPrec :: ReadPrec [CLong] | |
Read CPtrdiff | |
Defined in Foreign.C.Types Methods readsPrec :: Int -> ReadS CPtrdiff readList :: ReadS [CPtrdiff] readPrec :: ReadPrec CPtrdiff readListPrec :: ReadPrec [CPtrdiff] | |
Read CSChar | |
Defined in Foreign.C.Types Methods readsPrec :: Int -> ReadS CSChar readList :: ReadS [CSChar] readPrec :: ReadPrec CSChar readListPrec :: ReadPrec [CSChar] | |
Read CSUSeconds | |
Defined in Foreign.C.Types Methods readsPrec :: Int -> ReadS CSUSeconds readList :: ReadS [CSUSeconds] readPrec :: ReadPrec CSUSeconds readListPrec :: ReadPrec [CSUSeconds] | |
Read CShort | |
Defined in Foreign.C.Types Methods readsPrec :: Int -> ReadS CShort readList :: ReadS [CShort] readPrec :: ReadPrec CShort readListPrec :: ReadPrec [CShort] | |
Read CSigAtomic | |
Defined in Foreign.C.Types Methods readsPrec :: Int -> ReadS CSigAtomic readList :: ReadS [CSigAtomic] readPrec :: ReadPrec CSigAtomic readListPrec :: ReadPrec [CSigAtomic] | |
Read CSize | |
Defined in Foreign.C.Types Methods readsPrec :: Int -> ReadS CSize readList :: ReadS [CSize] readPrec :: ReadPrec CSize readListPrec :: ReadPrec [CSize] | |
Read CTime | |
Defined in Foreign.C.Types Methods readsPrec :: Int -> ReadS CTime readList :: ReadS [CTime] readPrec :: ReadPrec CTime readListPrec :: ReadPrec [CTime] | |
Read CUChar | |
Defined in Foreign.C.Types Methods readsPrec :: Int -> ReadS CUChar readList :: ReadS [CUChar] readPrec :: ReadPrec CUChar readListPrec :: ReadPrec [CUChar] | |
Read CUInt | |
Defined in Foreign.C.Types Methods readsPrec :: Int -> ReadS CUInt readList :: ReadS [CUInt] readPrec :: ReadPrec CUInt readListPrec :: ReadPrec [CUInt] | |
Read CUIntMax | |
Defined in Foreign.C.Types Methods readsPrec :: Int -> ReadS CUIntMax readList :: ReadS [CUIntMax] readPrec :: ReadPrec CUIntMax readListPrec :: ReadPrec [CUIntMax] | |
Read CUIntPtr | |
Defined in Foreign.C.Types Methods readsPrec :: Int -> ReadS CUIntPtr readList :: ReadS [CUIntPtr] readPrec :: ReadPrec CUIntPtr readListPrec :: ReadPrec [CUIntPtr] | |
Read CULLong | |
Defined in Foreign.C.Types Methods readsPrec :: Int -> ReadS CULLong readList :: ReadS [CULLong] readPrec :: ReadPrec CULLong readListPrec :: ReadPrec [CULLong] | |
Read CULong | |
Defined in Foreign.C.Types Methods readsPrec :: Int -> ReadS CULong readList :: ReadS [CULong] readPrec :: ReadPrec CULong readListPrec :: ReadPrec [CULong] | |
Read CUSeconds | |
Defined in Foreign.C.Types Methods readsPrec :: Int -> ReadS CUSeconds readList :: ReadS [CUSeconds] readPrec :: ReadPrec CUSeconds readListPrec :: ReadPrec [CUSeconds] | |
Read CUShort | |
Defined in Foreign.C.Types Methods readsPrec :: Int -> ReadS CUShort readList :: ReadS [CUShort] readPrec :: ReadPrec CUShort readListPrec :: ReadPrec [CUShort] | |
Read CWchar | |
Defined in Foreign.C.Types Methods readsPrec :: Int -> ReadS CWchar readList :: ReadS [CWchar] readPrec :: ReadPrec CWchar readListPrec :: ReadPrec [CWchar] | |
Read ByteOrder | |
Defined in GHC.ByteOrder Methods readsPrec :: Int -> ReadS ByteOrder readList :: ReadS [ByteOrder] readPrec :: ReadPrec ByteOrder readListPrec :: ReadPrec [ByteOrder] | |
Read Associativity | |
Defined in GHC.Generics Methods readsPrec :: Int -> ReadS Associativity readList :: ReadS [Associativity] readPrec :: ReadPrec Associativity readListPrec :: ReadPrec [Associativity] | |
Read DecidedStrictness | |
Defined in GHC.Generics Methods readsPrec :: Int -> ReadS DecidedStrictness readList :: ReadS [DecidedStrictness] readPrec :: ReadPrec DecidedStrictness readListPrec :: ReadPrec [DecidedStrictness] | |
Read Fixity | |
Defined in GHC.Generics Methods readsPrec :: Int -> ReadS Fixity readList :: ReadS [Fixity] readPrec :: ReadPrec Fixity readListPrec :: ReadPrec [Fixity] | |
Read SourceStrictness | |
Defined in GHC.Generics Methods readsPrec :: Int -> ReadS SourceStrictness readList :: ReadS [SourceStrictness] readPrec :: ReadPrec SourceStrictness readListPrec :: ReadPrec [SourceStrictness] | |
Read SourceUnpackedness | |
Defined in GHC.Generics Methods readsPrec :: Int -> ReadS SourceUnpackedness readList :: ReadS [SourceUnpackedness] readPrec :: ReadPrec SourceUnpackedness readListPrec :: ReadPrec [SourceUnpackedness] | |
Read SeekMode | |
Defined in GHC.IO.Device | |
Read ExitCode | |
Defined in GHC.IO.Exception Methods readsPrec :: Int -> ReadS ExitCode readList :: ReadS [ExitCode] readPrec :: ReadPrec ExitCode readListPrec :: ReadPrec [ExitCode] | |
Read BufferMode | |
Defined in GHC.IO.Handle.Types Methods readsPrec :: Int -> ReadS BufferMode readList :: ReadS [BufferMode] readPrec :: ReadPrec BufferMode readListPrec :: ReadPrec [BufferMode] | |
Read Newline | |
Defined in GHC.IO.Handle.Types Methods readsPrec :: Int -> ReadS Newline readList :: ReadS [Newline] readPrec :: ReadPrec Newline readListPrec :: ReadPrec [Newline] | |
Read NewlineMode | |
Defined in GHC.IO.Handle.Types Methods readsPrec :: Int -> ReadS NewlineMode readList :: ReadS [NewlineMode] readPrec :: ReadPrec NewlineMode readListPrec :: ReadPrec [NewlineMode] | |
Read IOMode | |
Defined in GHC.IO.IOMode | |
Read Int16 | |
Read Int32 | |
Read Int64 | |
Read Int8 | |
Read GCDetails | |
Read RTSStats | |
Read SomeChar | |
Defined in GHC.TypeLits Methods readsPrec :: Int -> ReadS SomeChar readList :: ReadS [SomeChar] readPrec :: ReadPrec SomeChar readListPrec :: ReadPrec [SomeChar] | |
Read SomeSymbol | |
Defined in GHC.TypeLits Methods readsPrec :: Int -> ReadS SomeSymbol readList :: ReadS [SomeSymbol] readPrec :: ReadPrec SomeSymbol readListPrec :: ReadPrec [SomeSymbol] | |
Read SomeNat | |
Defined in GHC.TypeNats Methods readsPrec :: Int -> ReadS SomeNat readList :: ReadS [SomeNat] readPrec :: ReadPrec SomeNat readListPrec :: ReadPrec [SomeNat] | |
Read GeneralCategory | |
Read Word16 | |
Read Word32 | |
Read Word64 | |
Read Word8 | |
Read CBlkCnt | |
Defined in System.Posix.Types Methods readsPrec :: Int -> ReadS CBlkCnt readList :: ReadS [CBlkCnt] readPrec :: ReadPrec CBlkCnt readListPrec :: ReadPrec [CBlkCnt] | |
Read CBlkSize | |
Defined in System.Posix.Types Methods readsPrec :: Int -> ReadS CBlkSize readList :: ReadS [CBlkSize] readPrec :: ReadPrec CBlkSize readListPrec :: ReadPrec [CBlkSize] | |
Read CCc | |
Defined in System.Posix.Types | |
Read CClockId | |
Defined in System.Posix.Types Methods readsPrec :: Int -> ReadS CClockId readList :: ReadS [CClockId] readPrec :: ReadPrec CClockId readListPrec :: ReadPrec [CClockId] | |
Read CDev | |
Defined in System.Posix.Types Methods readsPrec :: Int -> ReadS CDev readList :: ReadS [CDev] readPrec :: ReadPrec CDev readListPrec :: ReadPrec [CDev] | |
Read CFsBlkCnt | |
Defined in System.Posix.Types Methods readsPrec :: Int -> ReadS CFsBlkCnt readList :: ReadS [CFsBlkCnt] readPrec :: ReadPrec CFsBlkCnt readListPrec :: ReadPrec [CFsBlkCnt] | |
Read CFsFilCnt | |
Defined in System.Posix.Types Methods readsPrec :: Int -> ReadS CFsFilCnt readList :: ReadS [CFsFilCnt] readPrec :: ReadPrec CFsFilCnt readListPrec :: ReadPrec [CFsFilCnt] | |
Read CGid | |
Defined in System.Posix.Types Methods readsPrec :: Int -> ReadS CGid readList :: ReadS [CGid] readPrec :: ReadPrec CGid readListPrec :: ReadPrec [CGid] | |
Read CId | |
Defined in System.Posix.Types | |
Read CIno | |
Defined in System.Posix.Types Methods readsPrec :: Int -> ReadS CIno readList :: ReadS [CIno] readPrec :: ReadPrec CIno readListPrec :: ReadPrec [CIno] | |
Read CKey | |
Defined in System.Posix.Types Methods readsPrec :: Int -> ReadS CKey readList :: ReadS [CKey] readPrec :: ReadPrec CKey readListPrec :: ReadPrec [CKey] | |
Read CMode | |
Defined in System.Posix.Types Methods readsPrec :: Int -> ReadS CMode readList :: ReadS [CMode] readPrec :: ReadPrec CMode readListPrec :: ReadPrec [CMode] | |
Read CNfds | |
Defined in System.Posix.Types Methods readsPrec :: Int -> ReadS CNfds readList :: ReadS [CNfds] readPrec :: ReadPrec CNfds readListPrec :: ReadPrec [CNfds] | |
Read CNlink | |
Defined in System.Posix.Types Methods readsPrec :: Int -> ReadS CNlink readList :: ReadS [CNlink] readPrec :: ReadPrec CNlink readListPrec :: ReadPrec [CNlink] | |
Read COff | |
Defined in System.Posix.Types Methods readsPrec :: Int -> ReadS COff readList :: ReadS [COff] readPrec :: ReadPrec COff readListPrec :: ReadPrec [COff] | |
Read CPid | |
Defined in System.Posix.Types Methods readsPrec :: Int -> ReadS CPid readList :: ReadS [CPid] readPrec :: ReadPrec CPid readListPrec :: ReadPrec [CPid] | |
Read CRLim | |
Defined in System.Posix.Types Methods readsPrec :: Int -> ReadS CRLim readList :: ReadS [CRLim] readPrec :: ReadPrec CRLim readListPrec :: ReadPrec [CRLim] | |
Read CSocklen | |
Defined in System.Posix.Types Methods readsPrec :: Int -> ReadS CSocklen readList :: ReadS [CSocklen] readPrec :: ReadPrec CSocklen readListPrec :: ReadPrec [CSocklen] | |
Read CSpeed | |
Defined in System.Posix.Types Methods readsPrec :: Int -> ReadS CSpeed readList :: ReadS [CSpeed] readPrec :: ReadPrec CSpeed readListPrec :: ReadPrec [CSpeed] | |
Read CSsize | |
Defined in System.Posix.Types Methods readsPrec :: Int -> ReadS CSsize readList :: ReadS [CSsize] readPrec :: ReadPrec CSsize readListPrec :: ReadPrec [CSsize] | |
Read CTcflag | |
Defined in System.Posix.Types Methods readsPrec :: Int -> ReadS CTcflag readList :: ReadS [CTcflag] readPrec :: ReadPrec CTcflag readListPrec :: ReadPrec [CTcflag] | |
Read CUid | |
Defined in System.Posix.Types Methods readsPrec :: Int -> ReadS CUid readList :: ReadS [CUid] readPrec :: ReadPrec CUid readListPrec :: ReadPrec [CUid] | |
Read Fd | |
Defined in System.Posix.Types | |
Read Lexeme | |
Read ByteString | |
Defined in Data.ByteString.Internal.Type Methods readsPrec :: Int -> ReadS ByteString readList :: ReadS [ByteString] readPrec :: ReadPrec ByteString readListPrec :: ReadPrec [ByteString] | |
Read ByteString | |
Defined in Data.ByteString.Lazy.Internal Methods readsPrec :: Int -> ReadS ByteString readList :: ReadS [ByteString] readPrec :: ReadPrec ByteString readListPrec :: ReadPrec [ByteString] | |
Read ShortByteString | |
Defined in Data.ByteString.Short.Internal Methods readsPrec :: Int -> ReadS ShortByteString readList :: ReadS [ShortByteString] readPrec :: ReadPrec ShortByteString readListPrec :: ReadPrec [ShortByteString] | |
Read Clock | |
Defined in System.Clock Methods readsPrec :: Int -> ReadS Clock readList :: ReadS [Clock] readPrec :: ReadPrec Clock readListPrec :: ReadPrec [Clock] | |
Read TimeSpec | |
Defined in System.Clock Methods readsPrec :: Int -> ReadS TimeSpec readList :: ReadS [TimeSpec] readPrec :: ReadPrec TimeSpec readListPrec :: ReadPrec [TimeSpec] | |
Read IntSet | |
Defined in Data.IntSet.Internal | |
Read FileType | |
Defined in System.Directory.Internal.Common Methods readsPrec :: Int -> ReadS FileType readList :: ReadS [FileType] readPrec :: ReadPrec FileType readListPrec :: ReadPrec [FileType] | |
Read Permissions | |
Defined in System.Directory.Internal.Common Methods readsPrec :: Int -> ReadS Permissions readList :: ReadS [Permissions] readPrec :: ReadPrec Permissions readListPrec :: ReadPrec [Permissions] | |
Read XdgDirectory | |
Defined in System.Directory.Internal.Common Methods readsPrec :: Int -> ReadS XdgDirectory readList :: ReadS [XdgDirectory] readPrec :: ReadPrec XdgDirectory readListPrec :: ReadPrec [XdgDirectory] | |
Read XdgDirectoryList | |
Defined in System.Directory.Internal.Common Methods readsPrec :: Int -> ReadS XdgDirectoryList readList :: ReadS [XdgDirectoryList] readPrec :: ReadPrec XdgDirectoryList readListPrec :: ReadPrec [XdgDirectoryList] | |
Read Ordering | |
Read Cookie | |
Defined in Network.HTTP.Client.Types Methods readsPrec :: Int -> ReadS Cookie readList :: ReadS [Cookie] readPrec :: ReadPrec Cookie readListPrec :: ReadPrec [Cookie] | |
Read CookieJar | |
Defined in Network.HTTP.Client.Types Methods readsPrec :: Int -> ReadS CookieJar readList :: ReadS [CookieJar] readPrec :: ReadPrec CookieJar readListPrec :: ReadPrec [CookieJar] | |
Read Proxy | |
Defined in Network.HTTP.Client.Types Methods readsPrec :: Int -> ReadS Proxy readList :: ReadS [Proxy] readPrec :: ReadPrec Proxy readListPrec :: ReadPrec [Proxy] | |
Read ProxySecureMode | |
Defined in Network.HTTP.Client.Types Methods readsPrec :: Int -> ReadS ProxySecureMode readList :: ReadS [ProxySecureMode] readPrec :: ReadPrec ProxySecureMode readListPrec :: ReadPrec [ProxySecureMode] | |
Read DigestAuthExceptionDetails | |
Defined in Network.HTTP.Client.TLS Methods readsPrec :: Int -> ReadS DigestAuthExceptionDetails readList :: ReadS [DigestAuthExceptionDetails] readPrec :: ReadPrec DigestAuthExceptionDetails readListPrec :: ReadPrec [DigestAuthExceptionDetails] | |
Read StdMethod | |
Defined in Network.HTTP.Types.Method | |
Read IP | |
Read IPv4 | |
Read IPv4Range | |
Read IPv6 | |
Read IPv6Range | |
Read IP | |
Defined in Data.IP.Addr | |
Read IPv4 | |
Defined in Data.IP.Addr Methods readsPrec :: Int -> ReadS IPv4 readList :: ReadS [IPv4] readPrec :: ReadPrec IPv4 readListPrec :: ReadPrec [IPv4] | |
Read IPv6 | |
Defined in Data.IP.Addr Methods readsPrec :: Int -> ReadS IPv6 readList :: ReadS [IPv6] readPrec :: ReadPrec IPv6 readListPrec :: ReadPrec [IPv6] | |
Read IPRange | |
Defined in Data.IP.Range Methods readsPrec :: Int -> ReadS IPRange readList :: ReadS [IPRange] readPrec :: ReadPrec IPRange readListPrec :: ReadPrec [IPRange] | |
Read JobStatus Source # | |
Defined in IHP.Job.Types | |
Read Pos | |
Defined in Text.Megaparsec.Pos | |
Read SourcePos | |
Defined in Text.Megaparsec.Pos Methods readsPrec :: Int -> ReadS SourcePos readList :: ReadS [SourcePos] readPrec :: ReadPrec SourcePos readListPrec :: ReadPrec [SourcePos] | |
Read AddrInfoFlag | |
Defined in Network.Socket.Info Methods readsPrec :: Int -> ReadS AddrInfoFlag readList :: ReadS [AddrInfoFlag] readPrec :: ReadPrec AddrInfoFlag readListPrec :: ReadPrec [AddrInfoFlag] | |
Read NameInfoFlag | |
Defined in Network.Socket.Info Methods readsPrec :: Int -> ReadS NameInfoFlag readList :: ReadS [NameInfoFlag] readPrec :: ReadPrec NameInfoFlag readListPrec :: ReadPrec [NameInfoFlag] | |
Read Family | |
Defined in Network.Socket.Types Methods readsPrec :: Int -> ReadS Family readList :: ReadS [Family] readPrec :: ReadPrec Family readListPrec :: ReadPrec [Family] | |
Read PortNumber | |
Defined in Network.Socket.Types Methods readsPrec :: Int -> ReadS PortNumber readList :: ReadS [PortNumber] readPrec :: ReadPrec PortNumber readListPrec :: ReadPrec [PortNumber] | |
Read SocketType | |
Defined in Network.Socket.Types Methods readsPrec :: Int -> ReadS SocketType readList :: ReadS [SocketType] readPrec :: ReadPrec SocketType readListPrec :: ReadPrec [SocketType] | |
Read Oid | |
Defined in Database.PostgreSQL.LibPQ.Oid | |
Read ConnectInfo | |
Defined in Database.PostgreSQL.Simple.Internal Methods readsPrec :: Int -> ReadS ConnectInfo readList :: ReadS [ConnectInfo] readPrec :: ReadPrec ConnectInfo readListPrec :: ReadPrec [ConnectInfo] | |
Read Default | |
Defined in Database.PostgreSQL.Simple.Types Methods readsPrec :: Int -> ReadS Default readList :: ReadS [Default] readPrec :: ReadPrec Default readListPrec :: ReadPrec [Default] | |
Read Identifier | |
Defined in Database.PostgreSQL.Simple.Types Methods readsPrec :: Int -> ReadS Identifier readList :: ReadS [Identifier] readPrec :: ReadPrec Identifier readListPrec :: ReadPrec [Identifier] | |
Read Null | |
Defined in Database.PostgreSQL.Simple.Types Methods readsPrec :: Int -> ReadS Null readList :: ReadS [Null] readPrec :: ReadPrec Null readListPrec :: ReadPrec [Null] | |
Read QualifiedIdentifier | |
Defined in Database.PostgreSQL.Simple.Types Methods readsPrec :: Int -> ReadS QualifiedIdentifier readList :: ReadS [QualifiedIdentifier] readPrec :: ReadPrec QualifiedIdentifier readListPrec :: ReadPrec [QualifiedIdentifier] | |
Read Query | |
Defined in Database.PostgreSQL.Simple.Types Methods readsPrec :: Int -> ReadS Query readList :: ReadS [Query] readPrec :: ReadPrec Query readListPrec :: ReadPrec [Query] | |
Read Savepoint | |
Defined in Database.PostgreSQL.Simple.Types Methods readsPrec :: Int -> ReadS Savepoint readList :: ReadS [Savepoint] readPrec :: ReadPrec Savepoint readListPrec :: ReadPrec [Savepoint] | |
Read CompOption | |
Defined in Text.Regex.TDFA.Common Methods readsPrec :: Int -> ReadS CompOption readList :: ReadS [CompOption] readPrec :: ReadPrec CompOption readListPrec :: ReadPrec [CompOption] | |
Read ExecOption | |
Defined in Text.Regex.TDFA.Common Methods readsPrec :: Int -> ReadS ExecOption readList :: ReadS [ExecOption] readPrec :: ReadPrec ExecOption readListPrec :: ReadPrec [ExecOption] | |
Read Undefined | |
Defined in Relude.Debug Methods readsPrec :: Int -> ReadS Undefined readList :: ReadS [Undefined] readPrec :: ReadPrec Undefined readListPrec :: ReadPrec [Undefined] | |
Read RetryAction | |
Defined in Control.Retry Methods readsPrec :: Int -> ReadS RetryAction readList :: ReadS [RetryAction] readPrec :: ReadPrec RetryAction readListPrec :: ReadPrec [RetryAction] | |
Read RetryStatus | |
Defined in Control.Retry Methods readsPrec :: Int -> ReadS RetryStatus readList :: ReadS [RetryStatus] readPrec :: ReadPrec RetryStatus readListPrec :: ReadPrec [RetryStatus] | |
Read Scientific | |
Defined in Data.Scientific Methods readsPrec :: Int -> ReadS Scientific readList :: ReadS [Scientific] readPrec :: ReadPrec Scientific readListPrec :: ReadPrec [Scientific] | |
Read FPFormat | |
Defined in Data.Text.Lazy.Builder.RealFloat Methods readsPrec :: Int -> ReadS FPFormat readList :: ReadS [FPFormat] readPrec :: ReadPrec FPFormat readListPrec :: ReadPrec [FPFormat] | |
Read ShortText | |
Defined in Data.Text.Short.Internal Methods readsPrec :: Int -> ReadS ShortText readList :: ReadS [ShortText] readPrec :: ReadPrec ShortText readListPrec :: ReadPrec [ShortText] | |
Read DatatypeVariant | |
Defined in Language.Haskell.TH.Datatype Methods readsPrec :: Int -> ReadS DatatypeVariant readList :: ReadS [DatatypeVariant] readPrec :: ReadPrec DatatypeVariant readListPrec :: ReadPrec [DatatypeVariant] | |
Read DayOfWeek | |
Defined in Data.Time.Calendar.Week | |
Read DiffTime | |
Defined in Data.Time.Clock.Internal.DiffTime | |
Read NominalDiffTime | |
Defined in Data.Time.Clock.Internal.NominalDiffTime Methods readsPrec :: Int -> ReadS NominalDiffTime readList :: ReadS [NominalDiffTime] readPrec :: ReadPrec NominalDiffTime readListPrec :: ReadPrec [NominalDiffTime] | |
Read UUID | |
Defined in Data.UUID.Types.Internal | |
Read UnpackedUUID | |
Defined in Data.UUID.Types.Internal Methods readsPrec :: Int -> ReadS UnpackedUUID readList :: ReadS [UnpackedUUID] readPrec :: ReadPrec UnpackedUUID readListPrec :: ReadPrec [UnpackedUUID] | |
Read CorsResourcePolicy | |
Defined in Network.Wai.Middleware.Cors Methods readsPrec :: Int -> ReadS CorsResourcePolicy readList :: ReadS [CorsResourcePolicy] readPrec :: ReadPrec CorsResourcePolicy readListPrec :: ReadPrec [CorsResourcePolicy] | |
Read Int128 | |
Defined in Data.WideWord.Int128 Methods readsPrec :: Int -> ReadS Int128 readList :: ReadS [Int128] readPrec :: ReadPrec Int128 readListPrec :: ReadPrec [Int128] | |
Read Word128 | |
Defined in Data.WideWord.Word128 Methods readsPrec :: Int -> ReadS Word128 readList :: ReadS [Word128] readPrec :: ReadPrec Word128 readListPrec :: ReadPrec [Word128] | |
Read Word256 | |
Defined in Data.WideWord.Word256 Methods readsPrec :: Int -> ReadS Word256 readList :: ReadS [Word256] readPrec :: ReadPrec Word256 readListPrec :: ReadPrec [Word256] | |
Read DictionaryHash | |
Defined in Codec.Compression.Zlib.Stream Methods readsPrec :: Int -> ReadS DictionaryHash readList :: ReadS [DictionaryHash] readPrec :: ReadPrec DictionaryHash readListPrec :: ReadPrec [DictionaryHash] | |
Read Integer | |
Read Natural | |
Read () | |
Read Bool | |
Read Char | |
Read Double | |
Read Float | |
Read Int | |
Read Word | |
Read a => Read (Only a) | |
Defined in Data.Tuple.Only | |
Read v => Read (KeyMap v) | |
Defined in Data.Aeson.KeyMap Methods readsPrec :: Int -> ReadS (KeyMap v) readList :: ReadS [KeyMap v] readPrec :: ReadPrec (KeyMap v) readListPrec :: ReadPrec [KeyMap v] | |
Read a => Read (ZipList a) | |
Defined in Control.Applicative Methods readsPrec :: Int -> ReadS (ZipList a) readList :: ReadS [ZipList a] readPrec :: ReadPrec (ZipList a) readListPrec :: ReadPrec [ZipList a] | |
Read a => Read (Complex a) | |
Defined in Data.Complex Methods readsPrec :: Int -> ReadS (Complex a) readList :: ReadS [Complex a] readPrec :: ReadPrec (Complex a) readListPrec :: ReadPrec [Complex a] | |
Read a => Read (Identity a) | |
Defined in Data.Functor.Identity | |
Read a => Read (First a) | |
Defined in Data.Monoid Methods readsPrec :: Int -> ReadS (First a) readList :: ReadS [First a] readPrec :: ReadPrec (First a) readListPrec :: ReadPrec [First a] | |
Read a => Read (Last a) | |
Defined in Data.Monoid Methods readsPrec :: Int -> ReadS (Last a) readList :: ReadS [Last a] readPrec :: ReadPrec (Last a) readListPrec :: ReadPrec [Last a] | |
Read a => Read (Down a) | |
Read a => Read (First a) | |
Defined in Data.Semigroup Methods readsPrec :: Int -> ReadS (First a) readList :: ReadS [First a] readPrec :: ReadPrec (First a) readListPrec :: ReadPrec [First a] | |
Read a => Read (Last a) | |
Defined in Data.Semigroup Methods readsPrec :: Int -> ReadS (Last a) readList :: ReadS [Last a] readPrec :: ReadPrec (Last a) readListPrec :: ReadPrec [Last a] | |
Read a => Read (Max a) | |
Defined in Data.Semigroup Methods readsPrec :: Int -> ReadS (Max a) readList :: ReadS [Max a] readPrec :: ReadPrec (Max a) readListPrec :: ReadPrec [Max a] | |
Read a => Read (Min a) | |
Defined in Data.Semigroup Methods readsPrec :: Int -> ReadS (Min a) readList :: ReadS [Min a] readPrec :: ReadPrec (Min a) readListPrec :: ReadPrec [Min a] | |
Read m => Read (WrappedMonoid m) | |
Defined in Data.Semigroup Methods readsPrec :: Int -> ReadS (WrappedMonoid m) readList :: ReadS [WrappedMonoid m] readPrec :: ReadPrec (WrappedMonoid m) readListPrec :: ReadPrec [WrappedMonoid m] | |
Read a => Read (Dual a) | |
Defined in Data.Semigroup.Internal Methods readsPrec :: Int -> ReadS (Dual a) readList :: ReadS [Dual a] readPrec :: ReadPrec (Dual a) readListPrec :: ReadPrec [Dual a] | |
Read a => Read (Product a) | |
Defined in Data.Semigroup.Internal Methods readsPrec :: Int -> ReadS (Product a) readList :: ReadS [Product a] readPrec :: ReadPrec (Product a) readListPrec :: ReadPrec [Product a] | |
Read a => Read (Sum a) | |
Defined in Data.Semigroup.Internal Methods readsPrec :: Int -> ReadS (Sum a) readList :: ReadS [Sum a] readPrec :: ReadPrec (Sum a) readListPrec :: ReadPrec [Sum a] | |
Read p => Read (Par1 p) | |
Defined in GHC.Generics Methods readsPrec :: Int -> ReadS (Par1 p) readList :: ReadS [Par1 p] readPrec :: ReadPrec (Par1 p) readListPrec :: ReadPrec [Par1 p] | |
(Integral a, Read a) => Read (Ratio a) | |
(Read s, FoldCase s) => Read (CI s) | |
Defined in Data.CaseInsensitive.Internal Methods readsPrec :: Int -> ReadS (CI s) readList :: ReadS [CI s] readPrec :: ReadPrec (CI s) readListPrec :: ReadPrec [CI s] | |
Read vertex => Read (SCC vertex) | |
Defined in Data.Graph Methods readsPrec :: Int -> ReadS (SCC vertex) readList :: ReadS [SCC vertex] readPrec :: ReadPrec (SCC vertex) readListPrec :: ReadPrec [SCC vertex] | |
Read e => Read (IntMap e) | |
Defined in Data.IntMap.Internal | |
Read a => Read (Seq a) | |
Defined in Data.Sequence.Internal | |
Read a => Read (ViewL a) | |
Defined in Data.Sequence.Internal Methods readsPrec :: Int -> ReadS (ViewL a) readList :: ReadS [ViewL a] readPrec :: ReadPrec (ViewL a) readListPrec :: ReadPrec [ViewL a] | |
Read a => Read (ViewR a) | |
Defined in Data.Sequence.Internal Methods readsPrec :: Int -> ReadS (ViewR a) readList :: ReadS [ViewR a] readPrec :: ReadPrec (ViewR a) readListPrec :: ReadPrec [ViewR a] | |
(Read a, Ord a) => Read (Set a) | |
Defined in Data.Set.Internal | |
Read a => Read (Tree a) | |
HashAlgorithm a => Read (Digest a) | |
Defined in Crypto.Hash.Types Methods readsPrec :: Int -> ReadS (Digest a) readList :: ReadS [Digest a] readPrec :: ReadPrec (Digest a) readListPrec :: ReadPrec [Digest a] | |
HashAlgorithm a => Read (Digest a) | |
Defined in Crypto.Hash.Types Methods readsPrec :: Int -> ReadS (Digest a) readList :: ReadS [Digest a] readPrec :: ReadPrec (Digest a) readListPrec :: ReadPrec [Digest a] | |
Read1 f => Read (Fix f) | |
(Functor f, Read1 f) => Read (Mu f) | |
(Functor f, Read1 f) => Read (Nu f) | |
Read a => Read (DNonEmpty a) | |
Defined in Data.DList.DNonEmpty.Internal Methods readsPrec :: Int -> ReadS (DNonEmpty a) readList :: ReadS [DNonEmpty a] readPrec :: ReadPrec (DNonEmpty a) readListPrec :: ReadPrec [DNonEmpty a] | |
Read a => Read (DList a) | |
Defined in Data.DList.Internal | |
Read (AddrRange IPv4) | |
Defined in Data.IP.Range Methods readsPrec :: Int -> ReadS (AddrRange IPv4) readList :: ReadS [AddrRange IPv4] readPrec :: ReadPrec (AddrRange IPv4) readListPrec :: ReadPrec [AddrRange IPv4] | |
Read (AddrRange IPv6) | |
Defined in Data.IP.Range Methods readsPrec :: Int -> ReadS (AddrRange IPv6) readList :: ReadS [AddrRange IPv6] readPrec :: ReadPrec (AddrRange IPv6) readListPrec :: ReadPrec [AddrRange IPv6] | |
Read e => Read (ErrorFancy e) | |
Defined in Text.Megaparsec.Error Methods readsPrec :: Int -> ReadS (ErrorFancy e) readList :: ReadS [ErrorFancy e] readPrec :: ReadPrec (ErrorFancy e) readListPrec :: ReadPrec [ErrorFancy e] | |
Read t => Read (ErrorItem t) | |
Defined in Text.Megaparsec.Error Methods readsPrec :: Int -> ReadS (ErrorItem t) readList :: ReadS [ErrorItem t] readPrec :: ReadPrec (ErrorItem t) readListPrec :: ReadPrec [ErrorItem t] | |
Read mono => Read (NonNull mono) | |
Defined in Data.NonNull | |
Read a => Read (Binary a) | |
Defined in Database.PostgreSQL.Simple.Types Methods readsPrec :: Int -> ReadS (Binary a) readList :: ReadS [Binary a] readPrec :: ReadPrec (Binary a) readListPrec :: ReadPrec [Binary a] | |
Read a => Read (In a) | |
Defined in Database.PostgreSQL.Simple.Types | |
Read a => Read (PGArray a) | |
Defined in Database.PostgreSQL.Simple.Types Methods readsPrec :: Int -> ReadS (PGArray a) readList :: ReadS [PGArray a] readPrec :: ReadPrec (PGArray a) readListPrec :: ReadPrec [PGArray a] | |
Read a => Read (Values a) | |
Defined in Database.PostgreSQL.Simple.Types Methods readsPrec :: Int -> ReadS (Values a) readList :: ReadS [Values a] readPrec :: ReadPrec (Values a) readListPrec :: ReadPrec [Values a] | |
Read a => Read (Array a) | |
Defined in Data.Primitive.Array Methods readsPrec :: Int -> ReadS (Array a) readList :: ReadS [Array a] readPrec :: ReadPrec (Array a) readListPrec :: ReadPrec [Array a] | |
Read a => Read (SmallArray a) | |
Defined in Data.Primitive.SmallArray Methods readsPrec :: Int -> ReadS (SmallArray a) readList :: ReadS [SmallArray a] readPrec :: ReadPrec (SmallArray a) readListPrec :: ReadPrec [SmallArray a] | |
Read a => Read (Maybe a) | |
Defined in Data.Strict.Maybe Methods readsPrec :: Int -> ReadS (Maybe a) readList :: ReadS [Maybe a] readPrec :: ReadPrec (Maybe a) readListPrec :: ReadPrec [Maybe a] | |
(Eq a, Hashable a, Read a) => Read (HashSet a) | |
Defined in Data.HashSet.Internal | |
Read a => Read (Vector a) | |
Defined in Data.Vector | |
(Read a, Prim a) => Read (Vector a) | |
Defined in Data.Vector.Primitive Methods readsPrec :: Int -> ReadS (Vector a) readList :: ReadS [Vector a] readPrec :: ReadPrec (Vector a) readListPrec :: ReadPrec [Vector a] | |
(Read a, Storable a) => Read (Vector a) | |
Defined in Data.Vector.Storable Methods readsPrec :: Int -> ReadS (Vector a) readList :: ReadS [Vector a] readPrec :: ReadPrec (Vector a) readListPrec :: ReadPrec [Vector a] | |
Read a => Read (NonEmpty a) | |
Read a => Read (Maybe a) | |
Read a => Read (a) | |
Read a => Read [a] | |
(Ix ix, Read ix, Read e, IArray UArray e) => Read (UArray ix e) | |
Defined in Data.Array.Base Methods readsPrec :: Int -> ReadS (UArray ix e) readList :: ReadS [UArray ix e] readPrec :: ReadPrec (UArray ix e) readListPrec :: ReadPrec [UArray ix e] | |
(Read a, Read b) => Read (Either a b) | |
Defined in Data.Either | |
HasResolution a => Read (Fixed a) | |
Defined in Data.Fixed Methods readsPrec :: Int -> ReadS (Fixed a) readList :: ReadS [Fixed a] readPrec :: ReadPrec (Fixed a) readListPrec :: ReadPrec [Fixed a] | |
Read (Proxy t) | |
Defined in Data.Proxy | |
(Read a, Read b) => Read (Arg a b) | |
Defined in Data.Semigroup Methods readsPrec :: Int -> ReadS (Arg a b) readList :: ReadS [Arg a b] readPrec :: ReadPrec (Arg a b) readListPrec :: ReadPrec [Arg a b] | |
(Ix a, Read a, Read b) => Read (Array a b) | |
Read (U1 p) | |
Defined in GHC.Generics Methods readsPrec :: Int -> ReadS (U1 p) readList :: ReadS [U1 p] readPrec :: ReadPrec (U1 p) readListPrec :: ReadPrec [U1 p] | |
Read (V1 p) | |
Defined in GHC.Generics Methods readsPrec :: Int -> ReadS (V1 p) readList :: ReadS [V1 p] readPrec :: ReadPrec (V1 p) readListPrec :: ReadPrec [V1 p] | |
(Ord k, Read k, Read e) => Read (Map k e) | |
Defined in Data.Map.Internal | |
(Read1 f, Read a) => Read (Cofree f a) | |
Defined in Control.Comonad.Cofree Methods readsPrec :: Int -> ReadS (Cofree f a) readList :: ReadS [Cofree f a] readPrec :: ReadPrec (Cofree f a) readListPrec :: ReadPrec [Cofree f a] | |
(Read1 f, Read a) => Read (Free f a) | |
Defined in Control.Monad.Free Methods readsPrec :: Int -> ReadS (Free f a) readList :: ReadS [Free f a] readPrec :: ReadPrec (Free f a) readListPrec :: ReadPrec [Free f a] | |
(Functor f, Read (f a)) => Read (Yoneda f a) | |
Defined in Data.Functor.Yoneda Methods readsPrec :: Int -> ReadS (Yoneda f a) readList :: ReadS [Yoneda f a] readPrec :: ReadPrec (Yoneda f a) readListPrec :: ReadPrec [Yoneda f a] | |
(Read i, Read a) => Read (Level i a) | |
Defined in Control.Lens.Internal.Level Methods readsPrec :: Int -> ReadS (Level i a) readList :: ReadS [Level i a] readPrec :: ReadPrec (Level i a) readListPrec :: ReadPrec [Level i a] | |
(Read h, Read t) => Read (h :. t) | |
Defined in Database.PostgreSQL.Simple.Types Methods readsPrec :: Int -> ReadS (h :. t) readList :: ReadS [h :. t] readPrec :: ReadPrec (h :. t) readListPrec :: ReadPrec [h :. t] | |
(Read a, Read b) => Read (Either a b) | |
Defined in Data.Strict.Either Methods readsPrec :: Int -> ReadS (Either a b) readList :: ReadS [Either a b] readPrec :: ReadPrec (Either a b) readListPrec :: ReadPrec [Either a b] | |
(Read a, Read b) => Read (These a b) | |
Defined in Data.Strict.These Methods readsPrec :: Int -> ReadS (These a b) readList :: ReadS [These a b] readPrec :: ReadPrec (These a b) readListPrec :: ReadPrec [These a b] | |
(Read a, Read b) => Read (Pair a b) | |
Defined in Data.Strict.Tuple Methods readsPrec :: Int -> ReadS (Pair a b) readList :: ReadS [Pair a b] readPrec :: ReadPrec (Pair a b) readListPrec :: ReadPrec [Pair a b] | |
(Read a, Read b) => Read (These a b) | |
Defined in Data.These Methods readsPrec :: Int -> ReadS (These a b) readList :: ReadS [These a b] readPrec :: ReadPrec (These a b) readListPrec :: ReadPrec [These a b] | |
(Read1 f, Read a) => Read (Lift f a) | |
Defined in Control.Applicative.Lift Methods readsPrec :: Int -> ReadS (Lift f a) readList :: ReadS [Lift f a] readPrec :: ReadPrec (Lift f a) readListPrec :: ReadPrec [Lift f a] | |
(Read1 m, Read a) => Read (MaybeT m a) | |
Defined in Control.Monad.Trans.Maybe Methods readsPrec :: Int -> ReadS (MaybeT m a) readList :: ReadS [MaybeT m a] readPrec :: ReadPrec (MaybeT m a) readListPrec :: ReadPrec [MaybeT m a] | |
(Eq k, Hashable k, Read k, Read e) => Read (HashMap k e) | |
Defined in Data.HashMap.Internal | |
(Read a, Read b) => Read (a, b) | |
Read a => Read (Const a b) | |
Defined in Data.Functor.Const Methods readsPrec :: Int -> ReadS (Const a b) readList :: ReadS [Const a b] readPrec :: ReadPrec (Const a b) readListPrec :: ReadPrec [Const a b] | |
Read (f a) => Read (Ap f a) | |
Defined in Data.Monoid Methods readsPrec :: Int -> ReadS (Ap f a) readList :: ReadS [Ap f a] readPrec :: ReadPrec (Ap f a) readListPrec :: ReadPrec [Ap f a] | |
Read (f a) => Read (Alt f a) | |
Defined in Data.Semigroup.Internal Methods readsPrec :: Int -> ReadS (Alt f a) readList :: ReadS [Alt f a] readPrec :: ReadPrec (Alt f a) readListPrec :: ReadPrec [Alt f a] | |
a ~ b => Read (a :~: b) | |
Defined in Data.Type.Equality | |
Read (f p) => Read (Rec1 f p) | |
Defined in GHC.Generics Methods readsPrec :: Int -> ReadS (Rec1 f p) readList :: ReadS [Rec1 f p] readPrec :: ReadPrec (Rec1 f p) readListPrec :: ReadPrec [Rec1 f p] | |
Read (p (Fix p a) a) => Read (Fix p a) | |
Defined in Data.Bifunctor.Fix Methods readsPrec :: Int -> ReadS (Fix p a) readList :: ReadS [Fix p a] readPrec :: ReadPrec (Fix p a) readListPrec :: ReadPrec [Fix p a] | |
Read (p a a) => Read (Join p a) | |
Defined in Data.Bifunctor.Join Methods readsPrec :: Int -> ReadS (Join p a) readList :: ReadS [Join p a] readPrec :: ReadPrec (Join p a) readListPrec :: ReadPrec [Join p a] | |
(Read a, Read (f b)) => Read (CofreeF f a b) | |
Defined in Control.Comonad.Trans.Cofree Methods readsPrec :: Int -> ReadS (CofreeF f a b) readList :: ReadS [CofreeF f a b] readPrec :: ReadPrec (CofreeF f a b) readListPrec :: ReadPrec [CofreeF f a b] | |
Read (w (CofreeF f a (CofreeT f w a))) => Read (CofreeT f w a) | |
Defined in Control.Comonad.Trans.Cofree Methods readsPrec :: Int -> ReadS (CofreeT f w a) readList :: ReadS [CofreeT f w a] readPrec :: ReadPrec (CofreeT f w a) readListPrec :: ReadPrec [CofreeT f w a] | |
(Read a, Read (f b)) => Read (FreeF f a b) | |
Defined in Control.Monad.Trans.Free Methods readsPrec :: Int -> ReadS (FreeF f a b) readList :: ReadS [FreeF f a b] readPrec :: ReadPrec (FreeF f a b) readListPrec :: ReadPrec [FreeF f a b] | |
(Read1 f, Read1 m, Read a) => Read (FreeT f m a) | |
Defined in Control.Monad.Trans.Free Methods readsPrec :: Int -> ReadS (FreeT f m a) readList :: ReadS [FreeT f m a] readPrec :: ReadPrec (FreeT f m a) readListPrec :: ReadPrec [FreeT f m a] | |
Read b => Read (Tagged s b) | |
Defined in Data.Tagged Methods readsPrec :: Int -> ReadS (Tagged s b) readList :: ReadS [Tagged s b] readPrec :: ReadPrec (Tagged s b) readListPrec :: ReadPrec [Tagged s b] | |
(Read (f a), Read (g a), Read a) => Read (These1 f g a) | |
Defined in Data.Functor.These Methods readsPrec :: Int -> ReadS (These1 f g a) readList :: ReadS [These1 f g a] readPrec :: ReadPrec (These1 f g a) readListPrec :: ReadPrec [These1 f g a] | |
(Read1 f, Read a) => Read (Backwards f a) | |
Defined in Control.Applicative.Backwards Methods readsPrec :: Int -> ReadS (Backwards f a) readList :: ReadS [Backwards f a] readPrec :: ReadPrec (Backwards f a) readListPrec :: ReadPrec [Backwards f a] | |
(Read e, Read1 m, Read a) => Read (ErrorT e m a) | |
Defined in Control.Monad.Trans.Error Methods readsPrec :: Int -> ReadS (ErrorT e m a) readList :: ReadS [ErrorT e m a] readPrec :: ReadPrec (ErrorT e m a) readListPrec :: ReadPrec [ErrorT e m a] | |
(Read e, Read1 m, Read a) => Read (ExceptT e m a) | |
Defined in Control.Monad.Trans.Except Methods readsPrec :: Int -> ReadS (ExceptT e m a) readList :: ReadS [ExceptT e m a] readPrec :: ReadPrec (ExceptT e m a) readListPrec :: ReadPrec [ExceptT e m a] | |
(Read1 f, Read a) => Read (IdentityT f a) | |
Defined in Control.Monad.Trans.Identity Methods readsPrec :: Int -> ReadS (IdentityT f a) readList :: ReadS [IdentityT f a] readPrec :: ReadPrec (IdentityT f a) readListPrec :: ReadPrec [IdentityT f a] | |
(Read w, Read1 m, Read a) => Read (WriterT w m a) | |
Defined in Control.Monad.Trans.Writer.Lazy Methods readsPrec :: Int -> ReadS (WriterT w m a) readList :: ReadS [WriterT w m a] readPrec :: ReadPrec (WriterT w m a) readListPrec :: ReadPrec [WriterT w m a] | |
(Read w, Read1 m, Read a) => Read (WriterT w m a) | |
Defined in Control.Monad.Trans.Writer.Strict Methods readsPrec :: Int -> ReadS (WriterT w m a) readList :: ReadS [WriterT w m a] readPrec :: ReadPrec (WriterT w m a) readListPrec :: ReadPrec [WriterT w m a] | |
Read a => Read (Constant a b) | |
Defined in Data.Functor.Constant Methods readsPrec :: Int -> ReadS (Constant a b) readList :: ReadS [Constant a b] readPrec :: ReadPrec (Constant a b) readListPrec :: ReadPrec [Constant a b] | |
(Read1 f, Read a) => Read (Reverse f a) | |
Defined in Data.Functor.Reverse Methods readsPrec :: Int -> ReadS (Reverse f a) readList :: ReadS [Reverse f a] readPrec :: ReadPrec (Reverse f a) readListPrec :: ReadPrec [Reverse f a] | |
(Read a, Read b, Read c) => Read (a, b, c) | |
(Read1 f, Read1 g, Read a) => Read (Product f g a) | |
Defined in Data.Functor.Product Methods readsPrec :: Int -> ReadS (Product f g a) readList :: ReadS [Product f g a] readPrec :: ReadPrec (Product f g a) readListPrec :: ReadPrec [Product f g a] | |
(Read1 f, Read1 g, Read a) => Read (Sum f g a) | |
Defined in Data.Functor.Sum Methods readsPrec :: Int -> ReadS (Sum f g a) readList :: ReadS [Sum f g a] readPrec :: ReadPrec (Sum f g a) readListPrec :: ReadPrec [Sum f g a] | |
a ~~ b => Read (a :~~: b) | |
Defined in Data.Type.Equality | |
(Read (f p), Read (g p)) => Read ((f :*: g) p) | |
Defined in GHC.Generics Methods readsPrec :: Int -> ReadS ((f :*: g) p) readList :: ReadS [(f :*: g) p] readPrec :: ReadPrec ((f :*: g) p) readListPrec :: ReadPrec [(f :*: g) p] | |
(Read (f p), Read (g p)) => Read ((f :+: g) p) | |
Defined in GHC.Generics Methods readsPrec :: Int -> ReadS ((f :+: g) p) readList :: ReadS [(f :+: g) p] readPrec :: ReadPrec ((f :+: g) p) readListPrec :: ReadPrec [(f :+: g) p] | |
Read c => Read (K1 i c p) | |
Defined in GHC.Generics Methods readsPrec :: Int -> ReadS (K1 i c p) readList :: ReadS [K1 i c p] readPrec :: ReadPrec (K1 i c p) readListPrec :: ReadPrec [K1 i c p] | |
(Read a, Read b, Read c, Read d) => Read (a, b, c, d) | |
(Read1 f, Read1 g, Read a) => Read (Compose f g a) | |
Defined in Data.Functor.Compose Methods readsPrec :: Int -> ReadS (Compose f g a) readList :: ReadS [Compose f g a] readPrec :: ReadPrec (Compose f g a) readListPrec :: ReadPrec [Compose f g a] | |
Read (f (g p)) => Read ((f :.: g) p) | |
Defined in GHC.Generics Methods readsPrec :: Int -> ReadS ((f :.: g) p) readList :: ReadS [(f :.: g) p] readPrec :: ReadPrec ((f :.: g) p) readListPrec :: ReadPrec [(f :.: g) p] | |
Read (f p) => Read (M1 i c f p) | |
Defined in GHC.Generics Methods readsPrec :: Int -> ReadS (M1 i c f p) readList :: ReadS [M1 i c f p] readPrec :: ReadPrec (M1 i c f p) readListPrec :: ReadPrec [M1 i c f p] | |
Read (f a) => Read (Clown f a b) | |
Defined in Data.Bifunctor.Clown Methods readsPrec :: Int -> ReadS (Clown f a b) readList :: ReadS [Clown f a b] readPrec :: ReadPrec (Clown f a b) readListPrec :: ReadPrec [Clown f a b] | |
Read (p b a) => Read (Flip p a b) | |
Defined in Data.Bifunctor.Flip Methods readsPrec :: Int -> ReadS (Flip p a b) readList :: ReadS [Flip p a b] readPrec :: ReadPrec (Flip p a b) readListPrec :: ReadPrec [Flip p a b] | |
Read (g b) => Read (Joker g a b) | |
Defined in Data.Bifunctor.Joker Methods readsPrec :: Int -> ReadS (Joker g a b) readList :: ReadS [Joker g a b] readPrec :: ReadPrec (Joker g a b) readListPrec :: ReadPrec [Joker g a b] | |
Read (p a b) => Read (WrappedBifunctor p a b) | |
Defined in Data.Bifunctor.Wrapped Methods readsPrec :: Int -> ReadS (WrappedBifunctor p a b) readList :: ReadS [WrappedBifunctor p a b] readPrec :: ReadPrec (WrappedBifunctor p a b) readListPrec :: ReadPrec [WrappedBifunctor p a b] | |
(Read a, Read b, Read c, Read d, Read e) => Read (a, b, c, d, e) | |
(Read (f a b), Read (g a b)) => Read (Product f g a b) | |
Defined in Data.Bifunctor.Product Methods readsPrec :: Int -> ReadS (Product f g a b) readList :: ReadS [Product f g a b] readPrec :: ReadPrec (Product f g a b) readListPrec :: ReadPrec [Product f g a b] | |
(Read (p a b), Read (q a b)) => Read (Sum p q a b) | |
Defined in Data.Bifunctor.Sum Methods readsPrec :: Int -> ReadS (Sum p q a b) readList :: ReadS [Sum p q a b] readPrec :: ReadPrec (Sum p q a b) readListPrec :: ReadPrec [Sum p q a b] | |
(Read a, Read b, Read c, Read d, Read e, Read f) => Read (a, b, c, d, e, f) | |
Read (f (p a b)) => Read (Tannen f p a b) | |
Defined in Data.Bifunctor.Tannen Methods readsPrec :: Int -> ReadS (Tannen f p a b) readList :: ReadS [Tannen f p a b] readPrec :: ReadPrec (Tannen f p a b) readListPrec :: ReadPrec [Tannen f p a b] | |
(Read a, Read b, Read c, Read d, Read e, Read f, Read g) => Read (a, b, c, d, e, f, g) | |
(Read a, Read b, Read c, Read d, Read e, Read f, Read g, Read h) => Read (a, b, c, d, e, f, g, h) | |
Read (p (f a) (g b)) => Read (Biff p f g a b) | |
Defined in Data.Bifunctor.Biff Methods readsPrec :: Int -> ReadS (Biff p f g a b) readList :: ReadS [Biff p f g a b] readPrec :: ReadPrec (Biff p f g a b) readListPrec :: ReadPrec [Biff p f g a b] | |
(Read a, Read b, Read c, Read d, Read e, Read f, Read g, Read h, Read i) => Read (a, b, c, d, e, f, g, h, i) | |
(Read a, Read b, Read c, Read d, Read e, Read f, Read g, Read h, Read i, Read j) => Read (a, b, c, d, e, f, g, h, i, j) | |
(Read a, Read b, Read c, Read d, Read e, Read f, Read g, Read h, Read i, Read j, Read k) => Read (a, b, c, d, e, f, g, h, i, j, k) | |
(Read a, Read b, Read c, Read d, Read e, Read f, Read g, Read h, Read i, Read j, Read k, Read l) => Read (a, b, c, d, e, f, g, h, i, j, k, l) | |
(Read a, Read b, Read c, Read d, Read e, Read f, Read g, Read h, Read i, Read j, Read k, Read l, Read m) => Read (a, b, c, d, e, f, g, h, i, j, k, l, m) | |
(Read a, Read b, Read c, Read d, Read e, Read f, Read g, Read h, Read i, Read j, Read k, Read l, Read m, Read n) => Read (a, b, c, d, e, f, g, h, i, j, k, l, m, n) | |
(Read a, Read b, Read c, Read d, Read e, Read f, Read g, Read h, Read i, Read j, Read k, Read l, Read m, Read n, Read o) => Read (a, b, c, d, e, f, g, h, i, j, k, l, m, n, o) | |
Defined in GHC.Read Methods readsPrec :: Int -> ReadS (a, b, c, d, e, f, g, h, i, j, k, l, m, n, o) readList :: ReadS [(a, b, c, d, e, f, g, h, i, j, k, l, m, n, o)] readPrec :: ReadPrec (a, b, c, d, e, f, g, h, i, j, k, l, m, n, o) readListPrec :: ReadPrec [(a, b, c, d, e, f, g, h, i, j, k, l, m, n, o)] |
data Conc (m :: Type -> Type) a #
Instances
MonadUnliftIO m => Alternative (Conc m) | |
MonadUnliftIO m => Applicative (Conc m) | |
Functor m => Functor (Conc m) | |
(Monoid a, MonadUnliftIO m) => Monoid (Conc m a) | |
(MonadUnliftIO m, Semigroup a) => Semigroup (Conc m a) | |
class Monoid builder => Builder builder lazy | builder -> lazy, lazy -> builder where #
Instances
Builder Builder ByteString | |
Defined in Data.Builder | |
Builder Builder Text | |
Defined in Data.Builder |
Instances
FromJSON1 Maybe | |
Defined in Data.Aeson.Types.FromJSON | |
ToJSON1 Maybe | |
Defined in Data.Aeson.Types.ToJSON Methods liftToJSON :: (a -> Value) -> ([a] -> Value) -> Maybe a -> Value # liftToJSONList :: (a -> Value) -> ([a] -> Value) -> [Maybe a] -> Value # liftToEncoding :: (a -> Encoding) -> ([a] -> Encoding) -> Maybe a -> Encoding # liftToEncodingList :: (a -> Encoding) -> ([a] -> Encoding) -> [Maybe a] -> Encoding # | |
MonadFail Maybe | |
Defined in Control.Monad.Fail | |
Foldable Maybe | |
Defined in Data.Foldable Methods fold :: Monoid m => Maybe m -> m foldMap :: Monoid m => (a -> m) -> Maybe a -> m foldMap' :: Monoid m => (a -> m) -> Maybe a -> m foldr :: (a -> b -> b) -> b -> Maybe a -> b # foldr' :: (a -> b -> b) -> b -> Maybe a -> b foldl :: (b -> a -> b) -> b -> Maybe a -> b # foldl' :: (b -> a -> b) -> b -> Maybe a -> b # foldr1 :: (a -> a -> a) -> Maybe a -> a # foldl1 :: (a -> a -> a) -> Maybe a -> a # elem :: Eq a => a -> Maybe a -> Bool # maximum :: Ord a => Maybe a -> a # minimum :: Ord a => Maybe a -> a # | |
Traversable Maybe | |
Alternative Maybe | |
Applicative Maybe | |
Functor Maybe | |
Monad Maybe | |
MonadPlus Maybe | |
MonadFailure Maybe | |
Defined in Basement.Monad Associated Types type Failure Maybe | |
NFData1 Maybe | |
Defined in Control.DeepSeq | |
MonadThrow Maybe | |
Defined in Control.Monad.Catch | |
Hashable1 Maybe | |
Defined in Data.Hashable.Class | |
FoldableWithKey Maybe | |
Defined in Data.Key Methods toKeyedList :: Maybe a -> [(Key Maybe, a)] foldMapWithKey :: Monoid m => (Key Maybe -> a -> m) -> Maybe a -> m foldrWithKey :: (Key Maybe -> a -> b -> b) -> b -> Maybe a -> b foldlWithKey :: (b -> Key Maybe -> a -> b) -> b -> Maybe a -> b | |
Indexable Maybe | |
Keyed Maybe | |
Defined in Data.Key Methods mapWithKey :: (Key Maybe -> a -> b) -> Maybe a -> Maybe b | |
Lookup Maybe | |
TraversableWithKey Maybe | |
Defined in Data.Key Methods traverseWithKey :: Applicative f => (Key Maybe -> a -> f b) -> Maybe a -> f (Maybe b) mapWithKeyM :: Monad m => (Key Maybe -> a -> m b) -> Maybe a -> m (Maybe b) | |
Zip Maybe | |
ZipWithKey Maybe | |
Generic1 Maybe | |
FoldableWithIndex () Maybe | |
FunctorWithIndex () Maybe | |
TraversableWithIndex () Maybe | |
Defined in WithIndex Methods itraverse :: Applicative f => (() -> a -> f b) -> Maybe a -> f (Maybe b) | |
(Selector s, GToJSON' enc arity (K1 i (Maybe a) :: Type -> Type), KeyValuePair enc pairs, Monoid pairs) => RecordToPairs enc pairs arity (S1 s (K1 i (Maybe a) :: Type -> Type)) | |
Defined in Data.Aeson.Types.ToJSON Methods recordToPairs :: Options -> ToArgs enc arity a0 -> S1 s (K1 i (Maybe a)) a0 -> pairs | |
SetField "distinctClause" SQLQuery (Maybe ByteString) Source # | |
Defined in IHP.QueryBuilder | |
SetField "distinctOnClause" SQLQuery (Maybe ByteString) Source # | |
Defined in IHP.QueryBuilder | |
SetField "limitClause" SQLQuery (Maybe ByteString) Source # | |
Defined in IHP.QueryBuilder | |
SetField "offsetClause" SQLQuery (Maybe ByteString) Source # | |
Defined in IHP.QueryBuilder | |
SetField "queryIndex" SQLQuery (Maybe ByteString) Source # | |
Defined in IHP.QueryBuilder | |
SetField "whereCondition" SQLQuery (Maybe Condition) Source # | |
Lift a => Lift (Maybe a :: Type) | |
(Selector s, FromJSON a) => RecordFromJSON' arity (S1 s (K1 i (Maybe a) :: Type -> Type)) | |
Defined in Data.Aeson.Types.FromJSON Methods recordParseJSON' :: (ConName :* (TypeName :* (Options :* FromArgs arity a0))) -> Object -> Parser (S1 s (K1 i (Maybe a)) a0) | |
LookupField (Maybe a) | |
Defined in Data.Aeson.TH | |
FromJSON a => FromJSON (Maybe a) | |
Defined in Data.Aeson.Types.FromJSON | |
ToJSON a => ToJSON (Maybe a) | |
Defined in Data.Aeson.Types.ToJSON | |
Data a => Data (Maybe a) | |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Maybe a -> c (Maybe a) # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c (Maybe a) # toConstr :: Maybe a -> Constr # dataTypeOf :: Maybe a -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c (Maybe a)) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c (Maybe a)) # gmapT :: (forall b. Data b => b -> b) -> Maybe a -> Maybe a # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Maybe a -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Maybe a -> r # gmapQ :: (forall d. Data d => d -> u) -> Maybe a -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Maybe a -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Maybe a -> m (Maybe a) # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Maybe a -> m (Maybe a) # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Maybe a -> m (Maybe a) # | |
IsString string => IsString (Maybe string) Source # | Allows `Just "someThing"` to be written as `"someThing"` |
Defined in IHP.HaskellSupport Methods fromString :: String -> Maybe string # | |
Semigroup a => Monoid (Maybe a) | |
Semigroup a => Semigroup (Maybe a) | |
Generic (Maybe a) | |
SingKind a => SingKind (Maybe a) | |
Defined in GHC.Generics Associated Types type DemoteRep (Maybe a) | |
Read a => Read (Maybe a) | |
Show a => Show (Maybe a) | |
Serialize a => Serialize (Maybe a) | |
Defined in Data.Serialize | |
Default (Maybe a) | |
Defined in Data.Default.Class | |
NFData a => NFData (Maybe a) | |
Defined in Control.DeepSeq | |
Eq (DeBruijn a) => Eq (DeBruijn (Maybe a)) | |
Eq a => Eq (Maybe a) | |
Ord a => Ord (Maybe a) | |
Hashable a => Hashable (Maybe a) | |
Defined in Data.Hashable.Class | |
ApplyAttribute attribute => ApplyAttribute (Maybe attribute) | |
Defined in IHP.HSX.QQ Methods applyAttribute :: Text -> Text -> Maybe attribute -> Html -> Html | |
ToHtml a => ToHtml (Maybe a) | |
Defined in IHP.HSX.ToHtml | |
At (Maybe a) | |
Ixed (Maybe a) | |
Defined in Control.Lens.At | |
AsEmpty (Maybe a) | |
Defined in Control.Lens.Empty | |
VerifiyPassword (Maybe Text) Source # | |
Defined in IHP.AuthSupport.Authentication | |
ParamReader param => ParamReader (Maybe param) Source # | |
Defined in IHP.Controller.Param Methods readParameter :: ByteString -> Either ByteString (Maybe param) Source # readParameterJSON :: Value -> Either ByteString (Maybe param) Source # | |
IsEmpty (Maybe value) Source # | |
InputValue fieldType => InputValue (Maybe fieldType) Source # | |
Defined in IHP.ModelSupport Methods inputValue :: Maybe fieldType -> Text Source # | |
EqOrIsOperator (Maybe something) Source # | |
Defined in IHP.QueryBuilder Methods toEqOrIsOperator :: Maybe something -> FilterOperator | |
MonoFoldable (Maybe a) | |
Defined in Data.MonoTraversable Methods ofoldMap :: Monoid m => (Element (Maybe a) -> m) -> Maybe a -> m # ofoldr :: (Element (Maybe a) -> b -> b) -> b -> Maybe a -> b # ofoldl' :: (a0 -> Element (Maybe a) -> a0) -> a0 -> Maybe a -> a0 # otoList :: Maybe a -> [Element (Maybe a)] # oall :: (Element (Maybe a) -> Bool) -> Maybe a -> Bool # oany :: (Element (Maybe a) -> Bool) -> Maybe a -> Bool # olength64 :: Maybe a -> Int64 # ocompareLength :: Integral i => Maybe a -> i -> Ordering # otraverse_ :: Applicative f => (Element (Maybe a) -> f b) -> Maybe a -> f () # ofor_ :: Applicative f => Maybe a -> (Element (Maybe a) -> f b) -> f () # omapM_ :: Applicative m => (Element (Maybe a) -> m ()) -> Maybe a -> m () # oforM_ :: Applicative m => Maybe a -> (Element (Maybe a) -> m ()) -> m () # ofoldlM :: Monad m => (a0 -> Element (Maybe a) -> m a0) -> a0 -> Maybe a -> m a0 # ofoldMap1Ex :: Semigroup m => (Element (Maybe a) -> m) -> Maybe a -> m # ofoldr1Ex :: (Element (Maybe a) -> Element (Maybe a) -> Element (Maybe a)) -> Maybe a -> Element (Maybe a) # ofoldl1Ex' :: (Element (Maybe a) -> Element (Maybe a) -> Element (Maybe a)) -> Maybe a -> Element (Maybe a) # headEx :: Maybe a -> Element (Maybe a) # lastEx :: Maybe a -> Element (Maybe a) # unsafeHead :: Maybe a -> Element (Maybe a) # unsafeLast :: Maybe a -> Element (Maybe a) # maximumByEx :: (Element (Maybe a) -> Element (Maybe a) -> Ordering) -> Maybe a -> Element (Maybe a) # minimumByEx :: (Element (Maybe a) -> Element (Maybe a) -> Ordering) -> Maybe a -> Element (Maybe a) # | |
MonoFunctor (Maybe a) | |
MonoPointed (Maybe a) | |
MonoTraversable (Maybe a) | |
FromField a => FromField (Maybe a) | |
Defined in Database.PostgreSQL.Simple.FromField | |
FromField a => FromRow (Maybe (Only a)) | |
Defined in Database.PostgreSQL.Simple.FromRow | |
FromField a => FromRow (Maybe (Vector a)) | |
Defined in Database.PostgreSQL.Simple.FromRow | |
(FromField a, FromField b) => FromRow (Maybe (a, b)) | |
Defined in Database.PostgreSQL.Simple.FromRow | |
(FromField a, FromField b, FromField c) => FromRow (Maybe (a, b, c)) | |
Defined in Database.PostgreSQL.Simple.FromRow | |
(FromField a, FromField b, FromField c, FromField d) => FromRow (Maybe (a, b, c, d)) | |
Defined in Database.PostgreSQL.Simple.FromRow | |
(FromField a, FromField b, FromField c, FromField d, FromField e) => FromRow (Maybe (a, b, c, d, e)) | |
Defined in Database.PostgreSQL.Simple.FromRow | |
(FromField a, FromField b, FromField c, FromField d, FromField e, FromField f) => FromRow (Maybe (a, b, c, d, e, f)) | |
Defined in Database.PostgreSQL.Simple.FromRow | |
(FromField a, FromField b, FromField c, FromField d, FromField e, FromField f, FromField g) => FromRow (Maybe (a, b, c, d, e, f, g)) | |
Defined in Database.PostgreSQL.Simple.FromRow | |
(FromField a, FromField b, FromField c, FromField d, FromField e, FromField f, FromField g, FromField h) => FromRow (Maybe (a, b, c, d, e, f, g, h)) | |
Defined in Database.PostgreSQL.Simple.FromRow | |
(FromField a, FromField b, FromField c, FromField d, FromField e, FromField f, FromField g, FromField h, FromField i) => FromRow (Maybe (a, b, c, d, e, f, g, h, i)) | |
Defined in Database.PostgreSQL.Simple.FromRow | |
(FromField a, FromField b, FromField c, FromField d, FromField e, FromField f, FromField g, FromField h, FromField i, FromField j) => FromRow (Maybe (a, b, c, d, e, f, g, h, i, j)) | |
Defined in Database.PostgreSQL.Simple.FromRow | |
(FromField a, FromField b, FromField c, FromField d, FromField e, FromField f, FromField g, FromField h, FromField i, FromField j, FromField k) => FromRow (Maybe (a, b, c, d, e, f, g, h, i, j, k)) | |
Defined in Database.PostgreSQL.Simple.FromRow | |
(FromField a, FromField b, FromField c, FromField d, FromField e, FromField f, FromField g, FromField h, FromField i, FromField j, FromField k, FromField l) => FromRow (Maybe (a, b, c, d, e, f, g, h, i, j, k, l)) | |
Defined in Database.PostgreSQL.Simple.FromRow | |
(FromField a, FromField b, FromField c, FromField d, FromField e, FromField f, FromField g, FromField h, FromField i, FromField j, FromField k, FromField l, FromField m) => FromRow (Maybe (a, b, c, d, e, f, g, h, i, j, k, l, m)) | |
Defined in Database.PostgreSQL.Simple.FromRow | |
(FromField a, FromField b, FromField c, FromField d, FromField e, FromField f, FromField g, FromField h, FromField i, FromField j, FromField k, FromField l, FromField m, FromField n) => FromRow (Maybe (a, b, c, d, e, f, g, h, i, j, k, l, m, n)) | |
Defined in Database.PostgreSQL.Simple.FromRow | |
(FromField a, FromField b, FromField c, FromField d, FromField e, FromField f, FromField g, FromField h, FromField i, FromField j, FromField k, FromField l, FromField m, FromField n, FromField o) => FromRow (Maybe (a, b, c, d, e, f, g, h, i, j, k, l, m, n, o)) | |
Defined in Database.PostgreSQL.Simple.FromRow | |
(FromField a, FromField b, FromField c, FromField d, FromField e, FromField f, FromField g, FromField h, FromField i, FromField j, FromField k, FromField l, FromField m, FromField n, FromField o, FromField p) => FromRow (Maybe (a, b, c, d, e, f, g, h, i, j, k, l, m, n, o, p)) | |
Defined in Database.PostgreSQL.Simple.FromRow | |
(FromField a, FromField b, FromField c, FromField d, FromField e, FromField f, FromField g, FromField h, FromField i, FromField j, FromField k, FromField l, FromField m, FromField n, FromField o, FromField p, FromField q) => FromRow (Maybe (a, b, c, d, e, f, g, h, i, j, k, l, m, n, o, p, q)) | |
Defined in Database.PostgreSQL.Simple.FromRow | |
(FromField a, FromField b, FromField c, FromField d, FromField e, FromField f, FromField g, FromField h, FromField i, FromField j, FromField k, FromField l, FromField m, FromField n, FromField o, FromField p, FromField q, FromField r) => FromRow (Maybe (a, b, c, d, e, f, g, h, i, j, k, l, m, n, o, p, q, r)) | |
Defined in Database.PostgreSQL.Simple.FromRow | |
(FromField a, FromField b, FromField c, FromField d, FromField e, FromField f, FromField g, FromField h, FromField i, FromField j, FromField k, FromField l, FromField m, FromField n, FromField o, FromField p, FromField q, FromField r, FromField s) => FromRow (Maybe (a, b, c, d, e, f, g, h, i, j, k, l, m, n, o, p, q, r, s)) | |
Defined in Database.PostgreSQL.Simple.FromRow | |
(FromField a, FromField b, FromField c, FromField d, FromField e, FromField f, FromField g, FromField h, FromField i, FromField j, FromField k, FromField l, FromField m, FromField n, FromField o, FromField p, FromField q, FromField r, FromField s, FromField t) => FromRow (Maybe (a, b, c, d, e, f, g, h, i, j, k, l, m, n, o, p, q, r, s, t)) | |
Defined in Database.PostgreSQL.Simple.FromRow | |
FromField a => FromRow (Maybe [a]) | |
Defined in Database.PostgreSQL.Simple.FromRow | |
ToField a => ToField (Maybe a) | |
Defined in Database.PostgreSQL.Simple.ToField | |
(model ~ GetModelById (Id' table), GetTableName model ~ table, FilterPrimaryKey table) => Fetchable (Maybe (Id' table)) model Source # | |
SingI ('Nothing :: Maybe a) | |
Defined in GHC.Generics | |
Each (Maybe a) (Maybe b) a b | |
Defined in Control.Lens.Each | |
SingI a2 => SingI ('Just a2 :: Maybe a1) | |
Defined in GHC.Generics | |
type Failure Maybe | |
Defined in Basement.Monad type Failure Maybe = () | |
type Key Maybe | |
type Rep1 Maybe | |
type DemoteRep (Maybe a) | |
Defined in GHC.Generics | |
type Rep (Maybe a) | |
Defined in GHC.Generics | |
data Sing (b :: Maybe a) | |
type Anno (Maybe Role) | |
Defined in GHC.Hs.Decls type Anno (Maybe Role) = SrcAnn NoEpAnns | |
type Anno (Maybe Role) | |
Defined in GHC.Hs.Decls type Anno (Maybe Role) = SrcAnn NoEpAnns | |
type Index (Maybe a) | |
Defined in Control.Lens.At type Index (Maybe a) = () | |
type IxValue (Maybe a) | |
Defined in Control.Lens.At type IxValue (Maybe a) = a | |
type Element (Maybe a) | |
Defined in Data.MonoTraversable | |
type FetchResult (Maybe (Id' table)) model Source # | |
Defined in IHP.Fetch |
data ByteString #