Safe Haskell | None |
---|---|
Language | Haskell98 |
Imm.Prelude
Synopsis
- type Text = Text
- type LText = Text
- type ByteString = ByteString
- type LByteString = ByteString
- io :: MonadIO m => IO a -> m a
- show :: (Show a, IsString b) => a -> b
- (++) :: [a] -> [a] -> [a]
- seq :: a -> b -> b
- zip :: [a] -> [b] -> [(a, b)]
- print :: Show a => a -> IO ()
- fst :: (a, b) -> a
- snd :: (a, b) -> b
- otherwise :: Bool
- assert :: Bool -> a -> a
- map :: (a -> b) -> [a] -> [b]
- ($) :: (a -> b) -> a -> b
- fromIntegral :: (Integral a, Num b) => a -> b
- realToFrac :: (Real a, Fractional b) => a -> b
- class Bounded a where
- 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]
- class Eq a where
- class Fractional a => Floating 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 Applicative m => Monad (m :: Type -> Type) where
- class Functor (f :: Type -> Type) where
- class Num a where
- class Eq a => Ord a where
- class Read a where
- class (Num a, Ord a) => Real a where
- toRational :: a -> Rational
- 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 (Real a, Fractional a) => RealFrac a where
- class Show a where
- class Typeable (a :: k)
- class IsString a where
- fromString :: String -> a
- class Functor f => Applicative (f :: Type -> Type) where
- class Foldable (t :: Type -> Type) where
- 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
- (<>) :: a -> a -> a
- class Semigroup a => Monoid a where
- data Bool
- data Char
- data Double
- data Float
- data Int
- data Integer
- data Maybe a
- data Ordering
- type Rational = Ratio Integer
- data IO a
- data Word
- data Either a b
- (<$>) :: Functor f => (a -> b) -> f a -> f b
- type String = [Char]
- type ShowS = String -> String
- read :: Read a => String -> a
- class Applicative f => Alternative (f :: Type -> Type) where
- class (Alternative m, Monad m) => MonadPlus (m :: Type -> Type) where
- class Bifunctor (p :: Type -> Type -> Type) where
- class Monad m => MonadIO (m :: Type -> Type) where
- unless :: Applicative f => Bool -> f () -> f ()
- forM :: (Traversable t, Monad m) => t a -> (a -> m b) -> m (t b)
- for :: (Traversable t, Applicative f) => t a -> (a -> f b) -> f (t b)
- optional :: Alternative f => f a -> f (Maybe a)
- newtype WrappedMonad (m :: Type -> Type) a = WrapMonad {
- unwrapMonad :: m a
- newtype WrappedArrow (a :: Type -> Type -> Type) b c = WrapArrow {
- unwrapArrow :: a b c
- newtype ZipList a = ZipList {
- getZipList :: [a]
- readIO :: Read a => String -> IO a
- readLn :: Read a => IO a
- appendFile :: FilePath -> String -> IO ()
- interact :: (String -> String) -> IO ()
- getContents :: IO String
- getChar :: IO Char
- putChar :: Char -> IO ()
- stderr :: Handle
- ioError :: IOError -> IO a
- data SomeAsyncException where
- SomeAsyncException :: forall e. Exception e => e -> SomeAsyncException
- stdout :: Handle
- type FilePath = String
- userError :: String -> IOError
- data IOException
- type IOError = IOException
- class (Typeable e, Show e) => Exception e where
- toException :: e -> SomeException
- fromException :: SomeException -> Maybe e
- displayException :: e -> String
- newtype Const a (b :: k) :: forall k. Type -> k -> Type = Const {
- getConst :: a
- forM_ :: (Foldable t, Monad m) => t a -> (a -> m b) -> m ()
- mapM_ :: (Foldable t, Monad m) => (a -> m b) -> t a -> m ()
- reads :: Read a => ReadS a
- fromRight :: b -> Either a b -> b
- fromLeft :: a -> Either a b -> a
- isRight :: Either a b -> Bool
- isLeft :: Either a b -> Bool
- partitionEithers :: [Either a b] -> ([a], [b])
- rights :: [Either a b] -> [b]
- lefts :: [Either a b] -> [a]
- either :: (a -> c) -> (b -> c) -> Either a b -> c
- comparing :: Ord a => (b -> a) -> b -> b -> Ordering
- newtype Down a = Down a
- data IOMode
- lex :: ReadS String
- readParen :: Bool -> ReadS a -> ReadS a
- type ReadS a = String -> [(a, String)]
- void :: Functor f => f a -> f ()
- lcm :: Integral a => a -> a -> a
- gcd :: Integral a => a -> a -> a
- (^^) :: (Fractional a, Integral b) => a -> b -> a
- (^) :: (Num a, Integral b) => a -> b -> a
- odd :: Integral a => a -> Bool
- even :: Integral a => a -> Bool
- showParen :: Bool -> ShowS -> ShowS
- showString :: String -> ShowS
- showChar :: Char -> ShowS
- shows :: Show a => a -> ShowS
- unzip3 :: [(a, b, c)] -> ([a], [b], [c])
- unzip :: [(a, b)] -> ([a], [b])
- zipWith3 :: (a -> b -> c -> d) -> [a] -> [b] -> [c] -> [d]
- zipWith :: (a -> b -> c) -> [a] -> [b] -> [c]
- zip3 :: [a] -> [b] -> [c] -> [(a, b, c)]
- (!!) :: [a] -> Int -> a
- cycle :: [a] -> [a]
- repeat :: a -> [a]
- iterate :: (a -> a) -> a -> [a]
- scanr1 :: (a -> a -> a) -> [a] -> [a]
- scanr :: (a -> b -> b) -> b -> [a] -> [b]
- scanl1 :: (a -> a -> a) -> [a] -> [a]
- scanl :: (b -> a -> b) -> b -> [a] -> [b]
- init :: [a] -> [a]
- last :: [a] -> a
- tail :: [a] -> [a]
- head :: [a] -> a
- mapMaybe :: (a -> Maybe b) -> [a] -> [b]
- listToMaybe :: [a] -> Maybe a
- maybeToList :: Maybe a -> [a]
- fromMaybe :: a -> Maybe a -> a
- fromJust :: Maybe a -> a
- isNothing :: Maybe a -> Bool
- isJust :: Maybe a -> Bool
- maybe :: b -> (a -> b) -> Maybe a -> b
- uncurry :: (a -> b -> c) -> (a, b) -> c
- curry :: ((a, b) -> c) -> a -> b -> c
- subtract :: Num a => a -> a -> a
- asTypeOf :: a -> a -> a
- until :: (a -> Bool) -> (a -> a) -> a -> a
- ($!) :: (a -> b) -> a -> b
- flip :: (a -> b -> c) -> b -> a -> c
- (.) :: (b -> c) -> (a -> b) -> a -> c
- const :: a -> b -> a
- id :: a -> a
- when :: Applicative f => Bool -> f () -> f ()
- (=<<) :: Monad m => (a -> m b) -> m a -> m b
- liftA3 :: Applicative f => (a -> b -> c -> d) -> f a -> f b -> f c -> f d
- liftA :: Applicative f => (a -> b) -> f a -> f b
- (<**>) :: Applicative f => f a -> f (a -> b) -> f b
- undefined :: HasCallStack => a
- errorWithoutStackTrace :: [Char] -> a
- error :: HasCallStack => [Char] -> a
- data SomeException where
- SomeException :: forall e. Exception e => e -> SomeException
- (&&) :: Bool -> Bool -> Bool
- (||) :: Bool -> Bool -> Bool
- not :: Bool -> Bool
- lift :: (MonadTrans t, Monad m) => m a -> t m a
- class Monad m => MonadThrow (m :: Type -> Type)
- handleIOError :: MonadCatch m => (IOError -> m a) -> m a -> m a
- catchIOError :: MonadCatch m => m a -> (IOError -> m a) -> m a
- uninterruptibleMask_ :: MonadMask m => m a -> m a
- mask_ :: MonadMask m => m a -> m a
- class MonadThrow m => MonadCatch (m :: Type -> Type)
- class MonadCatch m => MonadMask (m :: Type -> Type) where
- mask :: ((forall a. m a -> m a) -> m b) -> m b
- uninterruptibleMask :: ((forall a. m a -> m a) -> m b) -> m b
- generalBracket :: m a -> (a -> ExitCase b -> m c) -> (a -> m b) -> m (b, c)
- data Handler (m :: Type -> Type) a where
- class (Applicative b, Applicative m, Monad b, Monad m) => MonadBase (b :: Type -> Type) (m :: Type -> Type) | m -> b where
- liftBase :: b α -> m α
- repack :: (MonoFoldable a, IsSequence b, Element a ~ Element b) => a -> b
- unpack :: MonoFoldable mono => mono -> [Element mono]
- pack :: IsSequence seq => [Element seq] -> seq
- sortOn :: (Ord o, SemiSequence seq) => (Element seq -> o) -> seq -> seq
- catMaybes :: (IsSequence (f (Maybe t)), Functor f, Element (f (Maybe t)) ~ Maybe t) => f (Maybe t) -> f t
- sort :: (SemiSequence seq, Ord (Element seq)) => seq -> seq
- replaceSeqLazyText :: Text -> Text -> Text -> Text
- splitSeqLazyText :: Text -> Text -> [Text]
- replaceSeqStrictText :: Text -> Text -> Text -> Text
- splitSeqStrictText :: Text -> Text -> [Text]
- stripSuffixLazyBS :: ByteString -> ByteString -> Maybe ByteString
- stripPrefixLazyBS :: ByteString -> ByteString -> Maybe ByteString
- splitSeqLazyBS :: Word8 -> ByteString -> [ByteString]
- stripSuffixStrictBS :: ByteString -> ByteString -> Maybe ByteString
- stripPrefixStrictBS :: ByteString -> ByteString -> Maybe ByteString
- splitElemStrictBS :: Word8 -> ByteString -> [ByteString]
- deleteBy :: (IsSequence seq, Eq (Element seq)) => (Element seq -> Element seq -> Bool) -> Element seq -> seq -> seq
- delete :: (IsSequence seq, Eq (Element seq)) => Element seq -> seq -> seq
- groupAll :: (IsSequence seq, Eq (Element seq)) => seq -> [seq]
- group :: (IsSequence seq, Eq (Element seq)) => seq -> [seq]
- isInfixOf :: (IsSequence seq, Eq (Element seq)) => seq -> seq -> Bool
- isSuffixOf :: (IsSequence seq, Eq (Element seq)) => seq -> seq -> Bool
- isPrefixOf :: (IsSequence seq, Eq (Element seq)) => seq -> seq -> Bool
- ensureSuffix :: (Eq (Element seq), IsSequence seq) => seq -> seq -> seq
- ensurePrefix :: (Eq (Element seq), IsSequence seq) => seq -> seq -> seq
- dropSuffix :: (IsSequence seq, Eq (Element seq)) => seq -> seq -> seq
- dropPrefix :: (IsSequence seq, Eq (Element seq)) => seq -> seq -> seq
- stripSuffix :: (IsSequence seq, Eq (Element seq)) => seq -> seq -> Maybe seq
- stripPrefix :: (IsSequence seq, Eq (Element seq)) => seq -> seq -> Maybe seq
- replaceSeq :: (IsSequence seq, Eq (Element seq)) => seq -> seq -> seq -> seq
- splitSeq :: (IsSequence seq, Eq (Element seq)) => seq -> seq -> [seq]
- splitElem :: (IsSequence seq, Eq (Element seq)) => Element seq -> seq -> [seq]
- initDef :: IsSequence seq => seq -> seq
- tailDef :: IsSequence seq => seq -> seq
- defaultSnoc :: IsSequence seq => seq -> Element seq -> seq
- defaultCons :: IsSequence seq => Element seq -> seq -> seq
- vectorSort :: (Vector v e, Ord e) => v e -> v e
- vectorSortBy :: Vector v e => (e -> e -> Ordering) -> v e -> v e
- defaultSplitWhen :: IsSequence seq => (Element seq -> Bool) -> seq -> [seq]
- defaultSortBy :: IsSequence seq => (Element seq -> Element seq -> Ordering) -> seq -> seq
- defaultReverse :: IsSequence seq => seq -> seq
- defaultIntersperse :: IsSequence seq => Element seq -> seq -> seq
- defaultFind :: MonoFoldable seq => (Element seq -> Bool) -> seq -> Maybe (Element seq)
- singleton :: MonoPointed seq => Element seq -> seq
- class (Integral (Index seq), GrowingAppend seq) => SemiSequence seq where
- 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
- takeWhile :: (Element seq -> Bool) -> seq -> seq
- splitAt :: Index seq -> seq -> (seq, seq)
- unsafeSplitAt :: Index seq -> seq -> (seq, seq)
- take :: Index 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
- index :: seq -> Index seq -> Maybe (Element seq)
- indexEx :: seq -> Index seq -> Element seq
- unsafeIndex :: seq -> Index seq -> Element seq
- splitWhen :: (Element seq -> Bool) -> seq -> [seq]
- 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 (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 (Textual textual, IsSequence binary) => Utf8 textual binary | textual -> binary, binary -> textual where
- encodeUtf8 :: textual -> binary
- decodeUtf8 :: binary -> textual
- sequence_ :: (Applicative m, MonoFoldable mono, Element mono ~ m ()) => mono -> m ()
- foldM :: (MonoFoldable mono, Monad m) => (a -> Element mono -> m a) -> a -> mono -> m a
- concat :: (MonoFoldable mono, Monoid (Element mono)) => mono -> Element mono
- fold :: (MonoFoldable mono, Monoid (Element mono)) => mono -> Element mono
- intercalate :: (MonoFoldable mono, Monoid (Element mono)) => Element mono -> mono -> Element mono
- point :: MonoPointed mono => Element mono -> mono
- notElem :: (MonoFoldable mono, Eq (Element mono)) => Element mono -> mono -> Bool
- elem :: (MonoFoldable mono, Eq (Element mono)) => Element mono -> mono -> Bool
- concatMap :: (MonoFoldable mono, Monoid m) => (Element mono -> m) -> mono -> m
- or :: (MonoFoldable mono, Element mono ~ Bool) => mono -> Bool
- and :: (MonoFoldable mono, Element mono ~ Bool) => mono -> Bool
- product :: (MonoFoldable mono, Num (Element mono)) => mono -> Element mono
- sum :: (MonoFoldable mono, Num (Element mono)) => mono -> Element mono
- foldl1Ex' :: MonoFoldable mono => (Element mono -> Element mono -> Element mono) -> mono -> Element mono
- foldr1Ex :: MonoFoldable mono => (Element mono -> Element mono -> Element mono) -> mono -> Element mono
- foldMap1Ex :: (MonoFoldable mono, Semigroup m) => (Element mono -> m) -> mono -> m
- foldlM :: (MonoFoldable mono, Monad m) => (a -> Element mono -> m a) -> a -> mono -> m a
- for_ :: (MonoFoldable mono, Applicative f) => mono -> (Element mono -> f b) -> f ()
- traverse_ :: (MonoFoldable mono, Applicative f) => (Element mono -> f b) -> mono -> f ()
- compareLength :: (MonoFoldable mono, Integral i) => mono -> i -> Ordering
- length64 :: MonoFoldable mono => mono -> Int64
- length :: MonoFoldable mono => mono -> Int
- null :: MonoFoldable mono => mono -> Bool
- any :: MonoFoldable mono => (Element mono -> Bool) -> mono -> Bool
- all :: MonoFoldable mono => (Element mono -> Bool) -> mono -> Bool
- toList :: MonoFoldable mono => mono -> [Element mono]
- foldl' :: MonoFoldable mono => (a -> Element mono -> a) -> a -> mono -> a
- foldr :: MonoFoldable mono => (Element mono -> b -> b) -> b -> mono -> b
- foldMap :: (MonoFoldable mono, Monoid m) => (Element mono -> m) -> mono -> m
- class (Monoid set, Semigroup set, MonoFoldable set, Eq (ContainerKey set), GrowingAppend set) => SetContainer set where
- type ContainerKey set :: Type
- 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]
- 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 BiPolyMap (map :: Type -> Type -> Type) where
- type BPMKeyConstraint (map :: Type -> Type -> Type) key :: Constraint
- mapKeysWith :: (BPMKeyConstraint map k1, BPMKeyConstraint map k2) => (v -> v -> v) -> (k1 -> k2) -> map k1 v -> map k2 v
- class (MonoTraversable map, SetContainer map) => IsMap map where
- type MapValue map :: Type
- 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
- class (SetContainer set, Element set ~ ContainerKey set) => IsSet set where
- insertSet :: Element set -> set -> set
- deleteSet :: Element set -> set -> set
- singletonSet :: Element set -> set
- setFromList :: [Element set] -> set
- setToList :: set -> [Element set]
- class MonoFunctor mono => MonoZip mono where
- class SetContainer set => HasKeysSet set where
- class (IsString t, LeftReductiveMonoid t, LeftGCDMonoid t, FactorialMonoid t) => TextualMonoid t where
- catchesAsync :: (MonadCatch m, MonadThrow m) => m a -> [Handler m a] -> m a
- catchesDeep :: (MonadCatch m, MonadThrow m, MonadIO m, NFData a) => m a -> [Handler m a] -> m a
- catches :: (MonadCatch m, MonadThrow m) => m a -> [Handler m a] -> m a
- isAsyncException :: Exception e => e -> Bool
- isSyncException :: Exception e => e -> Bool
- toAsyncException :: Exception e => e -> SomeException
- toSyncException :: Exception e => e -> SomeException
- bracketWithError :: MonadMask m => m a -> (Maybe SomeException -> a -> m b) -> (a -> m c) -> m c
- bracketOnError_ :: MonadMask m => m a -> m b -> m c -> m c
- bracketOnError :: MonadMask m => m a -> (a -> m b) -> (a -> m c) -> m c
- finally :: MonadMask m => m a -> m b -> m a
- bracket_ :: MonadMask m => m a -> m b -> m c -> m c
- bracket :: MonadMask m => m a -> (a -> m b) -> (a -> m c) -> m c
- withException :: (MonadMask m, Exception e) => m a -> (e -> m b) -> m a
- onException :: MonadMask m => m a -> m b -> m a
- tryJust :: (MonadCatch m, Exception e) => (e -> Maybe b) -> m a -> m (Either b a)
- tryAsync :: (MonadCatch m, Exception e) => m a -> m (Either e a)
- tryAnyDeep :: (MonadCatch m, MonadIO m, NFData a) => m a -> m (Either SomeException a)
- tryDeep :: (MonadCatch m, MonadIO m, Exception e, NFData a) => m a -> m (Either e a)
- tryAny :: MonadCatch m => m a -> m (Either SomeException a)
- tryIO :: MonadCatch m => m a -> m (Either IOException a)
- try :: (MonadCatch m, Exception e) => m a -> m (Either e a)
- handleJust :: (MonadCatch m, Exception e) => (e -> Maybe b) -> (b -> m a) -> m a -> m a
- handleAsync :: (MonadCatch m, Exception e) => (e -> m a) -> m a -> m a
- handleAnyDeep :: (MonadCatch m, MonadIO m, NFData a) => (SomeException -> m a) -> m a -> m a
- handleDeep :: (MonadCatch m, Exception e, MonadIO m, NFData a) => (e -> m a) -> m a -> m a
- handleAny :: MonadCatch m => (SomeException -> m a) -> m a -> m a
- handleIO :: MonadCatch m => (IOException -> m a) -> m a -> m a
- catchJust :: (MonadCatch m, Exception e) => (e -> Maybe b) -> m a -> (b -> m a) -> m a
- catchAsync :: (MonadCatch m, Exception e) => m a -> (e -> m a) -> m a
- catchAnyDeep :: (MonadCatch m, MonadIO m, NFData a) => m a -> (SomeException -> m a) -> m a
- catchDeep :: (MonadCatch m, MonadIO m, Exception e, NFData a) => m a -> (e -> m a) -> m a
- catchAny :: MonadCatch m => m a -> (SomeException -> m a) -> m a
- catchIO :: MonadCatch m => m a -> (IOException -> m a) -> m a
- catch :: (MonadCatch m, Exception e) => m a -> (e -> m a) -> m a
- impureThrow :: Exception e => e -> a
- throwTo :: (Exception e, MonadIO m) => ThreadId -> e -> m ()
- throwString :: (MonadThrow m, HasCallStack) => String -> m a
- throwM :: (MonadThrow m, Exception e) => e -> m a
- throwIO :: (MonadThrow m, Exception e) => e -> m a
- throw :: (MonadThrow m, Exception e) => e -> m a
- data StringException = StringException String CallStack
- data SyncExceptionWrapper where
- SyncExceptionWrapper :: forall e. Exception e => e -> SyncExceptionWrapper
- data AsyncExceptionWrapper where
- AsyncExceptionWrapper :: forall e. Exception e => e -> AsyncExceptionWrapper
- putStrLn :: Text -> IO ()
- putStr :: Text -> IO ()
- getLine :: IO Text
- liftBaseDefault :: (MonadTrans t, MonadBase b m) => b α -> t m α
Documentation
type ByteString = ByteString Source #
type LByteString = ByteString Source #
(++) :: [a] -> [a] -> [a] infixr 5 #
Append two lists, i.e.,
[x1, ..., xm] ++ [y1, ..., yn] == [x1, ..., xm, y1, ..., yn] [x1, ..., xm] ++ [y1, ...] == [x1, ..., xm, y1, ...]
If the first list is not finite, the result is the first list.
The value of seq a b
is bottom if a
is bottom, and
otherwise equal to b
. In other words, it evaluates the first
argument a
to weak head normal form (WHNF). seq
is usually
introduced to improve performance by avoiding unneeded laziness.
A note on evaluation order: the expression seq a b
does
not guarantee that a
will be evaluated before b
.
The only guarantee given by seq
is that the both a
and b
will be evaluated before seq
returns a value.
In particular, this means that b
may be evaluated before
a
. If you need to guarantee a specific order of evaluation,
you must use the function pseq
from the "parallel" package.
print :: Show a => a -> IO () #
The print
function outputs a value of any printable type to the
standard output device.
Printable types are those that are instances of class Show
; print
converts values to strings for output using the show
operation and
adds a newline.
For example, a program to print the first 20 integers and their powers of 2 could be written as:
main = print ([(n, 2^n) | n <- [0..19]])
If the first argument evaluates to True
, then the result is the
second argument. Otherwise an AssertionFailed
exception is raised,
containing a String
with the source file and line number of the
call to assert
.
Assertions can normally be turned on or off with a compiler flag
(for GHC, assertions are normally on unless optimisation is turned on
with -O
or the -fignore-asserts
option is given). When assertions are turned off, the first
argument to assert
is ignored, and the second argument is
returned as the result.
map :: (a -> b) -> [a] -> [b] #
map
f xs
is the list obtained by applying f
to each element
of xs
, i.e.,
map f [x1, x2, ..., xn] == [f x1, f x2, ..., f xn] map f [x1, x2, ...] == [f x1, f x2, ...]
($) :: (a -> b) -> a -> b infixr 0 #
Application operator. This operator is redundant, since ordinary
application (f x)
means the same as (f
. However, $
x)$
has
low, right-associative binding precedence, so it sometimes allows
parentheses to be omitted; for example:
f $ g $ h x = f (g (h x))
It is also useful in higher-order situations, such as
,
or map
($
0) xs
.zipWith
($
) fs xs
Note that ($)
is levity-polymorphic in its result type, so that
foo $ True where foo :: Bool -> Int#
is well-typed
fromIntegral :: (Integral a, Num b) => a -> b #
general coercion from integral types
realToFrac :: (Real a, Fractional b) => a -> b #
general coercion to fractional types
The Bounded
class is used to name the upper and lower limits of a
type. Ord
is not a superclass of Bounded
since types that are not
totally ordered may also have upper and lower bounds.
The Bounded
class may be derived for any enumeration type;
minBound
is the first constructor listed in the data
declaration
and maxBound
is the last.
Bounded
may also be derived for single-constructor datatypes whose
constituent types are in Bounded
.
Instances
Bounded Bool | Since: base-2.1 |
Bounded Char | Since: base-2.1 |
Bounded Int | Since: base-2.1 |
Bounded Int8 | Since: base-2.1 |
Bounded Int16 | Since: base-2.1 |
Bounded Int32 | Since: base-2.1 |
Bounded Int64 | Since: base-2.1 |
Bounded Ordering | Since: base-2.1 |
Bounded Word | Since: base-2.1 |
Bounded Word8 | Since: base-2.1 |
Bounded Word16 | Since: base-2.1 |
Bounded Word32 | Since: base-2.1 |
Bounded Word64 | Since: base-2.1 |
Bounded VecCount | Since: base-4.10.0.0 |
Bounded VecElem | Since: base-4.10.0.0 |
Bounded () | Since: base-2.1 |
Bounded All | Since: base-2.1 |
Bounded Any | Since: base-2.1 |
Bounded Associativity | Since: base-4.9.0.0 |
Defined in GHC.Generics | |
Bounded SourceUnpackedness | Since: base-4.9.0.0 |
Defined in GHC.Generics | |
Bounded SourceStrictness | Since: base-4.9.0.0 |
Defined in GHC.Generics | |
Bounded DecidedStrictness | Since: base-4.9.0.0 |
Defined in GHC.Generics | |
Bounded CChar | |
Bounded CSChar | |
Bounded CUChar | |
Bounded CShort | |
Bounded CUShort | |
Bounded CInt | |
Bounded CUInt | |
Bounded CLong | |
Bounded CULong | |
Bounded CLLong | |
Bounded CULLong | |
Bounded CBool | |
Bounded CPtrdiff | |
Bounded CSize | |
Bounded CWchar | |
Bounded CSigAtomic | |
Defined in Foreign.C.Types | |
Bounded CIntPtr | |
Bounded CUIntPtr | |
Bounded CIntMax | |
Bounded CUIntMax | |
Bounded UTF32_Invalid | |
Defined in Basement.String.Encoding.UTF32 | |
Bounded Encoding | |
Bounded FileType | |
Bounded XdgDirectory | |
Defined in System.Directory.Internal.Common | |
Bounded XdgDirectoryList | |
Defined in System.Directory.Internal.Common | |
Bounded StdMethod | |
Bounded Hour | |
Bounded Day | |
Bounded NanoSecs | |
Defined in Streamly.SVar | |
Bounded Format | |
Bounded Method | |
Bounded CompressionStrategy | |
Defined in Codec.Compression.Zlib.Stream | |
Bounded Count | |
Defined in Streamly.SVar | |
Bounded a => Bounded (Min a) | Since: base-4.9.0.0 |
Bounded a => Bounded (Max a) | Since: base-4.9.0.0 |
Bounded a => Bounded (First a) | Since: base-4.9.0.0 |
Bounded a => Bounded (Last a) | Since: base-4.9.0.0 |
Bounded m => Bounded (WrappedMonoid m) | Since: base-4.9.0.0 |
Defined in Data.Semigroup | |
Bounded a => Bounded (Identity a) | Since: base-4.9.0.0 |
Bounded a => Bounded (Dual a) | Since: base-2.1 |
Bounded a => Bounded (Sum a) | Since: base-2.1 |
Bounded a => Bounded (Product a) | Since: base-2.1 |
(Bounded a, Bounded b) => Bounded (a, b) | Since: base-2.1 |
Bounded (Proxy t) | Since: base-4.7.0.0 |
(Bounded a, Bounded b, Bounded c) => Bounded (a, b, c) | Since: base-2.1 |
Bounded a => Bounded (Const a b) | Since: base-4.9.0.0 |
(Applicative f, Bounded a) => Bounded (Ap f a) | Since: base-4.12.0.0 |
a ~ b => Bounded (a :~: b) | Since: base-4.7.0.0 |
Bounded b => Bounded (Tagged s b) | |
(Bounded a, Bounded b, Bounded c, Bounded d) => Bounded (a, b, c, d) | Since: base-2.1 |
a ~~ b => Bounded (a :~~: b) | Since: base-4.10.0.0 |
(Bounded a, Bounded b, Bounded c, Bounded d, Bounded e) => Bounded (a, b, c, d, e) | Since: base-2.1 |
(Bounded a, Bounded b, Bounded c, Bounded d, Bounded e, Bounded f) => Bounded (a, b, c, d, e, f) | Since: base-2.1 |
(Bounded a, Bounded b, Bounded c, Bounded d, Bounded e, Bounded f, Bounded g) => Bounded (a, b, c, d, e, f, g) | Since: base-2.1 |
(Bounded a, Bounded b, Bounded c, Bounded d, Bounded e, Bounded f, Bounded g, Bounded h) => Bounded (a, b, c, d, e, f, g, h) | Since: base-2.1 |
(Bounded a, Bounded b, Bounded c, Bounded d, Bounded e, Bounded f, Bounded g, Bounded h, Bounded i) => Bounded (a, b, c, d, e, f, g, h, i) | Since: base-2.1 |
(Bounded a, Bounded b, Bounded c, Bounded d, Bounded e, Bounded f, Bounded g, Bounded h, Bounded i, Bounded j) => Bounded (a, b, c, d, e, f, g, h, i, j) | Since: base-2.1 |
(Bounded a, Bounded b, Bounded c, Bounded d, Bounded e, Bounded f, Bounded g, Bounded h, Bounded i, Bounded j, Bounded k) => Bounded (a, b, c, d, e, f, g, h, i, j, k) | Since: base-2.1 |
(Bounded a, Bounded b, Bounded c, Bounded d, Bounded e, Bounded f, Bounded g, Bounded h, Bounded i, Bounded j, Bounded k, Bounded l) => Bounded (a, b, c, d, e, f, g, h, i, j, k, l) | Since: base-2.1 |
(Bounded a, Bounded b, Bounded c, Bounded d, Bounded e, Bounded f, Bounded g, Bounded h, Bounded i, Bounded j, Bounded k, Bounded l, Bounded m) => Bounded (a, b, c, d, e, f, g, h, i, j, k, l, m) | Since: base-2.1 |
(Bounded a, Bounded b, Bounded c, Bounded d, Bounded e, Bounded f, Bounded g, Bounded h, Bounded i, Bounded j, Bounded k, Bounded l, Bounded m, Bounded n) => Bounded (a, b, c, d, e, f, g, h, i, j, k, l, m, n) | Since: base-2.1 |
(Bounded a, Bounded b, Bounded c, Bounded d, Bounded e, Bounded f, Bounded g, Bounded h, Bounded i, Bounded j, Bounded k, Bounded l, Bounded m, Bounded n, Bounded o) => Bounded (a, b, c, d, e, f, g, h, i, j, k, l, m, n, o) | Since: base-2.1 |
Class Enum
defines operations on sequentially ordered types.
The enumFrom
... methods are used in Haskell's translation of
arithmetic sequences.
Instances of Enum
may be derived for any enumeration type (types
whose constructors have no fields). The nullary constructors are
assumed to be numbered left-to-right by fromEnum
from 0
through n-1
.
See Chapter 10 of the Haskell Report for more details.
For any type that is an instance of class Bounded
as well as Enum
,
the following should hold:
- The calls
andsucc
maxBound
should result in a runtime error.pred
minBound
fromEnum
andtoEnum
should give a runtime error if the result value is not representable in the result type. For example,
is an error.toEnum
7 ::Bool
enumFrom
andenumFromThen
should be defined with an implicit bound, thus:
enumFrom x = enumFromTo x maxBound enumFromThen x y = enumFromThenTo x y bound where bound | fromEnum y >= fromEnum x = maxBound | otherwise = minBound
Methods
the successor of a value. For numeric types, succ
adds 1.
the predecessor of a value. For numeric types, pred
subtracts 1.
Convert from an Int
.
Convert to an Int
.
It is implementation-dependent what fromEnum
returns when
applied to a value that is too large to fit in an Int
.
Used in Haskell's translation of [n..]
with [n..] = enumFrom n
,
a possible implementation being enumFrom n = n : enumFrom (succ n)
.
For example:
enumFrom 4 :: [Integer] = [4,5,6,7,...]
enumFrom 6 :: [Int] = [6,7,8,9,...,maxBound :: Int]
enumFromThen :: a -> a -> [a] #
Used in Haskell's translation of [n,n'..]
with [n,n'..] = enumFromThen n n'
, a possible implementation being
enumFromThen n n' = n : n' : worker (f x) (f x n')
,
worker s v = v : worker s (s v)
, x = fromEnum n' - fromEnum n
and
f n y
| n > 0 = f (n - 1) (succ y)
| n < 0 = f (n + 1) (pred y)
| otherwise = y
For example:
enumFromThen 4 6 :: [Integer] = [4,6,8,10...]
enumFromThen 6 2 :: [Int] = [6,2,-2,-6,...,minBound :: Int]
enumFromTo :: a -> a -> [a] #
Used in Haskell's translation of [n..m]
with
[n..m] = enumFromTo n m
, a possible implementation being
enumFromTo n m
| n <= m = n : enumFromTo (succ n) m
| otherwise = []
.
For example:
enumFromTo 6 10 :: [Int] = [6,7,8,9,10]
enumFromTo 42 1 :: [Integer] = []
enumFromThenTo :: a -> a -> a -> [a] #
Used in Haskell's translation of [n,n'..m]
with
[n,n'..m] = enumFromThenTo n n' m
, a possible implementation
being enumFromThenTo n n' m = worker (f x) (c x) n m
,
x = fromEnum n' - fromEnum n
, c x = bool (>=) ((x 0)
f n y
| n > 0 = f (n - 1) (succ y)
| n < 0 = f (n + 1) (pred y)
| otherwise = y
and
worker s c v m
| c v m = v : worker s c (s v) m
| otherwise = []
For example:
enumFromThenTo 4 2 -6 :: [Integer] = [4,2,0,-2,-4,-6]
enumFromThenTo 6 8 2 :: [Int] = []
Instances
The Eq
class defines equality (==
) and inequality (/=
).
All the basic datatypes exported by the Prelude are instances of Eq
,
and Eq
may be derived for any datatype whose constituents are also
instances of Eq
.
The Haskell Report defines no laws for Eq
. However, ==
is customarily
expected to implement an equivalence relationship where two values comparing
equal are indistinguishable by "public" functions, with a "public" function
being one not allowing to see implementation details. For example, for a
type representing non-normalised natural numbers modulo 100, a "public"
function doesn't make the difference between 1 and 201. It is expected to
have the following properties:
Instances
class Fractional a => Floating a where #
Trigonometric and hyperbolic functions and related functions.
The Haskell Report defines no laws for Floating
. However, '(+)', '(*)'
and exp
are customarily expected to define an exponential field and have
the following properties:
exp (a + b)
= @exp a * exp bexp (fromInteger 0)
=fromInteger 1
Minimal complete definition
pi, exp, log, sin, cos, asin, acos, atan, sinh, cosh, asinh, acosh, atanh
Instances
class Num a => Fractional a where #
Fractional numbers, supporting real division.
The Haskell Report defines no laws for Fractional
. However, '(+)' and
'(*)' are customarily expected to define a division ring and have the
following properties:
recip
gives the multiplicative inversex * recip x
=recip x * x
=fromInteger 1
Note that it isn't customarily expected that a type instance of
Fractional
implement a field. However, all instances in base
do.
Minimal complete definition
fromRational, (recip | (/))
Methods
fractional division
reciprocal fraction
fromRational :: Rational -> a #
Conversion from a Rational
(that is
).
A floating literal stands for an application of Ratio
Integer
fromRational
to a value of type Rational
, so such literals have type
(
.Fractional
a) => a
Instances
class (Real a, Enum a) => Integral a where #
Integral numbers, supporting integer division.
The Haskell Report defines no laws for Integral
. However, Integral
instances are customarily expected to define a Euclidean domain and have the
following properties for the 'div'/'mod' and 'quot'/'rem' pairs, given
suitable Euclidean functions f
and g
:
x
=y * quot x y + rem x y
withrem x y
=fromInteger 0
org (rem x y)
<g y
x
=y * div x y + mod x y
withmod x y
=fromInteger 0
orf (mod x y)
<f y
An example of a suitable Euclidean function, for Integer
's instance, is
abs
.
Methods
quot :: a -> a -> a infixl 7 #
integer division truncated toward zero
integer remainder, satisfying
(x `quot` y)*y + (x `rem` y) == x
integer division truncated toward negative infinity
integer modulus, satisfying
(x `div` y)*y + (x `mod` y) == x
conversion to Integer
Instances
class Applicative m => Monad (m :: Type -> Type) where #
The Monad
class defines the basic operations over a monad,
a concept from a branch of mathematics known as category theory.
From the perspective of a Haskell programmer, however, it is best to
think of a monad as an abstract datatype of actions.
Haskell's do
expressions provide a convenient syntax for writing
monadic expressions.
Instances of Monad
should satisfy the following laws:
Furthermore, the Monad
and Applicative
operations should relate as follows:
The above laws imply:
and that pure
and (<*>
) satisfy the applicative functor laws.
The instances of Monad
for lists, Maybe
and IO
defined in the Prelude satisfy these laws.
Minimal complete definition
Methods
(>>=) :: m a -> (a -> m b) -> m b infixl 1 #
Sequentially compose two actions, passing any value produced by the first as an argument to the second.
(>>) :: m a -> m b -> m b infixl 1 #
Sequentially compose two actions, discarding any value produced by the first, like sequencing operators (such as the semicolon) in imperative languages.
Inject a value into the monadic type.
Fail with a message. This operation is not part of the
mathematical definition of a monad, but is invoked on pattern-match
failure in a do
expression.
As part of the MonadFail proposal (MFP), this function is moved
to its own class MonadFail
(see Control.Monad.Fail for more
details). The definition here will be removed in a future
release.
Instances
Monad [] | Since: base-2.1 |
Monad Maybe | Since: base-2.1 |
Monad IO | Since: base-2.1 |
Monad Par1 | Since: base-4.9.0.0 |
Monad Q | |
Monad IResult | |
Monad Result | |
Monad Parser | |
Monad Complex | Since: base-4.9.0.0 |
Monad Min | Since: base-4.9.0.0 |
Monad Max | Since: base-4.9.0.0 |
Monad First | Since: base-4.9.0.0 |
Monad Last | Since: base-4.9.0.0 |
Monad Option | Since: base-4.9.0.0 |
Monad Identity | Since: base-4.8.0.0 |
Monad STM | Since: base-4.3.0.0 |
Monad First | Since: base-4.8.0.0 |
Monad Last | Since: base-4.8.0.0 |
Monad Dual | Since: base-4.8.0.0 |
Monad Sum | Since: base-4.8.0.0 |
Monad Product | Since: base-4.8.0.0 |
Monad Down | Since: base-4.11.0.0 |
Monad ReadPrec | Since: base-2.1 |
Monad ReadP | Since: base-2.1 |
Monad NonEmpty | Since: base-4.9.0.0 |
Monad MarkupM | |
Monad Put | |
Monad Tree | |
Monad Seq | |
Monad CryptoFailable | |
Defined in Crypto.Error.Types Methods (>>=) :: CryptoFailable a -> (a -> CryptoFailable b) -> CryptoFailable b # (>>) :: CryptoFailable a -> CryptoFailable b -> CryptoFailable b # return :: a -> CryptoFailable a # fail :: String -> CryptoFailable a # | |
Monad DList | |
Monad ReadM | |
Monad ParserM | |
Monad ParserResult | |
Defined in Options.Applicative.Types Methods (>>=) :: ParserResult a -> (a -> ParserResult b) -> ParserResult b # (>>) :: ParserResult a -> ParserResult b -> ParserResult b # return :: a -> ParserResult a # fail :: String -> ParserResult a # | |
Monad SmallArray | |
Defined in Data.Primitive.SmallArray Methods (>>=) :: SmallArray a -> (a -> SmallArray b) -> SmallArray b # (>>) :: SmallArray a -> SmallArray b -> SmallArray b # return :: a -> SmallArray a # fail :: String -> SmallArray a # | |
Monad Array | |
Monad Vector | |
Monad Id | |
Monad Box | |
Monad Identity | |
Monad Thunk | |
Monad AttrParser | |
Defined in Text.XML.Stream.Parse Methods (>>=) :: AttrParser a -> (a -> AttrParser b) -> AttrParser b # (>>) :: AttrParser a -> AttrParser b -> AttrParser b # return :: a -> AttrParser a # fail :: String -> AttrParser a # | |
Monad Stream | |
Monad P | Since: base-2.1 |
Monad (Either e) | Since: base-4.4.0.0 |
Monad (U1 :: Type -> Type) | Since: base-4.9.0.0 |
Monoid a => Monad ((,) a) | Since: base-4.9.0.0 |
Monad (ST s) | Since: base-2.1 |
Monad (Parser i) | |
Monad (ST s) | Since: base-2.1 |
Monad m => Monad (WrappedMonad m) | Since: base-4.7.0.0 |
Defined in Control.Applicative Methods (>>=) :: WrappedMonad m a -> (a -> WrappedMonad m b) -> WrappedMonad m b # (>>) :: WrappedMonad m a -> WrappedMonad m b -> WrappedMonad m b # return :: a -> WrappedMonad m a # fail :: String -> WrappedMonad m a # | |
ArrowApply a => Monad (ArrowMonad a) | Since: base-2.1 |
Defined in Control.Arrow Methods (>>=) :: ArrowMonad a a0 -> (a0 -> ArrowMonad a b) -> ArrowMonad a b # (>>) :: ArrowMonad a a0 -> ArrowMonad a b -> ArrowMonad a b # return :: a0 -> ArrowMonad a a0 # fail :: String -> ArrowMonad a a0 # | |
Monad (Proxy :: Type -> Type) | Since: base-4.7.0.0 |
Monad m => Monad (MaybeT m) | |
Monad m => Monad (ResourceT m) | |
Monad m => Monad (ListT m) | |
Monoid a => Monad (Of a) | |
Monad m => Monad (ByteString m) | |
Defined in Data.ByteString.Streaming.Internal Methods (>>=) :: ByteString m a -> (a -> ByteString m b) -> ByteString m b # (>>) :: ByteString m a -> ByteString m b -> ByteString m b # return :: a -> ByteString m a # fail :: String -> ByteString m a # | |
MonadAsync m => Monad (AheadT m) | |
MonadAsync m => Monad (AsyncT m) | |
MonadAsync m => Monad (WAsyncT m) | |
MonadAsync m => Monad (ParallelT m) | |
Monad m => Monad (SerialT m) | |
Monad m => Monad (WSerialT m) | |
Monad (Parser' e) | |
Monad (SetM s) | |
Monad f => Monad (Rec1 f) | Since: base-4.9.0.0 |
Monad f => Monad (Ap f) | Since: base-4.12.0.0 |
Monad f => Monad (Alt f) | Since: base-4.8.0.0 |
(Monoid w, Monad m) => Monad (WriterT w m) | |
(Monoid w, Monad m) => Monad (WriterT w m) | |
Monad m => Monad (StateT s m) | |
Monad m => Monad (StateT s m) | |
Monad m => Monad (ExceptT e m) | |
(Applicative f, Monad f) => Monad (WhenMissing f x) | Equivalent to Since: containers-0.5.9 |
Defined in Data.IntMap.Internal Methods (>>=) :: WhenMissing f x a -> (a -> WhenMissing f x b) -> WhenMissing f x b # (>>) :: WhenMissing f x a -> WhenMissing f x b -> WhenMissing f x b # return :: a -> WhenMissing f x a # fail :: String -> WhenMissing f x a # | |
(Monad m, Error e) => Monad (ErrorT e m) | |
Monad m => Monad (IdentityT m) | |
Monad (Tagged s) | |
(Monoid w, Functor m, Monad m) => Monad (AccumT w m) | |
Monad m => Monad (SelectT r m) | |
Monad m => Monad (StateT s m) | |
Monad ((->) r :: Type -> Type) | Since: base-2.1 |
(Monad f, Monad g) => Monad (f :*: g) | Since: base-4.9.0.0 |
(Monad f, Monad g) => Monad (Product f g) | Since: base-4.9.0.0 |
Monad m => Monad (ReaderT r m) | |
Monad (ConduitT i o m) | |
(Monad f, Applicative f) => Monad (WhenMatched f x y) | Equivalent to Since: containers-0.5.9 |
Defined in Data.IntMap.Internal Methods (>>=) :: WhenMatched f x y a -> (a -> WhenMatched f x y b) -> WhenMatched f x y b # (>>) :: WhenMatched f x y a -> WhenMatched f x y b -> WhenMatched f x y b # return :: a -> WhenMatched f x y a # fail :: String -> WhenMatched f x y a # | |
(Applicative f, Monad f) => Monad (WhenMissing f k x) | Equivalent to Since: containers-0.5.9 |
Defined in Data.Map.Internal Methods (>>=) :: WhenMissing f k x a -> (a -> WhenMissing f k x b) -> WhenMissing f k x b # (>>) :: WhenMissing f k x a -> WhenMissing f k x b -> WhenMissing f k x b # return :: a -> WhenMissing f k x a # fail :: String -> WhenMissing f k x a # | |
Monad (ContT r m) | |
Monad f => Monad (M1 i c f) | Since: base-4.9.0.0 |
(Monoid w, Monad m) => Monad (RWST r w s m) | |
(Monoid w, Monad m) => Monad (RWST r w s m) | |
(Monad f, Applicative f) => Monad (WhenMatched f k x y) | Equivalent to Since: containers-0.5.9 |
Defined in Data.Map.Internal Methods (>>=) :: WhenMatched f k x y a -> (a -> WhenMatched f k x y b) -> WhenMatched f k x y b # (>>) :: WhenMatched f k x y a -> WhenMatched f k x y b -> WhenMatched f k x y b # return :: a -> WhenMatched f k x y a # fail :: String -> WhenMatched f k x y a # | |
Monad state => Monad (Builder collection mutCollection step state err) | |
Defined in Basement.MutableBuilder Methods (>>=) :: Builder collection mutCollection step state err a -> (a -> Builder collection mutCollection step state err b) -> Builder collection mutCollection step state err b # (>>) :: Builder collection mutCollection step state err a -> Builder collection mutCollection step state err b -> Builder collection mutCollection step state err b # return :: a -> Builder collection mutCollection step state err a # fail :: String -> Builder collection mutCollection step state err a # | |
Monad m => Monad (Pipe l i o u m) | |
class Functor (f :: Type -> Type) where #
The Functor
class is used for types that can be mapped over.
Instances of Functor
should satisfy the following laws:
fmap id == id fmap (f . g) == fmap f . fmap g
The instances of Functor
for lists, Maybe
and IO
satisfy these laws.
Minimal complete definition
Instances
Functor [] | Since: base-2.1 |
Functor Maybe | Since: base-2.1 |
Functor IO | Since: base-2.1 |
Functor Par1 | Since: base-4.9.0.0 |
Functor Q | |
Functor FromJSONKeyFunction | Only law abiding up to interpretation |
Defined in Data.Aeson.Types.FromJSON Methods fmap :: (a -> b) -> FromJSONKeyFunction a -> FromJSONKeyFunction b # (<$) :: a -> FromJSONKeyFunction b -> FromJSONKeyFunction a # | |
Functor IResult | |
Functor Result | |
Functor Parser | |
Functor Complex | Since: base-4.9.0.0 |
Functor Min | Since: base-4.9.0.0 |
Functor Max | Since: base-4.9.0.0 |
Functor First | Since: base-4.9.0.0 |
Functor Last | Since: base-4.9.0.0 |
Functor Option | Since: base-4.9.0.0 |
Functor ZipList | Since: base-2.1 |
Functor Identity | Since: base-4.8.0.0 |
Functor Handler | Since: base-4.6.0.0 |
Functor STM | Since: base-4.3.0.0 |
Functor First | Since: base-4.8.0.0 |
Functor Last | Since: base-4.8.0.0 |
Functor Dual | Since: base-4.8.0.0 |
Functor Sum | Since: base-4.8.0.0 |
Functor Product | Since: base-4.8.0.0 |
Functor Down | Since: base-4.11.0.0 |
Functor ReadPrec | Since: base-2.1 |
Functor ReadP | Since: base-2.1 |
Functor NonEmpty | Since: base-4.9.0.0 |
Functor MarkupM | |
Functor Put | |
Defined in Data.ByteString.Builder.Internal | |
Functor Flush | |
Functor IntMap | |
Functor SCC | Since: containers-0.5.4 |
Functor Tree | |
Functor Seq | |
Functor FingerTree | |
Defined in Data.Sequence.Internal Methods fmap :: (a -> b) -> FingerTree a -> FingerTree b # (<$) :: a -> FingerTree b -> FingerTree a # | |
Functor Digit | |
Functor Node | |
Functor Elem | |
Functor ViewL | |
Functor ViewR | |
Functor CryptoFailable | |
Defined in Crypto.Error.Types Methods fmap :: (a -> b) -> CryptoFailable a -> CryptoFailable b # (<$) :: a -> CryptoFailable b -> CryptoFailable a # | |
Functor DList | |
Functor HistoriedResponse | |
Defined in Network.HTTP.Client Methods fmap :: (a -> b) -> HistoriedResponse a -> HistoriedResponse b # (<$) :: a -> HistoriedResponse b -> HistoriedResponse a # | |
Functor Response | |
Functor ParserInfo | |
Defined in Options.Applicative.Types Methods fmap :: (a -> b) -> ParserInfo a -> ParserInfo b # (<$) :: a -> ParserInfo b -> ParserInfo a # | |
Functor Option | |
Functor ReadM | |
Functor CReader | |
Functor OptReader | |
Functor Parser | |
Functor ParserM | |
Functor ParserFailure | |
Defined in Options.Applicative.Types Methods fmap :: (a -> b) -> ParserFailure a -> ParserFailure b # (<$) :: a -> ParserFailure b -> ParserFailure a # | |
Functor ParserResult | |
Defined in Options.Applicative.Types Methods fmap :: (a -> b) -> ParserResult a -> ParserResult b # (<$) :: a -> ParserResult b -> ParserResult a # | |
Functor Doc | |
Functor AnnotDetails | |
Defined in Text.PrettyPrint.Annotated.HughesPJ Methods fmap :: (a -> b) -> AnnotDetails a -> AnnotDetails b # (<$) :: a -> AnnotDetails b -> AnnotDetails a # | |
Functor Span | |
Functor Doc | Alter the document’s annotations. This instance makes |
Functor SimpleDocStream | Alter the document’s annotations. This instance makes |
Defined in Data.Text.Prettyprint.Doc.Internal Methods fmap :: (a -> b) -> SimpleDocStream a -> SimpleDocStream b # (<$) :: a -> SimpleDocStream b -> SimpleDocStream a # | |
Functor SmallArray | |
Defined in Data.Primitive.SmallArray Methods fmap :: (a -> b) -> SmallArray a -> SmallArray b # (<$) :: a -> SmallArray b -> SmallArray a # | |
Functor Array | |
Functor Vector | |
Functor Id | |
Functor Box | |
Functor Identity | |
Functor Thunk | |
Functor NameMatcher | |
Defined in Text.XML.Stream.Parse Methods fmap :: (a -> b) -> NameMatcher a -> NameMatcher b # (<$) :: a -> NameMatcher b -> NameMatcher a # | |
Functor AttrParser | |
Defined in Text.XML.Stream.Parse Methods fmap :: (a -> b) -> AttrParser a -> AttrParser b # (<$) :: a -> AttrParser b -> AttrParser a # | |
Functor Stream | |
Defined in Codec.Compression.Zlib.Stream | |
Functor P | Since: base-4.8.0.0 |
Defined in Text.ParserCombinators.ReadP | |
Functor (Either a) | Since: base-3.0 |
Functor (V1 :: Type -> Type) | Since: base-4.9.0.0 |
Functor (U1 :: Type -> Type) | Since: base-4.9.0.0 |
Functor ((,) a) | Since: base-2.1 |
Functor (HashMap k) | |
Functor (Map k) | |
Functor (ST s) | Since: base-2.1 |
Functor (IResult i) | |
Functor (Parser i) | |
Functor (Arg a) | Since: base-4.9.0.0 |
Functor (ST s) | Since: base-2.1 |
Monad m => Functor (WrappedMonad m) | Since: base-2.1 |
Defined in Control.Applicative Methods fmap :: (a -> b) -> WrappedMonad m a -> WrappedMonad m b # (<$) :: a -> WrappedMonad m b -> WrappedMonad m a # | |
Arrow a => Functor (ArrowMonad a) | Since: base-4.6.0.0 |
Defined in Control.Arrow Methods fmap :: (a0 -> b) -> ArrowMonad a a0 -> ArrowMonad a b # (<$) :: a0 -> ArrowMonad a b -> ArrowMonad a a0 # | |
Functor (Proxy :: Type -> Type) | Since: base-4.7.0.0 |
Functor m => Functor (MaybeT m) | |
Monad m => Functor (ZipSource m) | |
Functor m => Functor (ResourceT m) | |
Monad m => Functor (Handler m) | |
Functor m => Functor (ListT m) | |
Functor (Of a) | |
Monad m => Functor (ByteString m) | |
Defined in Data.ByteString.Streaming.Internal Methods fmap :: (a -> b) -> ByteString m a -> ByteString m b # (<$) :: a -> ByteString m b -> ByteString m a # | |
Monad m => Functor (Stream m) | |
Defined in Streamly.Streams.StreamK.Type | |
Monad m => Functor (ZipSerialM m) | |
Defined in Streamly.Streams.Zip Methods fmap :: (a -> b) -> ZipSerialM m a -> ZipSerialM m b # (<$) :: a -> ZipSerialM m b -> ZipSerialM m a # | |
Monad m => Functor (ZipAsyncM m) | |
Monad m => Functor (AheadT m) | |
Monad m => Functor (AsyncT m) | |
Monad m => Functor (WAsyncT m) | |
Monad m => Functor (ParallelT m) | |
Monad m => Functor (SerialT m) | |
Monad m => Functor (WSerialT m) | |
Functor (Parser' e) | |
Defined in URI.ByteString.Internal | |
Functor (SetM s) | |
Defined in Data.Graph | |
Functor f => Functor (Rec1 f) | Since: base-4.9.0.0 |
Functor (URec Char :: Type -> Type) | Since: base-4.9.0.0 |
Functor (URec Double :: Type -> Type) | Since: base-4.9.0.0 |
Functor (URec Float :: Type -> Type) | Since: base-4.9.0.0 |
Functor (URec Int :: Type -> Type) | Since: base-4.9.0.0 |
Functor (URec Word :: Type -> Type) | Since: base-4.9.0.0 |
Functor (URec (Ptr ()) :: Type -> Type) | Since: base-4.9.0.0 |
Arrow a => Functor (WrappedArrow a b) | Since: base-2.1 |
Defined in Control.Applicative Methods fmap :: (a0 -> b0) -> WrappedArrow a b a0 -> WrappedArrow a b b0 # (<$) :: a0 -> WrappedArrow a b b0 -> WrappedArrow a b a0 # | |
Functor (Const m :: Type -> Type) | Since: base-2.1 |
Functor f => Functor (Ap f) | Since: base-4.12.0.0 |
Functor f => Functor (Alt f) | Since: base-4.8.0.0 |
Functor m => Functor (WriterT w m) | |
Functor m => Functor (WriterT w m) | |
Functor m => Functor (StateT s m) | |
Functor m => Functor (StateT s m) | |
Functor m => Functor (ExceptT e m) | |
Monad m => Functor (ZipSink i m) | |
(Applicative f, Monad f) => Functor (WhenMissing f x) | Since: containers-0.5.9 |
Defined in Data.IntMap.Internal Methods fmap :: (a -> b) -> WhenMissing f x a -> WhenMissing f x b # (<$) :: a -> WhenMissing f x b -> WhenMissing f x a # | |
Functor m => Functor (ErrorT e m) | |
Functor m => Functor (IdentityT m) | |
Functor (Tagged s) | |
Functor m => Functor (AccumT w m) | |
Functor m => Functor (SelectT r m) | |
Monad m => Functor (Bundle m v) | |
Functor (Const a :: Type -> Type) | |
Functor (Bazaar a b) | |
Defined in Lens.Micro | |
Functor m => Functor (StateT s m) | |
Defined in Lens.Micro | |
Functor ((->) r :: Type -> Type) | Since: base-2.1 |
Functor (K1 i c :: Type -> Type) | Since: base-4.9.0.0 |
(Functor f, Functor g) => Functor (f :+: g) | Since: base-4.9.0.0 |
(Functor f, Functor g) => Functor (f :*: g) | Since: base-4.9.0.0 |
(Functor f, Functor g) => Functor (Product f g) | Since: base-4.9.0.0 |
(Functor f, Functor g) => Functor (Sum f g) | Since: base-4.9.0.0 |
Functor m => Functor (ReaderT r m) | |
Functor (ConduitT i o m) | |
Functor (ZipConduit i o m) | |
Defined in Data.Conduit.Internal.Conduit Methods fmap :: (a -> b) -> ZipConduit i o m a -> ZipConduit i o m b # (<$) :: a -> ZipConduit i o m b -> ZipConduit i o m a # | |
Functor f => Functor (WhenMatched f x y) | Since: containers-0.5.9 |
Defined in Data.IntMap.Internal Methods fmap :: (a -> b) -> WhenMatched f x y a -> WhenMatched f x y b # (<$) :: a -> WhenMatched f x y b -> WhenMatched f x y a # | |
(Applicative f, Monad f) => Functor (WhenMissing f k x) | Since: containers-0.5.9 |
Defined in Data.Map.Internal Methods fmap :: (a -> b) -> WhenMissing f k x a -> WhenMissing f k x b # (<$) :: a -> WhenMissing f k x b -> WhenMissing f k x a # | |
Functor (ContT r m) | |
Functor f => Functor (M1 i c f) | Since: base-4.9.0.0 |
(Functor f, Functor g) => Functor (f :.: g) | Since: base-4.9.0.0 |
(Functor f, Functor g) => Functor (Compose f g) | Since: base-4.9.0.0 |
Functor m => Functor (RWST r w s m) | |
Functor m => Functor (RWST r w s m) | |
Functor f => Functor (WhenMatched f k x y) | Since: containers-0.5.9 |
Defined in Data.Map.Internal Methods fmap :: (a -> b) -> WhenMatched f k x y a -> WhenMatched f k x y b # (<$) :: a -> WhenMatched f k x y b -> WhenMatched f k x y a # | |
(Functor f, Functor g) => Functor (Compose f g) | |
Monad state => Functor (Builder collection mutCollection step state err) | |
Monad m => Functor (Pipe l i o u m) | |
(Functor f, Functor g) => Functor (Lift Either f g) | |
(Functor f, Functor g) => Functor (Lift (,) f g) | |
Basic numeric class.
The Haskell Report defines no laws for Num
. However, '(+)' and '(*)' are
customarily expected to define a ring and have the following properties:
- Associativity of (+)
(x + y) + z
=x + (y + z)
- Commutativity of (+)
x + y
=y + x
fromInteger 0
is the additive identityx + fromInteger 0
=x
negate
gives the additive inversex + negate x
=fromInteger 0
- Associativity of (*)
(x * y) * z
=x * (y * z)
fromInteger 1
is the multiplicative identityx * fromInteger 1
=x
andfromInteger 1 * x
=x
- Distributivity of (*) with respect to (+)
a * (b + c)
=(a * b) + (a * c)
and(b + c) * a
=(b * a) + (c * a)
Note that it isn't customarily expected that a type instance of both Num
and Ord
implement an ordered ring. Indeed, in base
only Integer
and
Rational
do.
Methods
Unary negation.
Absolute value.
Sign of a number.
The functions abs
and signum
should satisfy the law:
abs x * signum x == x
For real numbers, the signum
is either -1
(negative), 0
(zero)
or 1
(positive).
fromInteger :: Integer -> a #
Conversion from an Integer
.
An integer literal represents the application of the function
fromInteger
to the appropriate value of type Integer
,
so such literals have type (
.Num
a) => a
Instances
The Ord
class is used for totally ordered datatypes.
Instances of Ord
can be derived for any user-defined datatype whose
constituent types are in Ord
. The declared order of the constructors in
the data declaration determines the ordering in derived Ord
instances. The
Ordering
datatype allows a single comparison to determine the precise
ordering of two objects.
The Haskell Report defines no laws for Ord
. However, <=
is customarily
expected to implement a non-strict partial order and have the following
properties:
- Transitivity
- if
x <= y && y <= z
=True
, thenx <= z
=True
- Reflexivity
x <= x
=True
- Antisymmetry
- if
x <= y && y <= x
=True
, thenx == y
=True
Note that the following operator interactions are expected to hold:
x >= y
=y <= x
x < y
=x <= y && x /= y
x > y
=y < x
x < y
=compare x y == LT
x > y
=compare x y == GT
x == y
=compare x y == EQ
min x y == if x <= y then x else y
=True
max x y == if x >= y then x else y
=True
Minimal complete definition: either compare
or <=
.
Using compare
can be more efficient for complex types.
Methods
compare :: a -> a -> Ordering #
(<) :: a -> a -> Bool infix 4 #
(<=) :: a -> a -> Bool infix 4 #
(>) :: a -> a -> Bool infix 4 #
Instances
Parsing of String
s, producing values.
Derived instances of Read
make the following assumptions, which
derived instances of Show
obey:
- If the constructor is defined to be an infix operator, then the
derived
Read
instance will parse only infix applications of the constructor (not the prefix form). - Associativity is not used to reduce the occurrence of parentheses, although precedence may be.
- If the constructor is defined using record syntax, the derived
Read
will parse only the record-syntax form, and furthermore, the fields must be given in the same order as the original declaration. - The derived
Read
instance allows arbitrary Haskell whitespace between tokens of the input string. Extra parentheses are also allowed.
For example, given the declarations
infixr 5 :^: data Tree a = Leaf a | Tree a :^: Tree a
the derived instance of Read
in Haskell 2010 is equivalent to
instance (Read a) => Read (Tree a) where readsPrec d r = readParen (d > app_prec) (\r -> [(Leaf m,t) | ("Leaf",s) <- lex r, (m,t) <- readsPrec (app_prec+1) s]) r ++ readParen (d > up_prec) (\r -> [(u:^:v,w) | (u,s) <- readsPrec (up_prec+1) r, (":^:",t) <- lex s, (v,w) <- readsPrec (up_prec+1) t]) r where app_prec = 10 up_prec = 5
Note that right-associativity of :^:
is unused.
The derived instance in GHC is equivalent to
instance (Read a) => Read (Tree a) where readPrec = parens $ (prec app_prec $ do Ident "Leaf" <- lexP m <- step readPrec return (Leaf m)) +++ (prec up_prec $ do u <- step readPrec Symbol ":^:" <- lexP v <- step readPrec return (u :^: v)) where app_prec = 10 up_prec = 5 readListPrec = readListPrecDefault
Why do both readsPrec
and readPrec
exist, and why does GHC opt to
implement readPrec
in derived Read
instances instead of readsPrec
?
The reason is that readsPrec
is based on the ReadS
type, and although
ReadS
is mentioned in the Haskell 2010 Report, it is not a very efficient
parser data structure.
readPrec
, on the other hand, is based on a much more efficient ReadPrec
datatype (a.k.a "new-style parsers"), but its definition relies on the use
of the RankNTypes
language extension. Therefore, readPrec
(and its
cousin, readListPrec
) are marked as GHC-only. Nevertheless, it is
recommended to use readPrec
instead of readsPrec
whenever possible
for the efficiency improvements it brings.
As mentioned above, derived Read
instances in GHC will implement
readPrec
instead of readsPrec
. The default implementations of
readsPrec
(and its cousin, readList
) will simply use readPrec
under
the hood. If you are writing a Read
instance by hand, it is recommended
to write it like so:
instanceRead
T wherereadPrec
= ...readListPrec
=readListPrecDefault
Methods
Arguments
:: Int | the operator precedence of the enclosing
context (a number from |
-> ReadS a |
attempts to parse a value from the front of the string, returning a list of (parsed value, remaining string) pairs. If there is no successful parse, the returned list is empty.
Derived instances of Read
and Show
satisfy the following:
That is, readsPrec
parses the string produced by
showsPrec
, and delivers the value that
showsPrec
started with.
Instances
class (Num a, Ord a) => Real a where #
Methods
toRational :: a -> Rational #
the rational equivalent of its real argument with full precision
Instances
class (RealFrac a, Floating a) => RealFloat a where #
Efficient, machine-independent access to the components of a floating-point number.
Minimal complete definition
floatRadix, floatDigits, floatRange, decodeFloat, encodeFloat, isNaN, isInfinite, isDenormalized, isNegativeZero, isIEEE
Methods
floatRadix :: a -> Integer #
a constant function, returning the radix of the representation
(often 2
)
floatDigits :: a -> Int #
a constant function, returning the number of digits of
floatRadix
in the significand
floatRange :: a -> (Int, Int) #
a constant function, returning the lowest and highest values the exponent may assume
decodeFloat :: a -> (Integer, Int) #
The function decodeFloat
applied to a real floating-point
number returns the significand expressed as an Integer
and an
appropriately scaled exponent (an Int
). If
yields decodeFloat
x(m,n)
, then x
is equal in value to m*b^^n
, where b
is the floating-point radix, and furthermore, either m
and n
are both zero or else b^(d-1) <=
, where abs
m < b^dd
is
the value of
.
In particular, floatDigits
x
. If the type
contains a negative zero, also decodeFloat
0 = (0,0)
.
The result of decodeFloat
(-0.0) = (0,0)
is unspecified if either of
decodeFloat
x
or isNaN
x
is isInfinite
xTrue
.
encodeFloat :: Integer -> Int -> a #
encodeFloat
performs the inverse of decodeFloat
in the
sense that for finite x
with the exception of -0.0
,
.
uncurry
encodeFloat
(decodeFloat
x) = x
is one of the two closest representable
floating-point numbers to encodeFloat
m nm*b^^n
(or ±Infinity
if overflow
occurs); usually the closer, but if m
contains too many bits,
the result may be rounded in the wrong direction.
exponent
corresponds to the second component of decodeFloat
.
and for finite nonzero exponent
0 = 0x
,
.
If exponent
x = snd (decodeFloat
x) + floatDigits
xx
is a finite floating-point number, it is equal in value to
, where significand
x * b ^^ exponent
xb
is the
floating-point radix.
The behaviour is unspecified on infinite or NaN
values.
significand :: a -> a #
The first component of decodeFloat
, scaled to lie in the open
interval (-1
,1
), either 0.0
or of absolute value >= 1/b
,
where b
is the floating-point radix.
The behaviour is unspecified on infinite or NaN
values.
scaleFloat :: Int -> a -> a #
multiplies a floating-point number by an integer power of the radix
True
if the argument is an IEEE "not-a-number" (NaN) value
isInfinite :: a -> Bool #
True
if the argument is an IEEE infinity or negative infinity
isDenormalized :: a -> Bool #
True
if the argument is too small to be represented in
normalized format
isNegativeZero :: a -> Bool #
True
if the argument is an IEEE negative zero
True
if the argument is an IEEE floating point number
a version of arctangent taking two real floating-point arguments.
For real floating x
and y
,
computes the angle
(from the positive x-axis) of the vector from the origin to the
point atan2
y x(x,y)
.
returns a value in the range [atan2
y x-pi
,
pi
]. It follows the Common Lisp semantics for the origin when
signed zeroes are supported.
, with atan2
y 1y
in a type
that is RealFloat
, should return the same value as
.
A default definition of atan
yatan2
is provided, but implementors
can provide a more accurate implementation.
Instances
class (Real a, Fractional a) => RealFrac a where #
Extracting components of fractions.
Minimal complete definition
Methods
properFraction :: Integral b => a -> (b, a) #
The function properFraction
takes a real fractional number x
and returns a pair (n,f)
such that x = n+f
, and:
n
is an integral number with the same sign asx
; andf
is a fraction with the same type and sign asx
, and with absolute value less than1
.
The default definitions of the ceiling
, floor
, truncate
and round
functions are in terms of properFraction
.
truncate :: Integral b => a -> b #
returns the integer nearest truncate
xx
between zero and x
round :: Integral b => a -> b #
returns the nearest integer to round
xx
;
the even integer if x
is equidistant between two integers
ceiling :: Integral b => a -> b #
returns the least integer not less than ceiling
xx
floor :: Integral b => a -> b #
returns the greatest integer not greater than floor
xx
Instances
RealFrac Scientific | WARNING: the methods of the |
Defined in Data.Scientific Methods properFraction :: Integral b => Scientific -> (b, Scientific) # truncate :: Integral b => Scientific -> b # round :: Integral b => Scientific -> b # ceiling :: Integral b => Scientific -> b # floor :: Integral b => Scientific -> b # | |
RealFrac CFloat | |
RealFrac CDouble | |
RealFrac DiffTime | |
RealFrac NominalDiffTime | |
Defined in Data.Time.Clock.Internal.NominalDiffTime Methods properFraction :: Integral b => NominalDiffTime -> (b, NominalDiffTime) # truncate :: Integral b => NominalDiffTime -> b # round :: Integral b => NominalDiffTime -> b # ceiling :: Integral b => NominalDiffTime -> b # floor :: Integral b => NominalDiffTime -> b # | |
Integral a => RealFrac (Ratio a) | Since: base-2.0.1 |
HasResolution a => RealFrac (Fixed a) | Since: base-2.1 |
RealFrac a => RealFrac (Identity a) | Since: base-4.9.0.0 |
(RealFrac t, KnownSymbol s) => RealFrac (ElField ((,) s t)) | |
RealFrac a => RealFrac (Const a b) | Since: base-4.9.0.0 |
RealFrac a => RealFrac (Tagged s a) | |
Conversion of values to readable String
s.
Derived instances of Show
have the following properties, which
are compatible with derived instances of Read
:
- The result of
show
is a syntactically correct Haskell expression containing only constants, given the fixity declarations in force at the point where the type is declared. It contains only the constructor names defined in the data type, parentheses, and spaces. When labelled constructor fields are used, braces, commas, field names, and equal signs are also used. - If the constructor is defined to be an infix operator, then
showsPrec
will produce infix applications of the constructor. - the representation will be enclosed in parentheses if the
precedence of the top-level constructor in
x
is less thand
(associativity is ignored). Thus, ifd
is0
then the result is never surrounded in parentheses; ifd
is11
it is always surrounded in parentheses, unless it is an atomic expression. - If the constructor is defined using record syntax, then
show
will produce the record-syntax form, with the fields given in the same order as the original declaration.
For example, given the declarations
infixr 5 :^: data Tree a = Leaf a | Tree a :^: Tree a
the derived instance of Show
is equivalent to
instance (Show a) => Show (Tree a) where showsPrec d (Leaf m) = showParen (d > app_prec) $ showString "Leaf " . showsPrec (app_prec+1) m where app_prec = 10 showsPrec d (u :^: v) = showParen (d > up_prec) $ showsPrec (up_prec+1) u . showString " :^: " . showsPrec (up_prec+1) v where up_prec = 5
Note that right-associativity of :^:
is ignored. For example,
produces the stringshow
(Leaf 1 :^: Leaf 2 :^: Leaf 3)"Leaf 1 :^: (Leaf 2 :^: Leaf 3)"
.
Methods
Arguments
:: Int | the operator precedence of the enclosing
context (a number from |
-> a | the value to be converted to a |
-> ShowS |
Instances
The class Typeable
allows a concrete representation of a type to
be calculated.
Minimal complete definition
typeRep#
Class for string-like datastructures; used by the overloaded string extension (-XOverloadedStrings in GHC).
Methods
fromString :: String -> a #
Instances
class Functor f => Applicative (f :: Type -> Type) where #
A functor with application, providing operations to
A minimal complete definition must include implementations of pure
and of either <*>
or liftA2
. If it defines both, then they must behave
the same as their default definitions:
(<*>
) =liftA2
id
liftA2
f x y = f<$>
x<*>
y
Further, any definition must satisfy the following:
- identity
pure
id
<*>
v = v- composition
pure
(.)<*>
u<*>
v<*>
w = u<*>
(v<*>
w)- homomorphism
pure
f<*>
pure
x =pure
(f x)- interchange
u
<*>
pure
y =pure
($
y)<*>
u
The other methods have the following default definitions, which may be overridden with equivalent specialized implementations:
As a consequence of these laws, the Functor
instance for f
will satisfy
It may be useful to note that supposing
forall x y. p (q x y) = f x . g y
it follows from the above that
liftA2
p (liftA2
q u v) =liftA2
f u .liftA2
g v
If f
is also a Monad
, it should satisfy
(which implies that pure
and <*>
satisfy the applicative functor laws).
Methods
Lift a value.
(<*>) :: f (a -> b) -> f a -> f b infixl 4 #
Sequential application.
A few functors support an implementation of <*>
that is more
efficient than the default one.
liftA2 :: (a -> b -> c) -> f a -> f b -> f c #
Lift a binary function to actions.
Some functors support an implementation of liftA2
that is more
efficient than the default one. In particular, if fmap
is an
expensive operation, it is likely better to use liftA2
than to
fmap
over the structure and then use <*>
.
(*>) :: f a -> f b -> f b infixl 4 #
Sequence actions, discarding the value of the first argument.
(<*) :: f a -> f b -> f a infixl 4 #
Sequence actions, discarding the value of the second argument.
Instances
Applicative [] | Since: base-2.1 |
Applicative Maybe | Since: base-2.1 |
Applicative IO | Since: base-2.1 |
Applicative Par1 | Since: base-4.9.0.0 |
Applicative Q | |
Applicative IResult | |
Applicative Result | |
Applicative Parser | |
Applicative Complex | Since: base-4.9.0.0 |
Applicative Min | Since: base-4.9.0.0 |
Applicative Max | Since: base-4.9.0.0 |
Applicative First | Since: base-4.9.0.0 |
Applicative Last | Since: base-4.9.0.0 |
Applicative Option | Since: base-4.9.0.0 |
Applicative ZipList | f '<$>' 'ZipList' xs1 '<*>' ... '<*>' 'ZipList' xsN = 'ZipList' (zipWithN f xs1 ... xsN) where (\a b c -> stimes c [a, b]) <$> ZipList "abcd" <*> ZipList "567" <*> ZipList [1..] = ZipList (zipWith3 (\a b c -> stimes c [a, b]) "abcd" "567" [1..]) = ZipList {getZipList = ["a5","b6b6","c7c7c7"]} Since: base-2.1 |
Applicative Identity | Since: base-4.8.0.0 |
Applicative STM | Since: base-4.8.0.0 |
Applicative First | Since: base-4.8.0.0 |
Applicative Last | Since: base-4.8.0.0 |
Applicative Dual | Since: base-4.8.0.0 |
Applicative Sum | Since: base-4.8.0.0 |
Applicative Product | Since: base-4.8.0.0 |
Applicative Down | Since: base-4.11.0.0 |
Applicative ReadPrec | Since: base-4.6.0.0 |
Applicative ReadP | Since: base-4.6.0.0 |
Applicative NonEmpty | Since: base-4.9.0.0 |
Applicative MarkupM | |
Applicative Put | |
Applicative Tree | |
Applicative Seq | Since: containers-0.5.4 |
Applicative CryptoFailable | |
Defined in Crypto.Error.Types Methods pure :: a -> CryptoFailable a # (<*>) :: CryptoFailable (a -> b) -> CryptoFailable a -> CryptoFailable b # liftA2 :: (a -> b -> c) -> CryptoFailable a -> CryptoFailable b -> CryptoFailable c # (*>) :: CryptoFailable a -> CryptoFailable b -> CryptoFailable b # (<*) :: CryptoFailable a -> CryptoFailable b -> CryptoFailable a # | |
Applicative DList | |
Applicative ReadM | |
Applicative Parser | |
Applicative ParserM | |
Applicative ParserResult | |
Defined in Options.Applicative.Types Methods pure :: a -> ParserResult a # (<*>) :: ParserResult (a -> b) -> ParserResult a -> ParserResult b # liftA2 :: (a -> b -> c) -> ParserResult a -> ParserResult b -> ParserResult c # (*>) :: ParserResult a -> ParserResult b -> ParserResult b # (<*) :: ParserResult a -> ParserResult b -> ParserResult a # | |
Applicative SmallArray | |
Defined in Data.Primitive.SmallArray Methods pure :: a -> SmallArray a # (<*>) :: SmallArray (a -> b) -> SmallArray a -> SmallArray b # liftA2 :: (a -> b -> c) -> SmallArray a -> SmallArray b -> SmallArray c # (*>) :: SmallArray a -> SmallArray b -> SmallArray b # (<*) :: SmallArray a -> SmallArray b -> SmallArray a # | |
Applicative Array | |
Applicative Vector | |
Applicative Id | |
Applicative Box | |
Applicative Identity | |
Applicative Thunk | |
Applicative NameMatcher | |
Defined in Text.XML.Stream.Parse Methods pure :: a -> NameMatcher a # (<*>) :: NameMatcher (a -> b) -> NameMatcher a -> NameMatcher b # liftA2 :: (a -> b -> c) -> NameMatcher a -> NameMatcher b -> NameMatcher c # (*>) :: NameMatcher a -> NameMatcher b -> NameMatcher b # (<*) :: NameMatcher a -> NameMatcher b -> NameMatcher a # | |
Applicative AttrParser | |
Defined in Text.XML.Stream.Parse Methods pure :: a -> AttrParser a # (<*>) :: AttrParser (a -> b) -> AttrParser a -> AttrParser b # liftA2 :: (a -> b -> c) -> AttrParser a -> AttrParser b -> AttrParser c # (*>) :: AttrParser a -> AttrParser b -> AttrParser b # (<*) :: AttrParser a -> AttrParser b -> AttrParser a # | |
Applicative Stream | |
Applicative P | Since: base-4.5.0.0 |
Applicative (Either e) | Since: base-3.0 |
Applicative (U1 :: Type -> Type) | Since: base-4.9.0.0 |
Monoid a => Applicative ((,) a) | For tuples, the ("hello ", (+15)) <*> ("world!", 2002) ("hello world!",2017) Since: base-2.1 |
Applicative (ST s) | Since: base-4.4.0.0 |
Applicative (Parser i) | |
Applicative (ST s) | Since: base-2.1 |
Monad m => Applicative (WrappedMonad m) | Since: base-2.1 |
Defined in Control.Applicative Methods pure :: a -> WrappedMonad m a # (<*>) :: WrappedMonad m (a -> b) -> WrappedMonad m a -> WrappedMonad m b # liftA2 :: (a -> b -> c) -> WrappedMonad m a -> WrappedMonad m b -> WrappedMonad m c # (*>) :: WrappedMonad m a -> WrappedMonad m b -> WrappedMonad m b # (<*) :: WrappedMonad m a -> WrappedMonad m b -> WrappedMonad m a # | |
Arrow a => Applicative (ArrowMonad a) | Since: base-4.6.0.0 |
Defined in Control.Arrow Methods pure :: a0 -> ArrowMonad a a0 # (<*>) :: ArrowMonad a (a0 -> b) -> ArrowMonad a a0 -> ArrowMonad a b # liftA2 :: (a0 -> b -> c) -> ArrowMonad a a0 -> ArrowMonad a b -> ArrowMonad a c # (*>) :: ArrowMonad a a0 -> ArrowMonad a b -> ArrowMonad a b # (<*) :: ArrowMonad a a0 -> ArrowMonad a b -> ArrowMonad a a0 # | |
Applicative (Proxy :: Type -> Type) | Since: base-4.7.0.0 |
(Functor m, Monad m) => Applicative (MaybeT m) | |
Monad m => Applicative (ZipSource m) | |
Defined in Data.Conduit.Internal.Conduit | |
Applicative m => Applicative (ResourceT m) | |
Defined in Control.Monad.Trans.Resource.Internal | |
Applicative m => Applicative (ListT m) | |
Monoid a => Applicative (Of a) | |
Monad m => Applicative (ByteString m) | |
Defined in Data.ByteString.Streaming.Internal Methods pure :: a -> ByteString m a # (<*>) :: ByteString m (a -> b) -> ByteString m a -> ByteString m b # liftA2 :: (a -> b -> c) -> ByteString m a -> ByteString m b -> ByteString m c # (*>) :: ByteString m a -> ByteString m b -> ByteString m b # (<*) :: ByteString m a -> ByteString m b -> ByteString m a # | |
Monad m => Applicative (ZipSerialM m) | |
Defined in Streamly.Streams.Zip Methods pure :: a -> ZipSerialM m a # (<*>) :: ZipSerialM m (a -> b) -> ZipSerialM m a -> ZipSerialM m b # liftA2 :: (a -> b -> c) -> ZipSerialM m a -> ZipSerialM m b -> ZipSerialM m c # (*>) :: ZipSerialM m a -> ZipSerialM m b -> ZipSerialM m b # (<*) :: ZipSerialM m a -> ZipSerialM m b -> ZipSerialM m a # | |
MonadAsync m => Applicative (ZipAsyncM m) | |
Defined in Streamly.Streams.Zip | |
(Monad m, MonadAsync m) => Applicative (AheadT m) | |
(Monad m, MonadAsync m) => Applicative (AsyncT m) | |
(Monad m, MonadAsync m) => Applicative (WAsyncT m) | |
(Monad m, MonadAsync m) => Applicative (ParallelT m) | |
Defined in Streamly.Streams.Parallel | |
Monad m => Applicative (SerialT m) | |
Monad m => Applicative (WSerialT m) | |
Defined in Streamly.Streams.Serial | |
Applicative (Parser' e) | |
Applicative (SetM s) | |
Applicative f => Applicative (Rec1 f) | Since: base-4.9.0.0 |
Arrow a => Applicative (WrappedArrow a b) | Since: base-2.1 |
Defined in Control.Applicative Methods pure :: a0 -> WrappedArrow a b a0 # (<*>) :: WrappedArrow a b (a0 -> b0) -> WrappedArrow a b a0 -> WrappedArrow a b b0 # liftA2 :: (a0 -> b0 -> c) -> WrappedArrow a b a0 -> WrappedArrow a b b0 -> WrappedArrow a b c # (*>) :: WrappedArrow a b a0 -> WrappedArrow a b b0 -> WrappedArrow a b b0 # (<*) :: WrappedArrow a b a0 -> WrappedArrow a b b0 -> WrappedArrow a b a0 # | |
Monoid m => Applicative (Const m :: Type -> Type) | Since: base-2.0.1 |
Applicative f => Applicative (Ap f) | Since: base-4.12.0.0 |
Applicative f => Applicative (Alt f) | Since: base-4.8.0.0 |
(Monoid w, Applicative m) => Applicative (WriterT w m) | |
Defined in Control.Monad.Trans.Writer.Strict | |
(Monoid w, Applicative m) => Applicative (WriterT w m) | |
Defined in Control.Monad.Trans.Writer.Lazy | |
(Functor m, Monad m) => Applicative (StateT s m) | |
Defined in Control.Monad.Trans.State.Strict | |
(Functor m, Monad m) => Applicative (StateT s m) | |
Defined in Control.Monad.Trans.State.Lazy | |
(Functor m, Monad m) => Applicative (ExceptT e m) | |
Defined in Control.Monad.Trans.Except | |
Monad m => Applicative (ZipSink i m) | |
Defined in Data.Conduit.Internal.Conduit | |
(Applicative f, Monad f) => Applicative (WhenMissing f x) | Equivalent to Since: containers-0.5.9 |
Defined in Data.IntMap.Internal Methods pure :: a -> WhenMissing f x a # (<*>) :: WhenMissing f x (a -> b) -> WhenMissing f x a -> WhenMissing f x b # liftA2 :: (a -> b -> c) -> WhenMissing f x a -> WhenMissing f x b -> WhenMissing f x c # (*>) :: WhenMissing f x a -> WhenMissing f x b -> WhenMissing f x b # (<*) :: WhenMissing f x a -> WhenMissing f x b -> WhenMissing f x a # | |
(Functor m, Monad m) => Applicative (ErrorT e m) | |
Defined in Control.Monad.Trans.Error | |
Applicative m => Applicative (IdentityT m) | |
Defined in Control.Monad.Trans.Identity | |
Applicative (Tagged s) | |
(Monoid w, Functor m, Monad m) => Applicative (AccumT w m) | |
Defined in Control.Monad.Trans.Accum | |
(Functor m, Monad m) => Applicative (SelectT r m) | |
Defined in Control.Monad.Trans.Select | |
Applicative (Bazaar a b) | |
Defined in Lens.Micro | |
(Functor m, Monad m) => Applicative (StateT s m) | |
Applicative ((->) a :: Type -> Type) | Since: base-2.1 |
Monoid c => Applicative (K1 i c :: Type -> Type) | Since: base-4.12.0.0 |
(Applicative f, Applicative g) => Applicative (f :*: g) | Since: base-4.9.0.0 |
(Applicative f, Applicative g) => Applicative (Product f g) | Since: base-4.9.0.0 |
Defined in Data.Functor.Product | |
Applicative m => Applicative (ReaderT r m) | |
Defined in Control.Monad.Trans.Reader | |
Applicative (ConduitT i o m) | |
Defined in Data.Conduit.Internal.Conduit Methods pure :: a -> ConduitT i o m a # (<*>) :: ConduitT i o m (a -> b) -> ConduitT i o m a -> ConduitT i o m b # liftA2 :: (a -> b -> c) -> ConduitT i o m a -> ConduitT i o m b -> ConduitT i o m c # (*>) :: ConduitT i o m a -> ConduitT i o m b -> ConduitT i o m b # (<*) :: ConduitT i o m a -> ConduitT i o m b -> ConduitT i o m a # | |
Monad m => Applicative (ZipConduit i o m) | |
Defined in Data.Conduit.Internal.Conduit Methods pure :: a -> ZipConduit i o m a # (<*>) :: ZipConduit i o m (a -> b) -> ZipConduit i o m a -> ZipConduit i o m b # liftA2 :: (a -> b -> c) -> ZipConduit i o m a -> ZipConduit i o m b -> ZipConduit i o m c # (*>) :: ZipConduit i o m a -> ZipConduit i o m b -> ZipConduit i o m b # (<*) :: ZipConduit i o m a -> ZipConduit i o m b -> ZipConduit i o m a # | |
(Monad f, Applicative f) => Applicative (WhenMatched f x y) | Equivalent to Since: containers-0.5.9 |
Defined in Data.IntMap.Internal Methods pure :: a -> WhenMatched f x y a # (<*>) :: WhenMatched f x y (a -> b) -> WhenMatched f x y a -> WhenMatched f x y b # liftA2 :: (a -> b -> c) -> WhenMatched f x y a -> WhenMatched f x y b -> WhenMatched f x y c # (*>) :: WhenMatched f x y a -> WhenMatched f x y b -> WhenMatched f x y b # (<*) :: WhenMatched f x y a -> WhenMatched f x y b -> WhenMatched f x y a # | |
(Applicative f, Monad f) => Applicative (WhenMissing f k x) | Equivalent to Since: containers-0.5.9 |
Defined in Data.Map.Internal Methods pure :: a -> WhenMissing f k x a # (<*>) :: WhenMissing f k x (a -> b) -> WhenMissing f k x a -> WhenMissing f k x b # liftA2 :: (a -> b -> c) -> WhenMissing f k x a -> WhenMissing f k x b -> WhenMissing f k x c # (*>) :: WhenMissing f k x a -> WhenMissing f k x b -> WhenMissing f k x b # (<*) :: WhenMissing f k x a -> WhenMissing f k x b -> WhenMissing f k x a # | |
Applicative (ContT r m) | |
Defined in Control.Monad.Trans.Cont | |
Applicative f => Applicative (M1 i c f) | Since: base-4.9.0.0 |
(Applicative f, Applicative g) => Applicative (f :.: g) | Since: base-4.9.0.0 |
(Applicative f, Applicative g) => Applicative (Compose f g) | Since: base-4.9.0.0 |
Defined in Data.Functor.Compose | |
(Monoid w, Functor m, Monad m) => Applicative (RWST r w s m) | |
Defined in Control.Monad.Trans.RWS.Strict | |
(Monoid w, Functor m, Monad m) => Applicative (RWST r w s m) | |
Defined in Control.Monad.Trans.RWS.Lazy | |
(Monad f, Applicative f) => Applicative (WhenMatched f k x y) | Equivalent to Since: containers-0.5.9 |
Defined in Data.Map.Internal Methods pure :: a -> WhenMatched f k x y a # (<*>) :: WhenMatched f k x y (a -> b) -> WhenMatched f k x y a -> WhenMatched f k x y b # liftA2 :: (a -> b -> c) -> WhenMatched f k x y a -> WhenMatched f k x y b -> WhenMatched f k x y c # (*>) :: WhenMatched f k x y a -> WhenMatched f k x y b -> WhenMatched f k x y b # (<*) :: WhenMatched f k x y a -> WhenMatched f k x y b -> WhenMatched f k x y a # | |
(Applicative f, Applicative g) => Applicative (Compose f g) | |
Defined in Data.Vinyl.Functor | |
Monad state => Applicative (Builder collection mutCollection step state err) | |
Defined in Basement.MutableBuilder Methods pure :: a -> Builder collection mutCollection step state err a # (<*>) :: Builder collection mutCollection step state err (a -> b) -> Builder collection mutCollection step state err a -> Builder collection mutCollection step state err b # liftA2 :: (a -> b -> c) -> Builder collection mutCollection step state err a -> Builder collection mutCollection step state err b -> Builder collection mutCollection step state err c # (*>) :: Builder collection mutCollection step state err a -> Builder collection mutCollection step state err b -> Builder collection mutCollection step state err b # (<*) :: Builder collection mutCollection step state err a -> Builder collection mutCollection step state err b -> Builder collection mutCollection step state err a # | |
Monad m => Applicative (Pipe l i o u m) | |
Defined in Data.Conduit.Internal.Pipe Methods pure :: a -> Pipe l i o u m a # (<*>) :: Pipe l i o u m (a -> b) -> Pipe l i o u m a -> Pipe l i o u m b # liftA2 :: (a -> b -> c) -> Pipe l i o u m a -> Pipe l i o u m b -> Pipe l i o u m c # (*>) :: Pipe l i o u m a -> Pipe l i o u m b -> Pipe l i o u m b # (<*) :: Pipe l i o u m a -> Pipe l i o u m b -> Pipe l i o u m a # | |
(Applicative f, Applicative g) => Applicative (Lift (,) f g) | |
Defined in Data.Vinyl.Functor |
class Foldable (t :: Type -> Type) where #
Data structures that can be folded.
For example, given a data type
data Tree a = Empty | Leaf a | Node (Tree a) a (Tree a)
a suitable instance would be
instance Foldable Tree where foldMap f Empty = mempty foldMap f (Leaf x) = f x foldMap f (Node l k r) = foldMap f l `mappend` f k `mappend` foldMap f r
This is suitable even for abstract types, as the monoid is assumed
to satisfy the monoid laws. Alternatively, one could define foldr
:
instance Foldable Tree where foldr f z Empty = z foldr f z (Leaf x) = f x z foldr f z (Node l k r) = foldr f (f k (foldr f z r)) l
Foldable
instances are expected to satisfy the following laws:
foldr f z t = appEndo (foldMap (Endo . f) t ) z
foldl f z t = appEndo (getDual (foldMap (Dual . Endo . flip f) t)) z
fold = foldMap id
length = getSum . foldMap (Sum . const 1)
sum
, product
, maximum
, and minimum
should all be essentially
equivalent to foldMap
forms, such as
sum = getSum . foldMap Sum
but may be less defined.
If the type is also a Functor
instance, it should satisfy
foldMap f = fold . fmap f
which implies that
foldMap f . fmap g = foldMap (f . g)
Methods
foldl :: (b -> a -> b) -> b -> t a -> b #
Left-associative fold of a structure.
In the case of lists, foldl
, when applied to a binary
operator, a starting value (typically the left-identity of the operator),
and a list, reduces the list using the binary operator, from left to
right:
foldl f z [x1, x2, ..., xn] == (...((z `f` x1) `f` x2) `f`...) `f` xn
Note that to produce the outermost application of the operator the
entire input list must be traversed. This means that foldl'
will
diverge if given an infinite list.
Also note that if you want an efficient left-fold, you probably want to
use foldl'
instead of foldl
. The reason for this is that latter does
not force the "inner" results (e.g. z
in the above example)
before applying them to the operator (e.g. to f
x1(
). This results
in a thunk chain f
x2)O(n)
elements long, which then must be evaluated from
the outside-in.
For a general Foldable
structure this should be semantically identical
to,
foldl f z =foldl
f z .toList
foldr1 :: (a -> a -> a) -> t a -> a #
A variant of foldr
that has no base case,
and thus may only be applied to non-empty structures.
foldr1
f =foldr1
f .toList
foldl1 :: (a -> a -> a) -> t a -> a #
A variant of foldl
that has no base case,
and thus may only be applied to non-empty structures.
foldl1
f =foldl1
f .toList
maximum :: Ord a => t a -> a #
The largest element of a non-empty structure.
minimum :: Ord a => t a -> a #
The least element of a non-empty structure.
Instances
Foldable [] | Since: base-2.1 |
Defined in Data.Foldable Methods fold :: Monoid m => [m] -> m # foldMap :: Monoid m => (a -> m) -> [a] -> m # foldr :: (a -> b -> b) -> b -> [a] -> b # foldr' :: (a -> b -> b) -> b -> [a] -> b # foldl :: (b -> a -> b) -> b -> [a] -> b # foldl' :: (b -> a -> b) -> b -> [a] -> b # foldr1 :: (a -> a -> a) -> [a] -> a # foldl1 :: (a -> a -> a) -> [a] -> a # elem :: Eq a => a -> [a] -> Bool # maximum :: Ord a => [a] -> a # | |
Foldable Maybe | Since: base-2.1 |
Defined in Data.Foldable Methods fold :: Monoid m => Maybe m -> 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 # | |
Foldable Par1 | Since: base-4.9.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => Par1 m -> m # foldMap :: Monoid m => (a -> m) -> Par1 a -> m # foldr :: (a -> b -> b) -> b -> Par1 a -> b # foldr' :: (a -> b -> b) -> b -> Par1 a -> b # foldl :: (b -> a -> b) -> b -> Par1 a -> b # foldl' :: (b -> a -> b) -> b -> Par1 a -> b # foldr1 :: (a -> a -> a) -> Par1 a -> a # foldl1 :: (a -> a -> a) -> Par1 a -> a # elem :: Eq a => a -> Par1 a -> Bool # maximum :: Ord a => Par1 a -> a # | |
Foldable IResult | |
Defined in Data.Aeson.Types.Internal Methods fold :: Monoid m => IResult m -> m # foldMap :: Monoid m => (a -> m) -> IResult a -> m # foldr :: (a -> b -> b) -> b -> IResult a -> b # foldr' :: (a -> b -> b) -> b -> IResult a -> b # foldl :: (b -> a -> b) -> b -> IResult a -> b # foldl' :: (b -> a -> b) -> b -> IResult a -> b # foldr1 :: (a -> a -> a) -> IResult a -> a # foldl1 :: (a -> a -> a) -> IResult a -> a # elem :: Eq a => a -> IResult a -> Bool # maximum :: Ord a => IResult a -> a # minimum :: Ord a => IResult a -> a # | |
Foldable Result | |
Defined in Data.Aeson.Types.Internal Methods fold :: Monoid m => Result m -> m # foldMap :: Monoid m => (a -> m) -> Result a -> m # foldr :: (a -> b -> b) -> b -> Result a -> b # foldr' :: (a -> b -> b) -> b -> Result a -> b # foldl :: (b -> a -> b) -> b -> Result a -> b # foldl' :: (b -> a -> b) -> b -> Result a -> b # foldr1 :: (a -> a -> a) -> Result a -> a # foldl1 :: (a -> a -> a) -> Result a -> a # elem :: Eq a => a -> Result a -> Bool # maximum :: Ord a => Result a -> a # minimum :: Ord a => Result a -> a # | |
Foldable Complex | Since: base-4.9.0.0 |
Defined in Data.Complex Methods fold :: Monoid m => Complex m -> m # foldMap :: Monoid m => (a -> m) -> Complex a -> m # foldr :: (a -> b -> b) -> b -> Complex a -> b # foldr' :: (a -> b -> b) -> b -> Complex a -> b # foldl :: (b -> a -> b) -> b -> Complex a -> b # foldl' :: (b -> a -> b) -> b -> Complex a -> b # foldr1 :: (a -> a -> a) -> Complex a -> a # foldl1 :: (a -> a -> a) -> Complex a -> a # elem :: Eq a => a -> Complex a -> Bool # maximum :: Ord a => Complex a -> a # minimum :: Ord a => Complex a -> a # | |
Foldable Min | Since: base-4.9.0.0 |
Defined in Data.Semigroup Methods fold :: Monoid m => Min m -> m # foldMap :: Monoid m => (a -> m) -> Min a -> m # foldr :: (a -> b -> b) -> b -> Min a -> b # foldr' :: (a -> b -> b) -> b -> Min a -> b # foldl :: (b -> a -> b) -> b -> Min a -> b # foldl' :: (b -> a -> b) -> b -> Min a -> b # foldr1 :: (a -> a -> a) -> Min a -> a # foldl1 :: (a -> a -> a) -> Min a -> a # elem :: Eq a => a -> Min a -> Bool # maximum :: Ord a => Min a -> a # | |
Foldable Max | Since: base-4.9.0.0 |
Defined in Data.Semigroup Methods fold :: Monoid m => Max m -> m # foldMap :: Monoid m => (a -> m) -> Max a -> m # foldr :: (a -> b -> b) -> b -> Max a -> b # foldr' :: (a -> b -> b) -> b -> Max a -> b # foldl :: (b -> a -> b) -> b -> Max a -> b # foldl' :: (b -> a -> b) -> b -> Max a -> b # foldr1 :: (a -> a -> a) -> Max a -> a # foldl1 :: (a -> a -> a) -> Max a -> a # elem :: Eq a => a -> Max a -> Bool # maximum :: Ord a => Max a -> a # | |
Foldable First | Since: base-4.9.0.0 |
Defined in Data.Semigroup Methods fold :: Monoid m => First m -> m # foldMap :: Monoid m => (a -> m) -> First a -> m # foldr :: (a -> b -> b) -> b -> First a -> b # foldr' :: (a -> b -> b) -> b -> First a -> b # foldl :: (b -> a -> b) -> b -> First a -> b # foldl' :: (b -> a -> b) -> b -> First a -> b # foldr1 :: (a -> a -> a) -> First a -> a # foldl1 :: (a -> a -> a) -> First a -> a # elem :: Eq a => a -> First a -> Bool # maximum :: Ord a => First a -> a # minimum :: Ord a => First a -> a # | |
Foldable Last | Since: base-4.9.0.0 |
Defined in Data.Semigroup Methods fold :: Monoid m => Last m -> m # foldMap :: Monoid m => (a -> m) -> Last a -> m # foldr :: (a -> b -> b) -> b -> Last a -> b # foldr' :: (a -> b -> b) -> b -> Last a -> b # foldl :: (b -> a -> b) -> b -> Last a -> b # foldl' :: (b -> a -> b) -> b -> Last a -> b # foldr1 :: (a -> a -> a) -> Last a -> a # foldl1 :: (a -> a -> a) -> Last a -> a # elem :: Eq a => a -> Last a -> Bool # maximum :: Ord a => Last a -> a # | |
Foldable Option | Since: base-4.9.0.0 |
Defined in Data.Semigroup Methods fold :: Monoid m => Option m -> m # foldMap :: Monoid m => (a -> m) -> Option a -> m # foldr :: (a -> b -> b) -> b -> Option a -> b # foldr' :: (a -> b -> b) -> b -> Option a -> b # foldl :: (b -> a -> b) -> b -> Option a -> b # foldl' :: (b -> a -> b) -> b -> Option a -> b # foldr1 :: (a -> a -> a) -> Option a -> a # foldl1 :: (a -> a -> a) -> Option a -> a # elem :: Eq a => a -> Option a -> Bool # maximum :: Ord a => Option a -> a # minimum :: Ord a => Option a -> a # | |
Foldable ZipList | Since: base-4.9.0.0 |
Defined in Control.Applicative Methods fold :: Monoid m => ZipList m -> m # foldMap :: Monoid m => (a -> m) -> ZipList a -> m # foldr :: (a -> b -> b) -> b -> ZipList a -> b # foldr' :: (a -> b -> b) -> b -> ZipList a -> b # foldl :: (b -> a -> b) -> b -> ZipList a -> b # foldl' :: (b -> a -> b) -> b -> ZipList a -> b # foldr1 :: (a -> a -> a) -> ZipList a -> a # foldl1 :: (a -> a -> a) -> ZipList a -> a # elem :: Eq a => a -> ZipList a -> Bool # maximum :: Ord a => ZipList a -> a # minimum :: Ord a => ZipList a -> a # | |
Foldable Identity | Since: base-4.8.0.0 |
Defined in Data.Functor.Identity Methods fold :: Monoid m => Identity m -> m # foldMap :: Monoid m => (a -> m) -> Identity a -> m # foldr :: (a -> b -> b) -> b -> Identity a -> b # foldr' :: (a -> b -> b) -> b -> Identity a -> b # foldl :: (b -> a -> b) -> b -> Identity a -> b # foldl' :: (b -> a -> b) -> b -> Identity a -> b # foldr1 :: (a -> a -> a) -> Identity a -> a # foldl1 :: (a -> a -> a) -> Identity a -> a # elem :: Eq a => a -> Identity a -> Bool # maximum :: Ord a => Identity a -> a # minimum :: Ord a => Identity a -> a # | |
Foldable First | Since: base-4.8.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => First m -> m # foldMap :: Monoid m => (a -> m) -> First a -> m # foldr :: (a -> b -> b) -> b -> First a -> b # foldr' :: (a -> b -> b) -> b -> First a -> b # foldl :: (b -> a -> b) -> b -> First a -> b # foldl' :: (b -> a -> b) -> b -> First a -> b # foldr1 :: (a -> a -> a) -> First a -> a # foldl1 :: (a -> a -> a) -> First a -> a # elem :: Eq a => a -> First a -> Bool # maximum :: Ord a => First a -> a # minimum :: Ord a => First a -> a # | |
Foldable Last | Since: base-4.8.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => Last m -> m # foldMap :: Monoid m => (a -> m) -> Last a -> m # foldr :: (a -> b -> b) -> b -> Last a -> b # foldr' :: (a -> b -> b) -> b -> Last a -> b # foldl :: (b -> a -> b) -> b -> Last a -> b # foldl' :: (b -> a -> b) -> b -> Last a -> b # foldr1 :: (a -> a -> a) -> Last a -> a # foldl1 :: (a -> a -> a) -> Last a -> a # elem :: Eq a => a -> Last a -> Bool # maximum :: Ord a => Last a -> a # | |
Foldable Dual | Since: base-4.8.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => Dual m -> m # foldMap :: Monoid m => (a -> m) -> Dual a -> m # foldr :: (a -> b -> b) -> b -> Dual a -> b # foldr' :: (a -> b -> b) -> b -> Dual a -> b # foldl :: (b -> a -> b) -> b -> Dual a -> b # foldl' :: (b -> a -> b) -> b -> Dual a -> b # foldr1 :: (a -> a -> a) -> Dual a -> a # foldl1 :: (a -> a -> a) -> Dual a -> a # elem :: Eq a => a -> Dual a -> Bool # maximum :: Ord a => Dual a -> a # | |
Foldable Sum | Since: base-4.8.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => Sum m -> m # foldMap :: Monoid m => (a -> m) -> Sum a -> m # foldr :: (a -> b -> b) -> b -> Sum a -> b # foldr' :: (a -> b -> b) -> b -> Sum a -> b # foldl :: (b -> a -> b) -> b -> Sum a -> b # foldl' :: (b -> a -> b) -> b -> Sum a -> b # foldr1 :: (a -> a -> a) -> Sum a -> a # foldl1 :: (a -> a -> a) -> Sum a -> a # elem :: Eq a => a -> Sum a -> Bool # maximum :: Ord a => Sum a -> a # | |
Foldable Product | Since: base-4.8.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => Product m -> m # foldMap :: Monoid m => (a -> m) -> Product a -> m # foldr :: (a -> b -> b) -> b -> Product a -> b # foldr' :: (a -> b -> b) -> b -> Product a -> b # foldl :: (b -> a -> b) -> b -> Product a -> b # foldl' :: (b -> a -> b) -> b -> Product a -> b # foldr1 :: (a -> a -> a) -> Product a -> a # foldl1 :: (a -> a -> a) -> Product a -> a # elem :: Eq a => a -> Product a -> Bool # maximum :: Ord a => Product a -> a # minimum :: Ord a => Product a -> a # | |
Foldable Down | Since: base-4.12.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => Down m -> m # foldMap :: Monoid m => (a -> m) -> Down a -> m # foldr :: (a -> b -> b) -> b -> Down a -> b # foldr' :: (a -> b -> b) -> b -> Down a -> b # foldl :: (b -> a -> b) -> b -> Down a -> b # foldl' :: (b -> a -> b) -> b -> Down a -> b # foldr1 :: (a -> a -> a) -> Down a -> a # foldl1 :: (a -> a -> a) -> Down a -> a # elem :: Eq a => a -> Down a -> Bool # maximum :: Ord a => Down a -> a # | |
Foldable NonEmpty | Since: base-4.9.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => NonEmpty m -> m # foldMap :: Monoid m => (a -> m) -> NonEmpty a -> m # foldr :: (a -> b -> b) -> b -> NonEmpty a -> b # foldr' :: (a -> b -> b) -> b -> NonEmpty a -> b # foldl :: (b -> a -> b) -> b -> NonEmpty a -> b # foldl' :: (b -> a -> b) -> b -> NonEmpty a -> b # foldr1 :: (a -> a -> a) -> NonEmpty a -> a # foldl1 :: (a -> a -> a) -> NonEmpty a -> a # elem :: Eq a => a -> NonEmpty a -> Bool # maximum :: Ord a => NonEmpty a -> a # minimum :: Ord a => NonEmpty a -> a # | |
Foldable IntMap | |
Defined in Data.IntMap.Internal Methods fold :: Monoid m => IntMap m -> m # foldMap :: Monoid m => (a -> m) -> IntMap a -> m # foldr :: (a -> b -> b) -> b -> IntMap a -> b # foldr' :: (a -> b -> b) -> b -> IntMap a -> b # foldl :: (b -> a -> b) -> b -> IntMap a -> b # foldl' :: (b -> a -> b) -> b -> IntMap a -> b # foldr1 :: (a -> a -> a) -> IntMap a -> a # foldl1 :: (a -> a -> a) -> IntMap a -> a # elem :: Eq a => a -> IntMap a -> Bool # maximum :: Ord a => IntMap a -> a # minimum :: Ord a => IntMap a -> a # | |
Foldable SCC | Since: containers-0.5.9 |
Defined in Data.Graph Methods fold :: Monoid m => SCC m -> m # foldMap :: Monoid m => (a -> m) -> SCC a -> m # foldr :: (a -> b -> b) -> b -> SCC a -> b # foldr' :: (a -> b -> b) -> b -> SCC a -> b # foldl :: (b -> a -> b) -> b -> SCC a -> b # foldl' :: (b -> a -> b) -> b -> SCC a -> b # foldr1 :: (a -> a -> a) -> SCC a -> a # foldl1 :: (a -> a -> a) -> SCC a -> a # elem :: Eq a => a -> SCC a -> Bool # maximum :: Ord a => SCC a -> a # | |
Foldable Tree | |
Defined in Data.Tree Methods fold :: Monoid m => Tree m -> m # foldMap :: Monoid m => (a -> m) -> Tree a -> m # foldr :: (a -> b -> b) -> b -> Tree a -> b # foldr' :: (a -> b -> b) -> b -> Tree a -> b # foldl :: (b -> a -> b) -> b -> Tree a -> b # foldl' :: (b -> a -> b) -> b -> Tree a -> b # foldr1 :: (a -> a -> a) -> Tree a -> a # foldl1 :: (a -> a -> a) -> Tree a -> a # elem :: Eq a => a -> Tree a -> Bool # maximum :: Ord a => Tree a -> a # | |
Foldable Seq | |
Defined in Data.Sequence.Internal Methods fold :: Monoid m => Seq m -> m # foldMap :: Monoid m => (a -> m) -> Seq a -> m # foldr :: (a -> b -> b) -> b -> Seq a -> b # foldr' :: (a -> b -> b) -> b -> Seq a -> b # foldl :: (b -> a -> b) -> b -> Seq a -> b # foldl' :: (b -> a -> b) -> b -> Seq a -> b # foldr1 :: (a -> a -> a) -> Seq a -> a # foldl1 :: (a -> a -> a) -> Seq a -> a # elem :: Eq a => a -> Seq a -> Bool # maximum :: Ord a => Seq a -> a # | |
Foldable FingerTree | |
Defined in Data.Sequence.Internal Methods fold :: Monoid m => FingerTree m -> m # foldMap :: Monoid m => (a -> m) -> FingerTree a -> m # foldr :: (a -> b -> b) -> b -> FingerTree a -> b # foldr' :: (a -> b -> b) -> b -> FingerTree a -> b # foldl :: (b -> a -> b) -> b -> FingerTree a -> b # foldl' :: (b -> a -> b) -> b -> FingerTree a -> b # foldr1 :: (a -> a -> a) -> FingerTree a -> a # foldl1 :: (a -> a -> a) -> FingerTree a -> a # toList :: FingerTree a -> [a] # null :: FingerTree a -> Bool # length :: FingerTree a -> Int # elem :: Eq a => a -> FingerTree a -> Bool # maximum :: Ord a => FingerTree a -> a # minimum :: Ord a => FingerTree a -> a # sum :: Num a => FingerTree a -> a # product :: Num a => FingerTree a -> a # | |
Foldable Digit | |
Defined in Data.Sequence.Internal Methods fold :: Monoid m => Digit m -> m # foldMap :: Monoid m => (a -> m) -> Digit a -> m # foldr :: (a -> b -> b) -> b -> Digit a -> b # foldr' :: (a -> b -> b) -> b -> Digit a -> b # foldl :: (b -> a -> b) -> b -> Digit a -> b # foldl' :: (b -> a -> b) -> b -> Digit a -> b # foldr1 :: (a -> a -> a) -> Digit a -> a # foldl1 :: (a -> a -> a) -> Digit a -> a # elem :: Eq a => a -> Digit a -> Bool # maximum :: Ord a => Digit a -> a # minimum :: Ord a => Digit a -> a # | |
Foldable Node | |
Defined in Data.Sequence.Internal Methods fold :: Monoid m => Node m -> m # foldMap :: Monoid m => (a -> m) -> Node a -> m # foldr :: (a -> b -> b) -> b -> Node a -> b # foldr' :: (a -> b -> b) -> b -> Node a -> b # foldl :: (b -> a -> b) -> b -> Node a -> b # foldl' :: (b -> a -> b) -> b -> Node a -> b # foldr1 :: (a -> a -> a) -> Node a -> a # foldl1 :: (a -> a -> a) -> Node a -> a # elem :: Eq a => a -> Node a -> Bool # maximum :: Ord a => Node a -> a # | |
Foldable Elem | |
Defined in Data.Sequence.Internal Methods fold :: Monoid m => Elem m -> m # foldMap :: Monoid m => (a -> m) -> Elem a -> m # foldr :: (a -> b -> b) -> b -> Elem a -> b # foldr' :: (a -> b -> b) -> b -> Elem a -> b # foldl :: (b -> a -> b) -> b -> Elem a -> b # foldl' :: (b -> a -> b) -> b -> Elem a -> b # foldr1 :: (a -> a -> a) -> Elem a -> a # foldl1 :: (a -> a -> a) -> Elem a -> a # elem :: Eq a => a -> Elem a -> Bool # maximum :: Ord a => Elem a -> a # | |
Foldable ViewL | |
Defined in Data.Sequence.Internal Methods fold :: Monoid m => ViewL m -> m # foldMap :: Monoid m => (a -> m) -> ViewL a -> m # foldr :: (a -> b -> b) -> b -> ViewL a -> b # foldr' :: (a -> b -> b) -> b -> ViewL a -> b # foldl :: (b -> a -> b) -> b -> ViewL a -> b # foldl' :: (b -> a -> b) -> b -> ViewL a -> b # foldr1 :: (a -> a -> a) -> ViewL a -> a # foldl1 :: (a -> a -> a) -> ViewL a -> a # elem :: Eq a => a -> ViewL a -> Bool # maximum :: Ord a => ViewL a -> a # minimum :: Ord a => ViewL a -> a # | |
Foldable ViewR | |
Defined in Data.Sequence.Internal Methods fold :: Monoid m => ViewR m -> m # foldMap :: Monoid m => (a -> m) -> ViewR a -> m # foldr :: (a -> b -> b) -> b -> ViewR a -> b # foldr' :: (a -> b -> b) -> b -> ViewR a -> b # foldl :: (b -> a -> b) -> b -> ViewR a -> b # foldl' :: (b -> a -> b) -> b -> ViewR a -> b # foldr1 :: (a -> a -> a) -> ViewR a -> a # foldl1 :: (a -> a -> a) -> ViewR a -> a # elem :: Eq a => a -> ViewR a -> Bool # maximum :: Ord a => ViewR a -> a # minimum :: Ord a => ViewR a -> a # | |
Foldable Set | |
Defined in Data.Set.Internal Methods fold :: Monoid m => Set m -> 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 # | |
Foldable DList | |
Defined in Data.DList Methods fold :: Monoid m => DList m -> m # foldMap :: Monoid m => (a -> m) -> DList a -> m # foldr :: (a -> b -> b) -> b -> DList a -> b # foldr' :: (a -> b -> b) -> b -> DList a -> b # foldl :: (b -> a -> b) -> b -> DList a -> b # foldl' :: (b -> a -> b) -> b -> DList a -> b # foldr1 :: (a -> a -> a) -> DList a -> a # foldl1 :: (a -> a -> a) -> DList a -> a # elem :: Eq a => a -> DList a -> Bool # maximum :: Ord a => DList a -> a # minimum :: Ord a => DList a -> a # | |
Foldable Hashed | |
Defined in Data.Hashable.Class Methods fold :: Monoid m => Hashed m -> m # foldMap :: Monoid m => (a -> m) -> Hashed a -> m # foldr :: (a -> b -> b) -> b -> Hashed a -> b # foldr' :: (a -> b -> b) -> b -> Hashed a -> b # foldl :: (b -> a -> b) -> b -> Hashed a -> b # foldl' :: (b -> a -> b) -> b -> Hashed a -> b # foldr1 :: (a -> a -> a) -> Hashed a -> a # foldl1 :: (a -> a -> a) -> Hashed a -> a # elem :: Eq a => a -> Hashed a -> Bool # maximum :: Ord a => Hashed a -> a # minimum :: Ord a => Hashed a -> a # | |
Foldable HistoriedResponse | |
Defined in Network.HTTP.Client Methods fold :: Monoid m => HistoriedResponse m -> m # foldMap :: Monoid m => (a -> m) -> HistoriedResponse a -> m # foldr :: (a -> b -> b) -> b -> HistoriedResponse a -> b # foldr' :: (a -> b -> b) -> b -> HistoriedResponse a -> b # foldl :: (b -> a -> b) -> b -> HistoriedResponse a -> b # foldl' :: (b -> a -> b) -> b -> HistoriedResponse a -> b # foldr1 :: (a -> a -> a) -> HistoriedResponse a -> a # foldl1 :: (a -> a -> a) -> HistoriedResponse a -> a # toList :: HistoriedResponse a -> [a] # null :: HistoriedResponse a -> Bool # length :: HistoriedResponse a -> Int # elem :: Eq a => a -> HistoriedResponse a -> Bool # maximum :: Ord a => HistoriedResponse a -> a # minimum :: Ord a => HistoriedResponse a -> a # sum :: Num a => HistoriedResponse a -> a # product :: Num a => HistoriedResponse a -> a # | |
Foldable Response | |
Defined in Network.HTTP.Client.Types Methods fold :: Monoid m => Response m -> m # foldMap :: Monoid m => (a -> m) -> Response a -> m # foldr :: (a -> b -> b) -> b -> Response a -> b # foldr' :: (a -> b -> b) -> b -> Response a -> b # foldl :: (b -> a -> b) -> b -> Response a -> b # foldl' :: (b -> a -> b) -> b -> Response a -> b # foldr1 :: (a -> a -> a) -> Response a -> a # foldl1 :: (a -> a -> a) -> Response a -> a # elem :: Eq a => a -> Response a -> Bool # maximum :: Ord a => Response a -> a # minimum :: Ord a => Response a -> a # | |
Foldable HashSet | |
Defined in Data.HashSet.Base Methods fold :: Monoid m => HashSet m -> m # foldMap :: Monoid m => (a -> m) -> HashSet a -> m # foldr :: (a -> b -> b) -> b -> HashSet a -> b # foldr' :: (a -> b -> b) -> b -> HashSet a -> b # foldl :: (b -> a -> b) -> b -> HashSet a -> b # foldl' :: (b -> a -> b) -> b -> HashSet a -> b # foldr1 :: (a -> a -> a) -> HashSet a -> a # foldl1 :: (a -> a -> a) -> HashSet a -> a # elem :: Eq a => a -> HashSet a -> Bool # maximum :: Ord a => HashSet a -> a # minimum :: Ord a => HashSet a -> a # | |
Foldable SimpleDocStream | Collect all annotations from a document. |
Defined in Data.Text.Prettyprint.Doc.Internal Methods fold :: Monoid m => SimpleDocStream m -> m # foldMap :: Monoid m => (a -> m) -> SimpleDocStream a -> m # foldr :: (a -> b -> b) -> b -> SimpleDocStream a -> b # foldr' :: (a -> b -> b) -> b -> SimpleDocStream a -> b # foldl :: (b -> a -> b) -> b -> SimpleDocStream a -> b # foldl' :: (b -> a -> b) -> b -> SimpleDocStream a -> b # foldr1 :: (a -> a -> a) -> SimpleDocStream a -> a # foldl1 :: (a -> a -> a) -> SimpleDocStream a -> a # toList :: SimpleDocStream a -> [a] # null :: SimpleDocStream a -> Bool # length :: SimpleDocStream a -> Int # elem :: Eq a => a -> SimpleDocStream a -> Bool # maximum :: Ord a => SimpleDocStream a -> a # minimum :: Ord a => SimpleDocStream a -> a # sum :: Num a => SimpleDocStream a -> a # product :: Num a => SimpleDocStream a -> a # | |
Foldable SmallArray | |
Defined in Data.Primitive.SmallArray Methods fold :: Monoid m => SmallArray m -> m # foldMap :: Monoid m => (a -> m) -> SmallArray a -> m # foldr :: (a -> b -> b) -> b -> SmallArray a -> b # foldr' :: (a -> b -> b) -> b -> SmallArray a -> b # foldl :: (b -> a -> b) -> b -> SmallArray a -> b # foldl' :: (b -> a -> b) -> b -> SmallArray a -> b # foldr1 :: (a -> a -> a) -> SmallArray a -> a # foldl1 :: (a -> a -> a) -> SmallArray a -> a # toList :: SmallArray a -> [a] # null :: SmallArray a -> Bool # length :: SmallArray a -> Int # elem :: Eq a => a -> SmallArray a -> Bool # maximum :: Ord a => SmallArray a -> a # minimum :: Ord a => SmallArray a -> a # sum :: Num a => SmallArray a -> a # product :: Num a => SmallArray a -> a # | |
Foldable Array | |
Defined in Data.Primitive.Array Methods fold :: Monoid m => Array m -> m # foldMap :: Monoid m => (a -> m) -> Array a -> m # foldr :: (a -> b -> b) -> b -> Array a -> b # foldr' :: (a -> b -> b) -> b -> Array a -> b # foldl :: (b -> a -> b) -> b -> Array a -> b # foldl' :: (b -> a -> b) -> b -> Array a -> b # foldr1 :: (a -> a -> a) -> Array a -> a # foldl1 :: (a -> a -> a) -> Array a -> a # elem :: Eq a => a -> Array a -> Bool # maximum :: Ord a => Array a -> a # minimum :: Ord a => Array a -> a # | |
Foldable Vector | |
Defined in Data.Vector Methods fold :: Monoid m => Vector m -> m # foldMap :: Monoid m => (a -> m) -> Vector a -> m # foldr :: (a -> b -> b) -> b -> Vector a -> b # foldr' :: (a -> b -> b) -> b -> Vector a -> b # foldl :: (b -> a -> b) -> b -> Vector a -> b # foldl' :: (b -> a -> b) -> b -> Vector a -> b # foldr1 :: (a -> a -> a) -> Vector a -> a # foldl1 :: (a -> a -> a) -> Vector a -> a # elem :: Eq a => a -> Vector a -> Bool # maximum :: Ord a => Vector a -> a # minimum :: Ord a => Vector a -> a # | |
Foldable Identity | |
Defined in Data.Vinyl.Functor Methods fold :: Monoid m => Identity m -> m # foldMap :: Monoid m => (a -> m) -> Identity a -> m # foldr :: (a -> b -> b) -> b -> Identity a -> b # foldr' :: (a -> b -> b) -> b -> Identity a -> b # foldl :: (b -> a -> b) -> b -> Identity a -> b # foldl' :: (b -> a -> b) -> b -> Identity a -> b # foldr1 :: (a -> a -> a) -> Identity a -> a # foldl1 :: (a -> a -> a) -> Identity a -> a # elem :: Eq a => a -> Identity a -> Bool # maximum :: Ord a => Identity a -> a # minimum :: Ord a => Identity a -> a # | |
Foldable Thunk | |
Defined in Data.Vinyl.Functor Methods fold :: Monoid m => Thunk m -> m # foldMap :: Monoid m => (a -> m) -> Thunk a -> m # foldr :: (a -> b -> b) -> b -> Thunk a -> b # foldr' :: (a -> b -> b) -> b -> Thunk a -> b # foldl :: (b -> a -> b) -> b -> Thunk a -> b # foldl' :: (b -> a -> b) -> b -> Thunk a -> b # foldr1 :: (a -> a -> a) -> Thunk a -> a # foldl1 :: (a -> a -> a) -> Thunk a -> a # elem :: Eq a => a -> Thunk a -> Bool # maximum :: Ord a => Thunk a -> a # minimum :: Ord a => Thunk a -> a # | |
Foldable (Either a) | Since: base-4.7.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => Either a m -> m # foldMap :: Monoid m => (a0 -> m) -> Either a a0 -> m # foldr :: (a0 -> b -> b) -> b -> Either a a0 -> b # foldr' :: (a0 -> b -> b) -> b -> Either a a0 -> b # foldl :: (b -> a0 -> b) -> b -> Either a a0 -> b # foldl' :: (b -> a0 -> b) -> b -> Either a a0 -> b # foldr1 :: (a0 -> a0 -> a0) -> Either a a0 -> a0 # foldl1 :: (a0 -> a0 -> a0) -> Either a a0 -> a0 # toList :: Either a a0 -> [a0] # length :: Either a a0 -> Int # elem :: Eq a0 => a0 -> Either a a0 -> Bool # maximum :: Ord a0 => Either a a0 -> a0 # minimum :: Ord a0 => Either a a0 -> a0 # | |
Foldable (V1 :: Type -> Type) | Since: base-4.9.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => V1 m -> m # foldMap :: Monoid m => (a -> m) -> V1 a -> m # foldr :: (a -> b -> b) -> b -> V1 a -> b # foldr' :: (a -> b -> b) -> b -> V1 a -> b # foldl :: (b -> a -> b) -> b -> V1 a -> b # foldl' :: (b -> a -> b) -> b -> V1 a -> b # foldr1 :: (a -> a -> a) -> V1 a -> a # foldl1 :: (a -> a -> a) -> V1 a -> a # elem :: Eq a => a -> V1 a -> Bool # maximum :: Ord a => V1 a -> a # | |
Foldable (U1 :: Type -> Type) | Since: base-4.9.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => U1 m -> m # foldMap :: Monoid m => (a -> m) -> U1 a -> m # foldr :: (a -> b -> b) -> b -> U1 a -> b # foldr' :: (a -> b -> b) -> b -> U1 a -> b # foldl :: (b -> a -> b) -> b -> U1 a -> b # foldl' :: (b -> a -> b) -> b -> U1 a -> b # foldr1 :: (a -> a -> a) -> U1 a -> a # foldl1 :: (a -> a -> a) -> U1 a -> a # elem :: Eq a => a -> U1 a -> Bool # maximum :: Ord a => U1 a -> a # | |
Foldable ((,) a) | Since: base-4.7.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => (a, m) -> m # foldMap :: Monoid m => (a0 -> m) -> (a, a0) -> m # foldr :: (a0 -> b -> b) -> b -> (a, a0) -> b # foldr' :: (a0 -> b -> b) -> b -> (a, a0) -> b # foldl :: (b -> a0 -> b) -> b -> (a, a0) -> b # foldl' :: (b -> a0 -> b) -> b -> (a, a0) -> b # foldr1 :: (a0 -> a0 -> a0) -> (a, a0) -> a0 # foldl1 :: (a0 -> a0 -> a0) -> (a, a0) -> a0 # elem :: Eq a0 => a0 -> (a, a0) -> Bool # maximum :: Ord a0 => (a, a0) -> a0 # minimum :: Ord a0 => (a, a0) -> a0 # | |
Foldable (HashMap k) | |
Defined in Data.HashMap.Base Methods fold :: Monoid m => HashMap k m -> m # foldMap :: Monoid m => (a -> m) -> HashMap k a -> m # foldr :: (a -> b -> b) -> b -> HashMap k a -> b # foldr' :: (a -> b -> b) -> b -> HashMap k a -> b # foldl :: (b -> a -> b) -> b -> HashMap k a -> b # foldl' :: (b -> a -> b) -> b -> HashMap k a -> b # foldr1 :: (a -> a -> a) -> HashMap k a -> a # foldl1 :: (a -> a -> a) -> HashMap k a -> a # toList :: HashMap k a -> [a] # length :: HashMap k a -> Int # elem :: Eq a => a -> HashMap k a -> Bool # maximum :: Ord a => HashMap k a -> a # minimum :: Ord a => HashMap k a -> a # | |
Foldable (Map k) | |
Defined in Data.Map.Internal Methods fold :: Monoid m => Map k m -> m # foldMap :: Monoid m => (a -> m) -> Map k a -> m # foldr :: (a -> b -> b) -> b -> Map k a -> b # foldr' :: (a -> b -> b) -> b -> Map k a -> b # foldl :: (b -> a -> b) -> b -> Map k a -> b # foldl' :: (b -> a -> b) -> b -> Map k a -> b # foldr1 :: (a -> a -> a) -> Map k a -> a # foldl1 :: (a -> a -> a) -> Map k a -> a # elem :: Eq a => a -> Map k a -> Bool # maximum :: Ord a => Map k a -> a # minimum :: Ord a => Map k a -> a # | |
Foldable (Array i) | Since: base-4.8.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => Array i m -> m # foldMap :: Monoid m => (a -> m) -> Array i a -> m # foldr :: (a -> b -> b) -> b -> Array i a -> b # foldr' :: (a -> b -> b) -> b -> Array i a -> b # foldl :: (b -> a -> b) -> b -> Array i a -> b # foldl' :: (b -> a -> b) -> b -> Array i a -> b # foldr1 :: (a -> a -> a) -> Array i a -> a # foldl1 :: (a -> a -> a) -> Array i a -> a # elem :: Eq a => a -> Array i a -> Bool # maximum :: Ord a => Array i a -> a # minimum :: Ord a => Array i a -> a # | |
Foldable (Arg a) | Since: base-4.9.0.0 |
Defined in Data.Semigroup Methods fold :: Monoid m => Arg a m -> m # foldMap :: Monoid m => (a0 -> m) -> Arg a a0 -> m # foldr :: (a0 -> b -> b) -> b -> Arg a a0 -> b # foldr' :: (a0 -> b -> b) -> b -> Arg a a0 -> b # foldl :: (b -> a0 -> b) -> b -> Arg a a0 -> b # foldl' :: (b -> a0 -> b) -> b -> Arg a a0 -> b # foldr1 :: (a0 -> a0 -> a0) -> Arg a a0 -> a0 # foldl1 :: (a0 -> a0 -> a0) -> Arg a a0 -> a0 # elem :: Eq a0 => a0 -> Arg a a0 -> Bool # maximum :: Ord a0 => Arg a a0 -> a0 # minimum :: Ord a0 => Arg a a0 -> a0 # | |
Foldable (Proxy :: Type -> Type) | Since: base-4.7.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => Proxy m -> m # foldMap :: Monoid m => (a -> m) -> Proxy a -> m # foldr :: (a -> b -> b) -> b -> Proxy a -> b # foldr' :: (a -> b -> b) -> b -> Proxy a -> b # foldl :: (b -> a -> b) -> b -> Proxy a -> b # foldl' :: (b -> a -> b) -> b -> Proxy a -> b # foldr1 :: (a -> a -> a) -> Proxy a -> a # foldl1 :: (a -> a -> a) -> Proxy a -> a # elem :: Eq a => a -> Proxy a -> Bool # maximum :: Ord a => Proxy a -> a # minimum :: Ord a => Proxy a -> a # | |
Foldable f => Foldable (MaybeT f) | |
Defined in Control.Monad.Trans.Maybe Methods fold :: Monoid m => MaybeT f m -> m # foldMap :: Monoid m => (a -> m) -> MaybeT f a -> m # foldr :: (a -> b -> b) -> b -> MaybeT f a -> b # foldr' :: (a -> b -> b) -> b -> MaybeT f a -> b # foldl :: (b -> a -> b) -> b -> MaybeT f a -> b # foldl' :: (b -> a -> b) -> b -> MaybeT f a -> b # foldr1 :: (a -> a -> a) -> MaybeT f a -> a # foldl1 :: (a -> a -> a) -> MaybeT f a -> a # elem :: Eq a => a -> MaybeT f a -> Bool # maximum :: Ord a => MaybeT f a -> a # minimum :: Ord a => MaybeT f a -> a # | |
Foldable f => Foldable (ListT f) | |
Defined in Control.Monad.Trans.List Methods fold :: Monoid m => ListT f m -> m # foldMap :: Monoid m => (a -> m) -> ListT f a -> m # foldr :: (a -> b -> b) -> b -> ListT f a -> b # foldr' :: (a -> b -> b) -> b -> ListT f a -> b # foldl :: (b -> a -> b) -> b -> ListT f a -> b # foldl' :: (b -> a -> b) -> b -> ListT f a -> b # foldr1 :: (a -> a -> a) -> ListT f a -> a # foldl1 :: (a -> a -> a) -> ListT f a -> a # elem :: Eq a => a -> ListT f a -> Bool # maximum :: Ord a => ListT f a -> a # minimum :: Ord a => ListT f a -> a # | |
Foldable (Of a) | |
Defined in Data.Functor.Of Methods fold :: Monoid m => Of a m -> m # foldMap :: Monoid m => (a0 -> m) -> Of a a0 -> m # foldr :: (a0 -> b -> b) -> b -> Of a a0 -> b # foldr' :: (a0 -> b -> b) -> b -> Of a a0 -> b # foldl :: (b -> a0 -> b) -> b -> Of a a0 -> b # foldl' :: (b -> a0 -> b) -> b -> Of a a0 -> b # foldr1 :: (a0 -> a0 -> a0) -> Of a a0 -> a0 # foldl1 :: (a0 -> a0 -> a0) -> Of a a0 -> a0 # elem :: Eq a0 => a0 -> Of a a0 -> Bool # maximum :: Ord a0 => Of a a0 -> a0 # minimum :: Ord a0 => Of a a0 -> a0 # | |
(Foldable m, Monad m) => Foldable (ZipSerialM m) | |
Defined in Streamly.Streams.Zip Methods fold :: Monoid m0 => ZipSerialM m m0 -> m0 # foldMap :: Monoid m0 => (a -> m0) -> ZipSerialM m a -> m0 # foldr :: (a -> b -> b) -> b -> ZipSerialM m a -> b # foldr' :: (a -> b -> b) -> b -> ZipSerialM m a -> b # foldl :: (b -> a -> b) -> b -> ZipSerialM m a -> b # foldl' :: (b -> a -> b) -> b -> ZipSerialM m a -> b # foldr1 :: (a -> a -> a) -> ZipSerialM m a -> a # foldl1 :: (a -> a -> a) -> ZipSerialM m a -> a # toList :: ZipSerialM m a -> [a] # null :: ZipSerialM m a -> Bool # length :: ZipSerialM m a -> Int # elem :: Eq a => a -> ZipSerialM m a -> Bool # maximum :: Ord a => ZipSerialM m a -> a # minimum :: Ord a => ZipSerialM m a -> a # sum :: Num a => ZipSerialM m a -> a # product :: Num a => ZipSerialM m a -> a # | |
(Foldable m, Monad m) => Foldable (SerialT m) | |
Defined in Streamly.Streams.Serial Methods fold :: Monoid m0 => SerialT m m0 -> m0 # foldMap :: Monoid m0 => (a -> m0) -> SerialT m a -> m0 # foldr :: (a -> b -> b) -> b -> SerialT m a -> b # foldr' :: (a -> b -> b) -> b -> SerialT m a -> b # foldl :: (b -> a -> b) -> b -> SerialT m a -> b # foldl' :: (b -> a -> b) -> b -> SerialT m a -> b # foldr1 :: (a -> a -> a) -> SerialT m a -> a # foldl1 :: (a -> a -> a) -> SerialT m a -> a # toList :: SerialT m a -> [a] # length :: SerialT m a -> Int # elem :: Eq a => a -> SerialT m a -> Bool # maximum :: Ord a => SerialT m a -> a # minimum :: Ord a => SerialT m a -> a # | |
(Foldable m, Monad m) => Foldable (WSerialT m) | |
Defined in Streamly.Streams.Serial Methods fold :: Monoid m0 => WSerialT m m0 -> m0 # foldMap :: Monoid m0 => (a -> m0) -> WSerialT m a -> m0 # foldr :: (a -> b -> b) -> b -> WSerialT m a -> b # foldr' :: (a -> b -> b) -> b -> WSerialT m a -> b # foldl :: (b -> a -> b) -> b -> WSerialT m a -> b # foldl' :: (b -> a -> b) -> b -> WSerialT m a -> b # foldr1 :: (a -> a -> a) -> WSerialT m a -> a # foldl1 :: (a -> a -> a) -> WSerialT m a -> a # toList :: WSerialT m a -> [a] # null :: WSerialT m a -> Bool # length :: WSerialT m a -> Int # elem :: Eq a => a -> WSerialT m a -> Bool # maximum :: Ord a => WSerialT m a -> a # minimum :: Ord a => WSerialT m a -> a # | |
Foldable f => Foldable (Rec1 f) | Since: base-4.9.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => Rec1 f m -> m # foldMap :: Monoid m => (a -> m) -> Rec1 f a -> m # foldr :: (a -> b -> b) -> b -> Rec1 f a -> b # foldr' :: (a -> b -> b) -> b -> Rec1 f a -> b # foldl :: (b -> a -> b) -> b -> Rec1 f a -> b # foldl' :: (b -> a -> b) -> b -> Rec1 f a -> b # foldr1 :: (a -> a -> a) -> Rec1 f a -> a # foldl1 :: (a -> a -> a) -> Rec1 f a -> a # elem :: Eq a => a -> Rec1 f a -> Bool # maximum :: Ord a => Rec1 f a -> a # minimum :: Ord a => Rec1 f a -> a # | |
Foldable (URec Char :: Type -> Type) | Since: base-4.9.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => URec Char m -> m # foldMap :: Monoid m => (a -> m) -> URec Char a -> m # foldr :: (a -> b -> b) -> b -> URec Char a -> b # foldr' :: (a -> b -> b) -> b -> URec Char a -> b # foldl :: (b -> a -> b) -> b -> URec Char a -> b # foldl' :: (b -> a -> b) -> b -> URec Char a -> b # foldr1 :: (a -> a -> a) -> URec Char a -> a # foldl1 :: (a -> a -> a) -> URec Char a -> a # toList :: URec Char a -> [a] # length :: URec Char a -> Int # elem :: Eq a => a -> URec Char a -> Bool # maximum :: Ord a => URec Char a -> a # minimum :: Ord a => URec Char a -> a # | |
Foldable (URec Double :: Type -> Type) | Since: base-4.9.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => URec Double m -> m # foldMap :: Monoid m => (a -> m) -> URec Double a -> m # foldr :: (a -> b -> b) -> b -> URec Double a -> b # foldr' :: (a -> b -> b) -> b -> URec Double a -> b # foldl :: (b -> a -> b) -> b -> URec Double a -> b # foldl' :: (b -> a -> b) -> b -> URec Double a -> b # foldr1 :: (a -> a -> a) -> URec Double a -> a # foldl1 :: (a -> a -> a) -> URec Double a -> a # toList :: URec Double a -> [a] # null :: URec Double a -> Bool # length :: URec Double a -> Int # elem :: Eq a => a -> URec Double a -> Bool # maximum :: Ord a => URec Double a -> a # minimum :: Ord a => URec Double a -> a # | |
Foldable (URec Float :: Type -> Type) | Since: base-4.9.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => URec Float m -> m # foldMap :: Monoid m => (a -> m) -> URec Float a -> m # foldr :: (a -> b -> b) -> b -> URec Float a -> b # foldr' :: (a -> b -> b) -> b -> URec Float a -> b # foldl :: (b -> a -> b) -> b -> URec Float a -> b # foldl' :: (b -> a -> b) -> b -> URec Float a -> b # foldr1 :: (a -> a -> a) -> URec Float a -> a # foldl1 :: (a -> a -> a) -> URec Float a -> a # toList :: URec Float a -> [a] # null :: URec Float a -> Bool # length :: URec Float a -> Int # elem :: Eq a => a -> URec Float a -> Bool # maximum :: Ord a => URec Float a -> a # minimum :: Ord a => URec Float a -> a # | |
Foldable (URec Int :: Type -> Type) | Since: base-4.9.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => URec Int m -> m # foldMap :: Monoid m => (a -> m) -> URec Int a -> m # foldr :: (a -> b -> b) -> b -> URec Int a -> b # foldr' :: (a -> b -> b) -> b -> URec Int a -> b # foldl :: (b -> a -> b) -> b -> URec Int a -> b # foldl' :: (b -> a -> b) -> b -> URec Int a -> b # foldr1 :: (a -> a -> a) -> URec Int a -> a # foldl1 :: (a -> a -> a) -> URec Int a -> a # elem :: Eq a => a -> URec Int a -> Bool # maximum :: Ord a => URec Int a -> a # minimum :: Ord a => URec Int a -> a # | |
Foldable (URec Word :: Type -> Type) | Since: base-4.9.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => URec Word m -> m # foldMap :: Monoid m => (a -> m) -> URec Word a -> m # foldr :: (a -> b -> b) -> b -> URec Word a -> b # foldr' :: (a -> b -> b) -> b -> URec Word a -> b # foldl :: (b -> a -> b) -> b -> URec Word a -> b # foldl' :: (b -> a -> b) -> b -> URec Word a -> b # foldr1 :: (a -> a -> a) -> URec Word a -> a # foldl1 :: (a -> a -> a) -> URec Word a -> a # toList :: URec Word a -> [a] # length :: URec Word a -> Int # elem :: Eq a => a -> URec Word a -> Bool # maximum :: Ord a => URec Word a -> a # minimum :: Ord a => URec Word a -> a # | |
Foldable (URec (Ptr ()) :: Type -> Type) | Since: base-4.9.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => URec (Ptr ()) m -> m # foldMap :: Monoid m => (a -> m) -> URec (Ptr ()) a -> m # foldr :: (a -> b -> b) -> b -> URec (Ptr ()) a -> b # foldr' :: (a -> b -> b) -> b -> URec (Ptr ()) a -> b # foldl :: (b -> a -> b) -> b -> URec (Ptr ()) a -> b # foldl' :: (b -> a -> b) -> b -> URec (Ptr ()) a -> b # foldr1 :: (a -> a -> a) -> URec (Ptr ()) a -> a # foldl1 :: (a -> a -> a) -> URec (Ptr ()) a -> a # toList :: URec (Ptr ()) a -> [a] # null :: URec (Ptr ()) a -> Bool # length :: URec (Ptr ()) a -> Int # elem :: Eq a => a -> URec (Ptr ()) a -> Bool # maximum :: Ord a => URec (Ptr ()) a -> a # minimum :: Ord a => URec (Ptr ()) a -> a # | |
Foldable (Const m :: Type -> Type) | Since: base-4.7.0.0 |
Defined in Data.Functor.Const Methods fold :: Monoid m0 => Const m m0 -> m0 # foldMap :: Monoid m0 => (a -> m0) -> Const m a -> m0 # foldr :: (a -> b -> b) -> b -> Const m a -> b # foldr' :: (a -> b -> b) -> b -> Const m a -> b # foldl :: (b -> a -> b) -> b -> Const m a -> b # foldl' :: (b -> a -> b) -> b -> Const m a -> b # foldr1 :: (a -> a -> a) -> Const m a -> a # foldl1 :: (a -> a -> a) -> Const m a -> a # elem :: Eq a => a -> Const m a -> Bool # maximum :: Ord a => Const m a -> a # minimum :: Ord a => Const m a -> a # | |
Foldable f => Foldable (Ap f) | Since: base-4.12.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => Ap f m -> m # foldMap :: Monoid m => (a -> m) -> Ap f a -> m # foldr :: (a -> b -> b) -> b -> Ap f a -> b # foldr' :: (a -> b -> b) -> b -> Ap f a -> b # foldl :: (b -> a -> b) -> b -> Ap f a -> b # foldl' :: (b -> a -> b) -> b -> Ap f a -> b # foldr1 :: (a -> a -> a) -> Ap f a -> a # foldl1 :: (a -> a -> a) -> Ap f a -> a # elem :: Eq a => a -> Ap f a -> Bool # maximum :: Ord a => Ap f a -> a # | |
Foldable f => Foldable (Alt f) | Since: base-4.12.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => Alt f m -> m # foldMap :: Monoid m => (a -> m) -> Alt f a -> m # foldr :: (a -> b -> b) -> b -> Alt f a -> b # foldr' :: (a -> b -> b) -> b -> Alt f a -> b # foldl :: (b -> a -> b) -> b -> Alt f a -> b # foldl' :: (b -> a -> b) -> b -> Alt f a -> b # foldr1 :: (a -> a -> a) -> Alt f a -> a # foldl1 :: (a -> a -> a) -> Alt f a -> a # elem :: Eq a => a -> Alt f a -> Bool # maximum :: Ord a => Alt f a -> a # minimum :: Ord a => Alt f a -> a # | |
Foldable f => Foldable (WriterT w f) | |
Defined in Control.Monad.Trans.Writer.Strict Methods fold :: Monoid m => WriterT w f m -> m # foldMap :: Monoid m => (a -> m) -> WriterT w f a -> m # foldr :: (a -> b -> b) -> b -> WriterT w f a -> b # foldr' :: (a -> b -> b) -> b -> WriterT w f a -> b # foldl :: (b -> a -> b) -> b -> WriterT w f a -> b # foldl' :: (b -> a -> b) -> b -> WriterT w f a -> b # foldr1 :: (a -> a -> a) -> WriterT w f a -> a # foldl1 :: (a -> a -> a) -> WriterT w f a -> a # toList :: WriterT w f a -> [a] # null :: WriterT w f a -> Bool # length :: WriterT w f a -> Int # elem :: Eq a => a -> WriterT w f a -> Bool # maximum :: Ord a => WriterT w f a -> a # minimum :: Ord a => WriterT w f a -> a # | |
Foldable f => Foldable (WriterT w f) | |
Defined in Control.Monad.Trans.Writer.Lazy Methods fold :: Monoid m => WriterT w f m -> m # foldMap :: Monoid m => (a -> m) -> WriterT w f a -> m # foldr :: (a -> b -> b) -> b -> WriterT w f a -> b # foldr' :: (a -> b -> b) -> b -> WriterT w f a -> b # foldl :: (b -> a -> b) -> b -> WriterT w f a -> b # foldl' :: (b -> a -> b) -> b -> WriterT w f a -> b # foldr1 :: (a -> a -> a) -> WriterT w f a -> a # foldl1 :: (a -> a -> a) -> WriterT w f a -> a # toList :: WriterT w f a -> [a] # null :: WriterT w f a -> Bool # length :: WriterT w f a -> Int # elem :: Eq a => a -> WriterT w f a -> Bool # maximum :: Ord a => WriterT w f a -> a # minimum :: Ord a => WriterT w f a -> a # | |
Foldable f => Foldable (ExceptT e f) | |
Defined in Control.Monad.Trans.Except Methods fold :: Monoid m => ExceptT e f m -> m # foldMap :: Monoid m => (a -> m) -> ExceptT e f a -> m # foldr :: (a -> b -> b) -> b -> ExceptT e f a -> b # foldr' :: (a -> b -> b) -> b -> ExceptT e f a -> b # foldl :: (b -> a -> b) -> b -> ExceptT e f a -> b # foldl' :: (b -> a -> b) -> b -> ExceptT e f a -> b # foldr1 :: (a -> a -> a) -> ExceptT e f a -> a # foldl1 :: (a -> a -> a) -> ExceptT e f a -> a # toList :: ExceptT e f a -> [a] # null :: ExceptT e f a -> Bool # length :: ExceptT e f a -> Int # elem :: Eq a => a -> ExceptT e f a -> Bool # maximum :: Ord a => ExceptT e f a -> a # minimum :: Ord a => ExceptT e f a -> a # | |
Foldable f => Foldable (ErrorT e f) | |
Defined in Control.Monad.Trans.Error Methods fold :: Monoid m => ErrorT e f m -> m # foldMap :: Monoid m => (a -> m) -> ErrorT e f a -> m # foldr :: (a -> b -> b) -> b -> ErrorT e f a -> b # foldr' :: (a -> b -> b) -> b -> ErrorT e f a -> b # foldl :: (b -> a -> b) -> b -> ErrorT e f a -> b # foldl' :: (b -> a -> b) -> b -> ErrorT e f a -> b # foldr1 :: (a -> a -> a) -> ErrorT e f a -> a # foldl1 :: (a -> a -> a) -> ErrorT e f a -> a # toList :: ErrorT e f a -> [a] # null :: ErrorT e f a -> Bool # length :: ErrorT e f a -> Int # elem :: Eq a => a -> ErrorT e f a -> Bool # maximum :: Ord a => ErrorT e f a -> a # minimum :: Ord a => ErrorT e f a -> a # | |
Foldable f => Foldable (IdentityT f) | |
Defined in Control.Monad.Trans.Identity Methods fold :: Monoid m => IdentityT f m -> m # foldMap :: Monoid m => (a -> m) -> IdentityT f a -> m # foldr :: (a -> b -> b) -> b -> IdentityT f a -> b # foldr' :: (a -> b -> b) -> b -> IdentityT f a -> b # foldl :: (b -> a -> b) -> b -> IdentityT f a -> b # foldl' :: (b -> a -> b) -> b -> IdentityT f a -> b # foldr1 :: (a -> a -> a) -> IdentityT f a -> a # foldl1 :: (a -> a -> a) -> IdentityT f a -> a # toList :: IdentityT f a -> [a] # null :: IdentityT f a -> Bool # length :: IdentityT f a -> Int # elem :: Eq a => a -> IdentityT f a -> Bool # maximum :: Ord a => IdentityT f a -> a # minimum :: Ord a => IdentityT f a -> a # | |
Foldable (Tagged s) | |
Defined in Data.Tagged Methods fold :: Monoid m => Tagged s m -> m # foldMap :: Monoid m => (a -> m) -> Tagged s a -> m # foldr :: (a -> b -> b) -> b -> Tagged s a -> b # foldr' :: (a -> b -> b) -> b -> Tagged s a -> b # foldl :: (b -> a -> b) -> b -> Tagged s a -> b # foldl' :: (b -> a -> b) -> b -> Tagged s a -> b # foldr1 :: (a -> a -> a) -> Tagged s a -> a # foldl1 :: (a -> a -> a) -> Tagged s a -> a # elem :: Eq a => a -> Tagged s a -> Bool # maximum :: Ord a => Tagged s a -> a # minimum :: Ord a => Tagged s a -> a # | |
Foldable (Const a :: Type -> Type) | |
Defined in Data.Vinyl.Functor Methods fold :: Monoid m => Const a m -> m # foldMap :: Monoid m => (a0 -> m) -> Const a a0 -> m # foldr :: (a0 -> b -> b) -> b -> Const a a0 -> b # foldr' :: (a0 -> b -> b) -> b -> Const a a0 -> b # foldl :: (b -> a0 -> b) -> b -> Const a a0 -> b # foldl' :: (b -> a0 -> b) -> b -> Const a a0 -> b # foldr1 :: (a0 -> a0 -> a0) -> Const a a0 -> a0 # foldl1 :: (a0 -> a0 -> a0) -> Const a a0 -> a0 # toList :: Const a a0 -> [a0] # elem :: Eq a0 => a0 -> Const a a0 -> Bool # maximum :: Ord a0 => Const a a0 -> a0 # minimum :: Ord a0 => Const a a0 -> a0 # | |
Foldable (K1 i c :: Type -> Type) | Since: base-4.9.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => K1 i c m -> m # foldMap :: Monoid m => (a -> m) -> K1 i c a -> m # foldr :: (a -> b -> b) -> b -> K1 i c a -> b # foldr' :: (a -> b -> b) -> b -> K1 i c a -> b # foldl :: (b -> a -> b) -> b -> K1 i c a -> b # foldl' :: (b -> a -> b) -> b -> K1 i c a -> b # foldr1 :: (a -> a -> a) -> K1 i c a -> a # foldl1 :: (a -> a -> a) -> K1 i c a -> a # elem :: Eq a => a -> K1 i c a -> Bool # maximum :: Ord a => K1 i c a -> a # minimum :: Ord a => K1 i c a -> a # | |
(Foldable f, Foldable g) => Foldable (f :+: g) | Since: base-4.9.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => (f :+: g) m -> m # foldMap :: Monoid m => (a -> m) -> (f :+: g) a -> m # foldr :: (a -> b -> b) -> b -> (f :+: g) a -> b # foldr' :: (a -> b -> b) -> b -> (f :+: g) a -> b # foldl :: (b -> a -> b) -> b -> (f :+: g) a -> b # foldl' :: (b -> a -> b) -> b -> (f :+: g) a -> b # foldr1 :: (a -> a -> a) -> (f :+: g) a -> a # foldl1 :: (a -> a -> a) -> (f :+: g) a -> a # toList :: (f :+: g) a -> [a] # length :: (f :+: g) a -> Int # elem :: Eq a => a -> (f :+: g) a -> Bool # maximum :: Ord a => (f :+: g) a -> a # minimum :: Ord a => (f :+: g) a -> a # | |
(Foldable f, Foldable g) => Foldable (f :*: g) | Since: base-4.9.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => (f :*: g) m -> m # foldMap :: Monoid m => (a -> m) -> (f :*: g) a -> m # foldr :: (a -> b -> b) -> b -> (f :*: g) a -> b # foldr' :: (a -> b -> b) -> b -> (f :*: g) a -> b # foldl :: (b -> a -> b) -> b -> (f :*: g) a -> b # foldl' :: (b -> a -> b) -> b -> (f :*: g) a -> b # foldr1 :: (a -> a -> a) -> (f :*: g) a -> a # foldl1 :: (a -> a -> a) -> (f :*: g) a -> a # toList :: (f :*: g) a -> [a] # length :: (f :*: g) a -> Int # elem :: Eq a => a -> (f :*: g) a -> Bool # maximum :: Ord a => (f :*: g) a -> a # minimum :: Ord a => (f :*: g) a -> a # | |
(Foldable f, Foldable g) => Foldable (Product f g) | Since: base-4.9.0.0 |
Defined in Data.Functor.Product Methods fold :: Monoid m => Product f g m -> m # foldMap :: Monoid m => (a -> m) -> Product f g a -> m # foldr :: (a -> b -> b) -> b -> Product f g a -> b # foldr' :: (a -> b -> b) -> b -> Product f g a -> b # foldl :: (b -> a -> b) -> b -> Product f g a -> b # foldl' :: (b -> a -> b) -> b -> Product f g a -> b # foldr1 :: (a -> a -> a) -> Product f g a -> a # foldl1 :: (a -> a -> a) -> Product f g a -> a # toList :: Product f g a -> [a] # null :: Product f g a -> Bool # length :: Product f g a -> Int # elem :: Eq a => a -> Product f g a -> Bool # maximum :: Ord a => Product f g a -> a # minimum :: Ord a => Product f g a -> a # | |
(Foldable f, Foldable g) => Foldable (Sum f g) | Since: base-4.9.0.0 |
Defined in Data.Functor.Sum Methods fold :: Monoid m => Sum f g m -> m # foldMap :: Monoid m => (a -> m) -> Sum f g a -> m # foldr :: (a -> b -> b) -> b -> Sum f g a -> b # foldr' :: (a -> b -> b) -> b -> Sum f g a -> b # foldl :: (b -> a -> b) -> b -> Sum f g a -> b # foldl' :: (b -> a -> b) -> b -> Sum f g a -> b # foldr1 :: (a -> a -> a) -> Sum f g a -> a # foldl1 :: (a -> a -> a) -> Sum f g a -> a # elem :: Eq a => a -> Sum f g a -> Bool # maximum :: Ord a => Sum f g a -> a # minimum :: Ord a => Sum f g a -> a # | |
Foldable f => Foldable (M1 i c f) | Since: base-4.9.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => M1 i c f m -> m # foldMap :: Monoid m => (a -> m) -> M1 i c f a -> m # foldr :: (a -> b -> b) -> b -> M1 i c f a -> b # foldr' :: (a -> b -> b) -> b -> M1 i c f a -> b # foldl :: (b -> a -> b) -> b -> M1 i c f a -> b # foldl' :: (b -> a -> b) -> b -> M1 i c f a -> b # foldr1 :: (a -> a -> a) -> M1 i c f a -> a # foldl1 :: (a -> a -> a) -> M1 i c f a -> a # elem :: Eq a => a -> M1 i c f a -> Bool # maximum :: Ord a => M1 i c f a -> a # minimum :: Ord a => M1 i c f a -> a # | |
(Foldable f, Foldable g) => Foldable (f :.: g) | Since: base-4.9.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => (f :.: g) m -> m # foldMap :: Monoid m => (a -> m) -> (f :.: g) a -> m # foldr :: (a -> b -> b) -> b -> (f :.: g) a -> b # foldr' :: (a -> b -> b) -> b -> (f :.: g) a -> b # foldl :: (b -> a -> b) -> b -> (f :.: g) a -> b # foldl' :: (b -> a -> b) -> b -> (f :.: g) a -> b # foldr1 :: (a -> a -> a) -> (f :.: g) a -> a # foldl1 :: (a -> a -> a) -> (f :.: g) a -> a # toList :: (f :.: g) a -> [a] # length :: (f :.: g) a -> Int # elem :: Eq a => a -> (f :.: g) a -> Bool # maximum :: Ord a => (f :.: g) a -> a # minimum :: Ord a => (f :.: g) a -> a # | |
(Foldable f, Foldable g) => Foldable (Compose f g) | Since: base-4.9.0.0 |
Defined in Data.Functor.Compose Methods fold :: Monoid m => Compose f g m -> m # foldMap :: Monoid m => (a -> m) -> Compose f g a -> m # foldr :: (a -> b -> b) -> b -> Compose f g a -> b # foldr' :: (a -> b -> b) -> b -> Compose f g a -> b # foldl :: (b -> a -> b) -> b -> Compose f g a -> b # foldl' :: (b -> a -> b) -> b -> Compose f g a -> b # foldr1 :: (a -> a -> a) -> Compose f g a -> a # foldl1 :: (a -> a -> a) -> Compose f g a -> a # toList :: Compose f g a -> [a] # null :: Compose f g a -> Bool # length :: Compose f g a -> Int # elem :: Eq a => a -> Compose f g a -> Bool # maximum :: Ord a => Compose f g a -> a # minimum :: Ord a => Compose f g a -> a # | |
(Foldable f, Foldable g) => Foldable (Compose f g) | |
Defined in Data.Vinyl.Functor Methods fold :: Monoid m => Compose f g m -> m # foldMap :: Monoid m => (a -> m) -> Compose f g a -> m # foldr :: (a -> b -> b) -> b -> Compose f g a -> b # foldr' :: (a -> b -> b) -> b -> Compose f g a -> b # foldl :: (b -> a -> b) -> b -> Compose f g a -> b # foldl' :: (b -> a -> b) -> b -> Compose f g a -> b # foldr1 :: (a -> a -> a) -> Compose f g a -> a # foldl1 :: (a -> a -> a) -> Compose f g a -> a # toList :: Compose f g a -> [a] # null :: Compose f g a -> Bool # length :: Compose f g a -> Int # elem :: Eq a => a -> Compose f g a -> Bool # maximum :: Ord a => Compose f g a -> a # minimum :: Ord a => Compose f g a -> a # |
class (Functor t, Foldable t) => Traversable (t :: Type -> Type) where #
Functors representing data structures that can be traversed from left to right.
A definition of traverse
must satisfy the following laws:
- naturality
t .
for every applicative transformationtraverse
f =traverse
(t . f)t
- identity
traverse
Identity = Identity- composition
traverse
(Compose .fmap
g . f) = Compose .fmap
(traverse
g) .traverse
f
A definition of sequenceA
must satisfy the following laws:
- naturality
t .
for every applicative transformationsequenceA
=sequenceA
.fmap
tt
- identity
sequenceA
.fmap
Identity = Identity- composition
sequenceA
.fmap
Compose = Compose .fmap
sequenceA
.sequenceA
where an applicative transformation is a function
t :: (Applicative f, Applicative g) => f a -> g a
preserving the Applicative
operations, i.e.
and the identity functor Identity
and composition of functors Compose
are defined as
newtype Identity a = Identity a instance Functor Identity where fmap f (Identity x) = Identity (f x) instance Applicative Identity where pure x = Identity x Identity f <*> Identity x = Identity (f x) newtype Compose f g a = Compose (f (g a)) instance (Functor f, Functor g) => Functor (Compose f g) where fmap f (Compose x) = Compose (fmap (fmap f) x) instance (Applicative f, Applicative g) => Applicative (Compose f g) where pure x = Compose (pure (pure x)) Compose f <*> Compose x = Compose ((<*>) <$> f <*> x)
(The naturality law is implied by parametricity.)
Instances are similar to Functor
, e.g. given a data type
data Tree a = Empty | Leaf a | Node (Tree a) a (Tree a)
a suitable instance would be
instance Traversable Tree where traverse f Empty = pure Empty traverse f (Leaf x) = Leaf <$> f x traverse f (Node l k r) = Node <$> traverse f l <*> f k <*> traverse f r
This is suitable even for abstract types, as the laws for <*>
imply a form of associativity.
The superclass instances should satisfy the following:
- In the
Functor
instance,fmap
should be equivalent to traversal with the identity applicative functor (fmapDefault
). - In the
Foldable
instance,foldMap
should be equivalent to traversal with a constant applicative functor (foldMapDefault
).
Methods
traverse :: Applicative f => (a -> f b) -> t a -> f (t b) #
Map each element of a structure to an action, evaluate these actions
from left to right, and collect the results. For a version that ignores
the results see traverse_
.
sequenceA :: Applicative f => t (f a) -> f (t a) #
Evaluate each action in the structure from left to right, and
collect the results. For a version that ignores the results
see sequenceA_
.
mapM :: Monad m => (a -> m b) -> t a -> m (t b) #
Map each element of a structure to a monadic action, evaluate
these actions from left to right, and collect the results. For
a version that ignores the results see mapM_
.
sequence :: Monad m => t (m a) -> m (t a) #
Evaluate each monadic action in the structure from left to
right, and collect the results. For a version that ignores the
results see sequence_
.
Instances
The class of semigroups (types with an associative binary operation).
Instances should satisfy the associativity law:
Since: base-4.9.0.0
Instances
class Semigroup a => Monoid a where #
The class of monoids (types with an associative binary operation that has an identity). Instances should satisfy the following laws:
x
<>
mempty
= xmempty
<>
x = xx
(<>
(y<>
z) = (x<>
y)<>
zSemigroup
law)mconcat
=foldr
'(<>)'mempty
The method names refer to the monoid of lists under concatenation, but there are many other instances.
Some types can be viewed as a monoid in more than one way,
e.g. both addition and multiplication on numbers.
In such cases we often define newtype
s and make those instances
of Monoid
, e.g. Sum
and Product
.
NOTE: Semigroup
is a superclass of Monoid
since base-4.11.0.0.
Minimal complete definition
Methods
Identity of mappend
An associative operation
NOTE: This method is redundant and has the default
implementation
since base-4.11.0.0.mappend
= '(<>)'
Fold a list using the monoid.
For most types, the default definition for mconcat
will be
used, but the function is included in the class definition so
that an optimized version can be provided for specific types.
Instances
Instances
Bounded Bool | Since: base-2.1 |
Enum Bool | Since: base-2.1 |
Eq Bool | |
Ord Bool | |
Read Bool | Since: base-2.1 |
Show Bool | Since: base-2.1 |
Generic Bool | |
Lift Bool | |
Hashable Bool | |
Defined in Data.Hashable.Class | |
ToJSON Bool | |
Defined in Data.Aeson.Types.ToJSON | |
ToJSONKey Bool | |
Defined in Data.Aeson.Types.ToJSON | |
FromJSON Bool | |
FromJSONKey Bool | |
Defined in Data.Aeson.Types.FromJSON | |
SingKind Bool | Since: base-4.9.0.0 |
Defined in GHC.Generics | |
Storable Bool | Since: base-2.1 |
Defined in Foreign.Storable | |
ToValue Bool | |
Defined in Text.Blaze | |
ToMarkup Bool | |
Defined in Text.Blaze | |
NFData Bool | |
Defined in Control.DeepSeq | |
Pretty Bool |
|
Defined in Data.Text.Prettyprint.Doc.Internal | |
Random Bool | |
PShow Bool | |
SShow Bool | |
PEnum Bool | |
Defined in Data.Singletons.Prelude.Enum | |
SEnum Bool | |
Defined in Data.Singletons.Prelude.Enum Methods sSucc :: Sing t -> Sing (Apply SuccSym0 t) # sPred :: Sing t -> Sing (Apply PredSym0 t) # sToEnum :: Sing t -> Sing (Apply ToEnumSym0 t) # sFromEnum :: Sing t -> Sing (Apply FromEnumSym0 t) # sEnumFromTo :: Sing t1 -> Sing t2 -> Sing (Apply (Apply EnumFromToSym0 t1) t2) # sEnumFromThenTo :: Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply EnumFromThenToSym0 t1) t2) t3) # | |
PBounded Bool | |
Defined in Data.Singletons.Prelude.Enum | |
SBounded Bool | |
Defined in Data.Singletons.Prelude.Enum | |
POrd Bool | |
SOrd Bool | |
Defined in Data.Singletons.Prelude.Ord Methods sCompare :: Sing t1 -> Sing t2 -> Sing (Apply (Apply CompareSym0 t1) t2) # (%<) :: Sing t1 -> Sing t2 -> Sing (Apply (Apply (<@#@$) t1) t2) # (%<=) :: Sing t1 -> Sing t2 -> Sing (Apply (Apply (<=@#@$) t1) t2) # (%>) :: Sing t1 -> Sing t2 -> Sing (Apply (Apply (>@#@$) t1) t2) # (%>=) :: Sing t1 -> Sing t2 -> Sing (Apply (Apply (>=@#@$) t1) t2) # sMax :: Sing t1 -> Sing t2 -> Sing (Apply (Apply MaxSym0 t1) t2) # sMin :: Sing t1 -> Sing t2 -> Sing (Apply (Apply MinSym0 t1) t2) # | |
SEq Bool | |
PEq Bool | |
Unbox Bool | |
Defined in Data.Vector.Unboxed.Base | |
SingI False | Since: base-4.9.0.0 |
Defined in GHC.Generics | |
SingI True | Since: base-4.9.0.0 |
Defined in GHC.Generics | |
Vector Vector Bool | |
Defined in Data.Vector.Unboxed.Base Methods basicUnsafeFreeze :: PrimMonad m => Mutable Vector (PrimState m) Bool -> m (Vector Bool) # basicUnsafeThaw :: PrimMonad m => Vector Bool -> m (Mutable Vector (PrimState m) Bool) # basicLength :: Vector Bool -> Int # basicUnsafeSlice :: Int -> Int -> Vector Bool -> Vector Bool # basicUnsafeIndexM :: Monad m => Vector Bool -> Int -> m Bool # basicUnsafeCopy :: PrimMonad m => Mutable Vector (PrimState m) Bool -> Vector Bool -> m () # | |
MVector MVector Bool | |
Defined in Data.Vector.Unboxed.Base Methods basicLength :: MVector s Bool -> Int # basicUnsafeSlice :: Int -> Int -> MVector s Bool -> MVector s Bool # basicOverlaps :: MVector s Bool -> MVector s Bool -> Bool # basicUnsafeNew :: PrimMonad m => Int -> m (MVector (PrimState m) Bool) # basicInitialize :: PrimMonad m => MVector (PrimState m) Bool -> m () # basicUnsafeReplicate :: PrimMonad m => Int -> Bool -> m (MVector (PrimState m) Bool) # basicUnsafeRead :: PrimMonad m => MVector (PrimState m) Bool -> Int -> m Bool # basicUnsafeWrite :: PrimMonad m => MVector (PrimState m) Bool -> Int -> Bool -> m () # basicClear :: PrimMonad m => MVector (PrimState m) Bool -> m () # basicSet :: PrimMonad m => MVector (PrimState m) Bool -> Bool -> m () # basicUnsafeCopy :: PrimMonad m => MVector (PrimState m) Bool -> MVector (PrimState m) Bool -> m () # basicUnsafeMove :: PrimMonad m => MVector (PrimState m) Bool -> MVector (PrimState m) Bool -> m () # basicUnsafeGrow :: PrimMonad m => MVector (PrimState m) Bool -> Int -> m (MVector (PrimState m) Bool) # | |
SuppressUnusedWarnings NotSym0 | |
Defined in Data.Singletons.Prelude.Bool Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings FromEnum_6989586621679763353Sym0 | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings AllSym0 | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings All_Sym0 | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings AnySym0 | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings Any_Sym0 | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (||@#@$) | |
Defined in Data.Singletons.Prelude.Bool Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (&&@#@$) | |
Defined in Data.Singletons.Prelude.Bool Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings Compare_6989586621679390963Sym0 | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings ShowParenSym0 | |
Defined in Data.Singletons.Prelude.Show Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings OrSym0 | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings AndSym0 | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings ToEnum_6989586621679763347Sym0 | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings ShowsPrec_6989586621680280557Sym0 | |
Defined in Data.Singletons.Prelude.Show Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (<=?@#@$) | |
Defined in Data.Singletons.TypeLits.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings GetAllSym0 | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings GetAnySym0 | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SingI NotSym0 | |
Defined in Data.Singletons.Prelude.Bool | |
SingI (||@#@$) | |
Defined in Data.Singletons.Prelude.Bool | |
SingI (&&@#@$) | |
Defined in Data.Singletons.Prelude.Bool | |
SingI (<=?@#@$) | |
Defined in Data.Singletons.TypeLits.Internal | |
SingI AllSym0 | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
SingI AnySym0 | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
SingI ShowParenSym0 | |
Defined in Data.Singletons.Prelude.Show Methods sing :: Sing ShowParenSym0 # | |
SingI OrSym0 | |
Defined in Data.Singletons.Prelude.List.Internal | |
SingI AndSym0 | |
Defined in Data.Singletons.Prelude.List.Internal | |
SuppressUnusedWarnings ((||@#@$$) a6989586621679360252 :: TyFun Bool Bool -> Type) | |
Defined in Data.Singletons.Prelude.Bool Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings ((&&@#@$$) a6989586621679360011 :: TyFun Bool Bool -> Type) | |
Defined in Data.Singletons.Prelude.Bool Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679390963Sym1 a6989586621679390961 :: TyFun Bool Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (GuardSym0 :: TyFun Bool (f6989586621679544180 ()) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ShowsPrec_6989586621680280557Sym1 a6989586621680280554 :: TyFun Bool (Symbol ~> Symbol) -> Type) | |
Defined in Data.Singletons.Prelude.Show Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (UnlessSym0 :: TyFun Bool (f6989586621681207356 () ~> f6989586621681207356 ()) -> Type) | |
Defined in Data.Singletons.Prelude.Monad Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (WhenSym0 :: TyFun Bool (f6989586621679544209 () ~> f6989586621679544209 ()) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ListnullSym0 :: TyFun [a6989586621680386842] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ListisPrefixOfSym0 :: TyFun [a6989586621680386865] ([a6989586621680386865] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (NullSym0 :: TyFun [a6989586621679939379] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (IsSuffixOfSym0 :: TyFun [a6989586621679939344] ([a6989586621679939344] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (IsPrefixOfSym0 :: TyFun [a6989586621679939345] ([a6989586621679939345] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (IsInfixOfSym0 :: TyFun [a6989586621679939343] ([a6989586621679939343] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (IsNothingSym0 :: TyFun (Maybe a6989586621679494735) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (IsJustSym0 :: TyFun (Maybe a6989586621679494736) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings ((<=?@#@$$) a3530822107858468865 :: TyFun Nat Bool -> Type) | |
Defined in Data.Singletons.TypeLits.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ListelemSym0 :: TyFun a6989586621680386853 ([a6989586621680386853] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (NotElemSym0 :: TyFun a6989586621679939341 ([a6989586621679939341] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ElemSym0 :: TyFun a6989586621679939342 ([a6989586621679939342] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (OrSym0 :: TyFun (t6989586621680450238 Bool) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680450807Scrutinee_6989586621680450565Sym0 :: TyFun (t6989586621680450318 Bool) All -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680450798Scrutinee_6989586621680450567Sym0 :: TyFun (t6989586621680450318 Bool) Any -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680442141Scrutinee_6989586621680442079Sym0 :: TyFun k1 (TyFun k1 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680442114Scrutinee_6989586621680442077Sym0 :: TyFun k1 (TyFun k1 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (AndSym0 :: TyFun (t6989586621680450239 Bool) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (DefaultEqSym0 :: TyFun k6989586621679363274 (k6989586621679363274 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Eq Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings ((==@#@$) :: TyFun a6989586621679363280 (a6989586621679363280 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Eq Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings ((/=@#@$) :: TyFun a6989586621679363280 (a6989586621679363280 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Eq Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Bool_Sym0 :: TyFun a6989586621679359260 (a6989586621679359260 ~> (Bool ~> a6989586621679359260)) -> Type) | |
Defined in Data.Singletons.Prelude.Bool Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679379775Sym0 :: TyFun a6989586621679379561 (a6989586621679379561 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679379757Sym0 :: TyFun a6989586621679379561 (a6989586621679379561 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679379739Sym0 :: TyFun a6989586621679379561 (a6989586621679379561 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679379721Sym0 :: TyFun a6989586621679379561 (a6989586621679379561 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679379803Scrutinee_6989586621679379593Sym0 :: TyFun k1 (TyFun k1 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679379785Scrutinee_6989586621679379591Sym0 :: TyFun k1 (TyFun k1 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679379694Scrutinee_6989586621679379581Sym0 :: TyFun k1 (TyFun k1 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679379689Scrutinee_6989586621679379579Sym0 :: TyFun k1 (TyFun k1 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings ((>@#@$) :: TyFun a6989586621679379561 (a6989586621679379561 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings ((>=@#@$) :: TyFun a6989586621679379561 (a6989586621679379561 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings ((<@#@$) :: TyFun a6989586621679379561 (a6989586621679379561 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings ((<=@#@$) :: TyFun a6989586621679379561 (a6989586621679379561 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Elem_6989586621680675693Sym0 :: TyFun a6989586621680450335 (Identity a6989586621680450335 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Null_6989586621680675816Sym0 :: TyFun (Identity a6989586621680450333) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ListtakeWhileSym0 :: TyFun (a6989586621680386871 ~> Bool) ([a6989586621680386871] ~> [a6989586621680386871]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ListspanSym0 :: TyFun (a6989586621680386869 ~> Bool) ([a6989586621680386869] ~> ([a6989586621680386869], [a6989586621680386869])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ListpartitionSym0 :: TyFun (a6989586621680386867 ~> Bool) ([a6989586621680386867] ~> ([a6989586621680386867], [a6989586621680386867])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ListnubBySym0 :: TyFun (a6989586621680386859 ~> (a6989586621680386859 ~> Bool)) ([a6989586621680386859] ~> [a6989586621680386859]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ListfilterSym0 :: TyFun (a6989586621680386868 ~> Bool) ([a6989586621680386868] ~> [a6989586621680386868]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ListdropWhileSym0 :: TyFun (a6989586621680386870 ~> Bool) ([a6989586621680386870] ~> [a6989586621680386870]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (UnionBySym0 :: TyFun (a6989586621679939258 ~> (a6989586621679939258 ~> Bool)) ([a6989586621679939258] ~> ([a6989586621679939258] ~> [a6989586621679939258])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TakeWhileSym0 :: TyFun (a6989586621679939285 ~> Bool) ([a6989586621679939285] ~> [a6989586621679939285]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (SpanSym0 :: TyFun (a6989586621679939282 ~> Bool) ([a6989586621679939282] ~> ([a6989586621679939282], [a6989586621679939282])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (SelectSym0 :: TyFun (a6989586621679939268 ~> Bool) (a6989586621679939268 ~> (([a6989586621679939268], [a6989586621679939268]) ~> ([a6989586621679939268], [a6989586621679939268]))) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (PartitionSym0 :: TyFun (a6989586621679939269 ~> Bool) ([a6989586621679939269] ~> ([a6989586621679939269], [a6989586621679939269])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (NubBySym0 :: TyFun (a6989586621679939260 ~> (a6989586621679939260 ~> Bool)) ([a6989586621679939260] ~> [a6989586621679939260]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948743ZsSym0 :: TyFun (k ~> Bool) (TyFun k (TyFun [k] [k] -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948743YsSym0 :: TyFun (k ~> Bool) (TyFun k (TyFun [k] [k] -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948743X_6989586621679948744Sym0 :: TyFun (k ~> Bool) (TyFun k (TyFun [k] ([k], [k]) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948700ZsSym0 :: TyFun (k ~> Bool) (TyFun k (TyFun [k] [k] -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948700YsSym0 :: TyFun (k ~> Bool) (TyFun k (TyFun [k] [k] -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948700X_6989586621679948701Sym0 :: TyFun (k ~> Bool) (TyFun k (TyFun [k] ([k], [k]) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (IntersectBySym0 :: TyFun (a6989586621679939286 ~> (a6989586621679939286 ~> Bool)) ([a6989586621679939286] ~> ([a6989586621679939286] ~> [a6989586621679939286])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (GroupBySym0 :: TyFun (a6989586621679939272 ~> (a6989586621679939272 ~> Bool)) ([a6989586621679939272] ~> [[a6989586621679939272]]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (FindSym0 :: TyFun (a6989586621679939292 ~> Bool) ([a6989586621679939292] ~> Maybe a6989586621679939292) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (FindIndicesSym0 :: TyFun (a6989586621679939288 ~> Bool) ([a6989586621679939288] ~> [Nat]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (FindIndexSym0 :: TyFun (a6989586621679939289 ~> Bool) ([a6989586621679939289] ~> Maybe Nat) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (FilterSym0 :: TyFun (a6989586621679939293 ~> Bool) ([a6989586621679939293] ~> [a6989586621679939293]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Elem_bySym0 :: TyFun (a6989586621679939259 ~> (a6989586621679939259 ~> Bool)) (a6989586621679939259 ~> ([a6989586621679939259] ~> Bool)) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (DropWhileSym0 :: TyFun (a6989586621679939284 ~> Bool) ([a6989586621679939284] ~> [a6989586621679939284]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (DropWhileEndSym0 :: TyFun (a6989586621679939283 ~> Bool) ([a6989586621679939283] ~> [a6989586621679939283]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (DeleteFirstsBySym0 :: TyFun (a6989586621679939298 ~> (a6989586621679939298 ~> Bool)) ([a6989586621679939298] ~> ([a6989586621679939298] ~> [a6989586621679939298])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (DeleteBySym0 :: TyFun (a6989586621679939299 ~> (a6989586621679939299 ~> Bool)) (a6989586621679939299 ~> ([a6989586621679939299] ~> [a6989586621679939299])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (BreakSym0 :: TyFun (a6989586621679939281 ~> Bool) ([a6989586621679939281] ~> ([a6989586621679939281], [a6989586621679939281])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (AnySym0 :: TyFun (a6989586621679939362 ~> Bool) ([a6989586621679939362] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (AllSym0 :: TyFun (a6989586621679939363 ~> Bool) ([a6989586621679939363] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (UntilSym0 :: TyFun (a6989586621679519968 ~> Bool) ((a6989586621679519968 ~> a6989586621679519968) ~> (a6989586621679519968 ~> a6989586621679519968)) -> Type) | |
Defined in Data.Singletons.Prelude.Base Methods suppressUnusedWarnings :: () # | |
SingI x => SingI ((||@#@$$) x :: TyFun Bool Bool -> Type) | |
Defined in Data.Singletons.Prelude.Bool | |
SingI x => SingI ((&&@#@$$) x :: TyFun Bool Bool -> Type) | |
Defined in Data.Singletons.Prelude.Bool | |
SingI x => SingI ((<=?@#@$$) x :: TyFun Nat Bool -> Type) | |
Defined in Data.Singletons.TypeLits.Internal Methods sing :: Sing ((<=?@#@$$) x) # | |
SAlternative f => SingI (GuardSym0 :: TyFun Bool (f ()) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
SApplicative f => SingI (UnlessSym0 :: TyFun Bool (f () ~> f ()) -> Type) | |
Defined in Data.Singletons.Prelude.Monad Methods sing :: Sing UnlessSym0 # | |
SApplicative f => SingI (WhenSym0 :: TyFun Bool (f () ~> f ()) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
SingI (ListnullSym0 :: TyFun [a] Bool -> Type) | |
SEq a => SingI (ListisPrefixOfSym0 :: TyFun [a] ([a] ~> Bool) -> Type) | |
SingI (NullSym0 :: TyFun [a] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal | |
SEq a => SingI (IsSuffixOfSym0 :: TyFun [a] ([a] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing IsSuffixOfSym0 # | |
SEq a => SingI (IsPrefixOfSym0 :: TyFun [a] ([a] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing IsPrefixOfSym0 # | |
SEq a => SingI (IsInfixOfSym0 :: TyFun [a] ([a] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing IsInfixOfSym0 # | |
SingI (IsNothingSym0 :: TyFun (Maybe a) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods sing :: Sing IsNothingSym0 # | |
SingI (IsJustSym0 :: TyFun (Maybe a) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods sing :: Sing IsJustSym0 # | |
SEq a => SingI (ListelemSym0 :: TyFun a ([a] ~> Bool) -> Type) | |
SEq a => SingI (NotElemSym0 :: TyFun a ([a] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal | |
SEq a => SingI (ElemSym0 :: TyFun a ([a] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal | |
SFoldable t => SingI (OrSym0 :: TyFun (t Bool) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable | |
SFoldable t => SingI (AndSym0 :: TyFun (t Bool) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable | |
SEq a => SingI ((==@#@$) :: TyFun a (a ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Eq | |
SEq a => SingI ((/=@#@$) :: TyFun a (a ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Eq | |
SingI (Bool_Sym0 :: TyFun a (a ~> (Bool ~> a)) -> Type) | |
Defined in Data.Singletons.Prelude.Bool | |
SOrd a => SingI ((>@#@$) :: TyFun a (a ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Ord | |
SOrd a => SingI ((>=@#@$) :: TyFun a (a ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Ord | |
SOrd a => SingI ((<@#@$) :: TyFun a (a ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Ord | |
SOrd a => SingI ((<=@#@$) :: TyFun a (a ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Ord | |
SingI (ListtakeWhileSym0 :: TyFun (a ~> Bool) ([a] ~> [a]) -> Type) | |
SingI (ListspanSym0 :: TyFun (a ~> Bool) ([a] ~> ([a], [a])) -> Type) | |
SingI (ListpartitionSym0 :: TyFun (a ~> Bool) ([a] ~> ([a], [a])) -> Type) | |
SingI (ListnubBySym0 :: TyFun (a ~> (a ~> Bool)) ([a] ~> [a]) -> Type) | |
SingI (ListfilterSym0 :: TyFun (a ~> Bool) ([a] ~> [a]) -> Type) | |
SingI (ListdropWhileSym0 :: TyFun (a ~> Bool) ([a] ~> [a]) -> Type) | |
SingI (UnionBySym0 :: TyFun (a ~> (a ~> Bool)) ([a] ~> ([a] ~> [a])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing UnionBySym0 # | |
SingI (TakeWhileSym0 :: TyFun (a ~> Bool) ([a] ~> [a]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing TakeWhileSym0 # | |
SingI (SpanSym0 :: TyFun (a ~> Bool) ([a] ~> ([a], [a])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal | |
SingI (SelectSym0 :: TyFun (a ~> Bool) (a ~> (([a], [a]) ~> ([a], [a]))) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal | |
SingI (PartitionSym0 :: TyFun (a ~> Bool) ([a] ~> ([a], [a])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing PartitionSym0 # | |
SingI (NubBySym0 :: TyFun (a ~> (a ~> Bool)) ([a] ~> [a]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal | |
SingI (IntersectBySym0 :: TyFun (a ~> (a ~> Bool)) ([a] ~> ([a] ~> [a])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing IntersectBySym0 # | |
SingI (GroupBySym0 :: TyFun (a ~> (a ~> Bool)) ([a] ~> [[a]]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing GroupBySym0 # | |
SingI (FindSym0 :: TyFun (a ~> Bool) ([a] ~> Maybe a) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal | |
SingI (FindIndicesSym0 :: TyFun (a ~> Bool) ([a] ~> [Nat]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing FindIndicesSym0 # | |
SingI (FindIndexSym0 :: TyFun (a ~> Bool) ([a] ~> Maybe Nat) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing FindIndexSym0 # | |
SingI (FilterSym0 :: TyFun (a ~> Bool) ([a] ~> [a]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing FilterSym0 # | |
SingI (Elem_bySym0 :: TyFun (a ~> (a ~> Bool)) (a ~> ([a] ~> Bool)) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal | |
SingI (DropWhileSym0 :: TyFun (a ~> Bool) ([a] ~> [a]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing DropWhileSym0 # | |
SingI (DropWhileEndSym0 :: TyFun (a ~> Bool) ([a] ~> [a]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods | |
SingI (DeleteFirstsBySym0 :: TyFun (a ~> (a ~> Bool)) ([a] ~> ([a] ~> [a])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods | |
SingI (DeleteBySym0 :: TyFun (a ~> (a ~> Bool)) (a ~> ([a] ~> [a])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing DeleteBySym0 # | |
SingI (BreakSym0 :: TyFun (a ~> Bool) ([a] ~> ([a], [a])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal | |
SingI (AnySym0 :: TyFun (a ~> Bool) ([a] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal | |
SingI (AllSym0 :: TyFun (a ~> Bool) ([a] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal | |
SingI (UntilSym0 :: TyFun (a ~> Bool) ((a ~> a) ~> (a ~> a)) -> Type) | |
Defined in Data.Singletons.Prelude.Base | |
SuppressUnusedWarnings (ListisPrefixOfSym1 a6989586621680387917 :: TyFun [a6989586621680386865] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ListelemSym1 a6989586621680387852 :: TyFun [a6989586621680386853] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (NotElemSym1 a6989586621679949225 :: TyFun [a6989586621679939341] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (IsSuffixOfSym1 a6989586621679949850 :: TyFun [a6989586621679939344] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (IsPrefixOfSym1 a6989586621679949259 :: TyFun [a6989586621679939345] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (IsInfixOfSym1 a6989586621679949497 :: TyFun [a6989586621679939343] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ElemSym1 a6989586621679949232 :: TyFun [a6989586621679939342] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (AnySym1 a6989586621679949490 :: TyFun [a6989586621679939362] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (AllSym1 a6989586621679949545 :: TyFun [a6989586621679939363] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (IsRightSym0 :: TyFun (Either a6989586621680431764 b6989586621680431765) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Either Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (IsLeftSym0 :: TyFun (Either a6989586621680431766 b6989586621680431767) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Either Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948572Scrutinee_6989586621679939960Sym0 :: TyFun k1 (TyFun k Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Elem_bySym1 a6989586621679948517 :: TyFun a6989586621679939259 ([a6989586621679939259] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (NotElemSym0 :: TyFun a6989586621680450229 (t6989586621680450228 a6989586621680450229 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680442141Scrutinee_6989586621680442079Sym1 x6989586621680442134 :: TyFun k1 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680442114Scrutinee_6989586621680442077Sym1 x6989586621680442107 :: TyFun k1 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Elem_6989586621680452038Sym0 :: TyFun a6989586621680450335 (t6989586621680450318 a6989586621680450335 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Elem_6989586621680451871Sym0 :: TyFun a6989586621680450335 (t6989586621680450318 a6989586621680450335 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Elem_6989586621680451704Sym0 :: TyFun a6989586621680450335 (t6989586621680450318 a6989586621680450335 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Elem_6989586621680451367Sym0 :: TyFun a6989586621680450335 (t6989586621680450318 a6989586621680450335 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Elem_6989586621680451244Sym0 :: TyFun a6989586621680450335 (t6989586621680450318 a6989586621680450335 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ElemSym0 :: TyFun a6989586621680450335 (t6989586621680450318 a6989586621680450335 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (DefaultEqSym1 a6989586621679363275 :: TyFun k6989586621679363274 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Eq Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings ((==@#@$$) x6989586621679363281 :: TyFun a6989586621679363280 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Eq Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings ((/=@#@$$) x6989586621679363283 :: TyFun a6989586621679363280 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Eq Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Bool_Sym1 a6989586621679359266 :: TyFun a6989586621679359260 (Bool ~> a6989586621679359260) -> Type) | |
Defined in Data.Singletons.Prelude.Bool Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679379775Sym1 a6989586621679379773 :: TyFun a6989586621679379561 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679379757Sym1 a6989586621679379755 :: TyFun a6989586621679379561 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679379739Sym1 a6989586621679379737 :: TyFun a6989586621679379561 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679379721Sym1 a6989586621679379719 :: TyFun a6989586621679379561 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679379803Scrutinee_6989586621679379593Sym1 x6989586621679379801 :: TyFun k1 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679379785Scrutinee_6989586621679379591Sym1 x6989586621679379783 :: TyFun k1 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679379694Scrutinee_6989586621679379581Sym1 x6989586621679379687 :: TyFun k1 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679379689Scrutinee_6989586621679379579Sym1 x6989586621679379687 :: TyFun k1 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings ((>@#@$$) arg6989586621679379667 :: TyFun a6989586621679379561 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings ((>=@#@$$) arg6989586621679379671 :: TyFun a6989586621679379561 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings ((<@#@$$) arg6989586621679379659 :: TyFun a6989586621679379561 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings ((<=@#@$$) arg6989586621679379663 :: TyFun a6989586621679379561 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621680882445Sym0 :: TyFun (Arg a6989586621680881228 b6989586621680881229) (Arg a6989586621680881228 b6989586621680881229 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Elem_6989586621680675693Sym1 a6989586621680675691 :: TyFun (Identity a6989586621680450335) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (MfilterSym0 :: TyFun (a6989586621681207352 ~> Bool) (m6989586621681207351 a6989586621681207352 ~> m6989586621681207351 a6989586621681207352) -> Type) | |
Defined in Data.Singletons.Prelude.Monad Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (FilterMSym0 :: TyFun (a6989586621681207390 ~> m6989586621681207389 Bool) ([a6989586621681207390] ~> m6989586621681207389 [a6989586621681207390]) -> Type) | |
Defined in Data.Singletons.Prelude.Monad Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948775ZsSym0 :: TyFun (k1 ~> (a6989586621679939282 ~> Bool)) (TyFun k1 (TyFun [a6989586621679939282] [a6989586621679939282] -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948775YsSym0 :: TyFun (k1 ~> (a6989586621679939282 ~> Bool)) (TyFun k1 (TyFun [a6989586621679939282] [a6989586621679939282] -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948775X_6989586621679948776Sym0 :: TyFun (k1 ~> (a6989586621679939282 ~> Bool)) (TyFun k1 (TyFun [a6989586621679939282] ([a6989586621679939282], [a6989586621679939282]) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948533NubBy'Sym0 :: TyFun (k1 ~> (k1 ~> Bool)) (TyFun k (TyFun [k1] ([k1] ~> [k1]) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Lambda_6989586621679949866Sym0 :: TyFun (a6989586621679939379 ~> Bool) (TyFun k (TyFun a6989586621679939379 (TyFun [a6989586621679939379] [a6989586621679939379] -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680450788Scrutinee_6989586621680450569Sym0 :: TyFun (a6989586621680450321 ~> Bool) (TyFun (t6989586621680450318 a6989586621680450321) Any -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680450775Scrutinee_6989586621680450571Sym0 :: TyFun (a6989586621680450321 ~> Bool) (TyFun (t6989586621680450318 a6989586621680450321) All -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680450690Scrutinee_6989586621680450577Sym0 :: TyFun (a6989586621680450321 ~> Bool) (TyFun (t6989586621680450318 a6989586621680450321) (First a6989586621680450321) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Lambda_6989586621680450691Sym0 :: TyFun (a6989586621679072624 ~> Bool) (TyFun k (TyFun a6989586621679072624 (First a6989586621679072624) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (FindSym0 :: TyFun (a6989586621680450227 ~> Bool) (t6989586621680450226 a6989586621680450227 ~> Maybe a6989586621680450227) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (AnySym0 :: TyFun (a6989586621680450237 ~> Bool) (t6989586621680450236 a6989586621680450237 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (AllSym0 :: TyFun (a6989586621680450235 ~> Bool) (t6989586621680450234 a6989586621680450235 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679520104GoSym0 :: TyFun (k2 ~> Bool) (TyFun (k2 ~> k2) (TyFun k1 (TyFun k2 k2 -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Base Methods suppressUnusedWarnings :: () # | |
(SEq a, SingI d) => SingI (ListisPrefixOfSym1 d :: TyFun [a] Bool -> Type) | |
(SEq a, SingI d) => SingI (ListelemSym1 d :: TyFun [a] Bool -> Type) | |
(SEq a, SingI d) => SingI (NotElemSym1 d :: TyFun [a] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal | |
(SEq a, SingI d) => SingI (IsSuffixOfSym1 d :: TyFun [a] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing (IsSuffixOfSym1 d) # | |
(SEq a, SingI d) => SingI (IsPrefixOfSym1 d :: TyFun [a] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing (IsPrefixOfSym1 d) # | |
(SEq a, SingI d) => SingI (IsInfixOfSym1 d :: TyFun [a] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing (IsInfixOfSym1 d) # | |
(SEq a, SingI d) => SingI (ElemSym1 d :: TyFun [a] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal | |
SingI d => SingI (AnySym1 d :: TyFun [a] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal | |
SingI d => SingI (AllSym1 d :: TyFun [a] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal | |
SingI (IsRightSym0 :: TyFun (Either a b) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Either Methods sing :: Sing IsRightSym0 # | |
SingI (IsLeftSym0 :: TyFun (Either a b) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Either Methods sing :: Sing IsLeftSym0 # | |
SingI d => SingI (Elem_bySym1 d :: TyFun a ([a] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal | |
(SFoldable t, SEq a) => SingI (NotElemSym0 :: TyFun a (t a ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods sing :: Sing NotElemSym0 # | |
(SFoldable t, SEq a) => SingI (ElemSym0 :: TyFun a (t a ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable | |
(SEq a, SingI x) => SingI ((==@#@$$) x :: TyFun a Bool -> Type) | |
Defined in Data.Singletons.Prelude.Eq | |
(SEq a, SingI x) => SingI ((/=@#@$$) x :: TyFun a Bool -> Type) | |
Defined in Data.Singletons.Prelude.Eq | |
SingI d => SingI (Bool_Sym1 d :: TyFun a (Bool ~> a) -> Type) | |
Defined in Data.Singletons.Prelude.Bool | |
(SOrd a, SingI d) => SingI ((>@#@$$) d :: TyFun a Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord | |
(SOrd a, SingI d) => SingI ((>=@#@$$) d :: TyFun a Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord | |
(SOrd a, SingI d) => SingI ((<@#@$$) d :: TyFun a Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord | |
(SOrd a, SingI d) => SingI ((<=@#@$$) d :: TyFun a Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord | |
SMonadPlus m => SingI (MfilterSym0 :: TyFun (a ~> Bool) (m a ~> m a) -> Type) | |
Defined in Data.Singletons.Prelude.Monad Methods sing :: Sing MfilterSym0 # | |
SApplicative m => SingI (FilterMSym0 :: TyFun (a ~> m Bool) ([a] ~> m [a]) -> Type) | |
Defined in Data.Singletons.Prelude.Monad Methods sing :: Sing FilterMSym0 # | |
SFoldable t => SingI (FindSym0 :: TyFun (a ~> Bool) (t a ~> Maybe a) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable | |
SFoldable t => SingI (AnySym0 :: TyFun (a ~> Bool) (t a ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable | |
SFoldable t => SingI (AllSym0 :: TyFun (a ~> Bool) (t a ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable | |
SuppressUnusedWarnings (Bool_Sym2 a6989586621679359267 a6989586621679359266 :: TyFun Bool a6989586621679359260 -> Type) | |
Defined in Data.Singletons.Prelude.Bool Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Elem_bySym2 a6989586621679948518 a6989586621679948517 :: TyFun [a6989586621679939259] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Lambda_6989586621681207864Sym0 :: TyFun k1 (TyFun k3 (TyFun k2 (TyFun Bool (TyFun [k3] [k3] -> Type) -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monad Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679949251Scrutinee_6989586621679939964Sym0 :: TyFun k1 (TyFun k3 (TyFun k2 (TyFun [k3] Bool -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948669Scrutinee_6989586621679939944Sym0 :: TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948655Scrutinee_6989586621679939946Sym0 :: TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948640Scrutinee_6989586621679939956Sym0 :: TyFun k1 (TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948572Scrutinee_6989586621679939960Sym1 n6989586621679948570 :: TyFun k Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948559Scrutinee_6989586621679939962Sym0 :: TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Null_6989586621680452161Sym0 :: TyFun (t6989586621680450318 a6989586621680450333) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Null_6989586621680451994Sym0 :: TyFun (t6989586621680450318 a6989586621680450333) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Null_6989586621680451827Sym0 :: TyFun (t6989586621680450318 a6989586621680450333) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Null_6989586621680451681Sym0 :: TyFun (t6989586621680450318 a6989586621680450333) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Null_6989586621680451505Sym0 :: TyFun (t6989586621680450318 a6989586621680450333) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Null_6989586621680451207Sym0 :: TyFun (t6989586621680450318 a6989586621680450333) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (NullSym0 :: TyFun (t6989586621680450318 a6989586621680450333) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (NotElemSym1 a6989586621680450711 t6989586621680450228 :: TyFun (t6989586621680450228 a6989586621680450229) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Lambda_6989586621680451194Sym0 :: TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Elem_6989586621680452038Sym1 a6989586621680452036 t6989586621680450318 :: TyFun (t6989586621680450318 a6989586621680450335) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Elem_6989586621680451871Sym1 a6989586621680451869 t6989586621680450318 :: TyFun (t6989586621680450318 a6989586621680450335) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Elem_6989586621680451704Sym1 a6989586621680451702 t6989586621680450318 :: TyFun (t6989586621680450318 a6989586621680450335) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Elem_6989586621680451367Sym1 a6989586621680451365 t6989586621680450318 :: TyFun (t6989586621680450318 a6989586621680450335) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Elem_6989586621680451244Sym1 a6989586621680451242 t6989586621680450318 :: TyFun (t6989586621680450318 a6989586621680450335) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ElemSym1 arg6989586621680450985 t6989586621680450318 :: TyFun (t6989586621680450318 a6989586621680450335) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (AnySym1 a6989586621680450782 t6989586621680450236 :: TyFun (t6989586621680450236 a6989586621680450237) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (AllSym1 a6989586621680450769 t6989586621680450234 :: TyFun (t6989586621680450234 a6989586621680450235) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621680882445Sym1 a6989586621680882443 :: TyFun (Arg a6989586621680881228 b6989586621680881229) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Lambda_6989586621681207861Sym0 :: TyFun (k3 ~> f6989586621679544264 Bool) (TyFun k2 (TyFun k3 (TyFun (f6989586621679544264 [k3]) (f6989586621679544264 [k3]) -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monad Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Lambda_6989586621681207693Sym0 :: TyFun (k1 ~> Bool) (TyFun k (TyFun k1 (m6989586621679544288 k1) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monad Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679949870Scrutinee_6989586621679939938Sym0 :: TyFun (k1 ~> Bool) (TyFun k1 (TyFun [a6989586621679939379] (TyFun k Bool -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948543Scrutinee_6989586621679939966Sym0 :: TyFun (k3 ~> (k3 ~> Bool)) (TyFun k1 (TyFun k3 (TyFun k2 (TyFun [k3] Bool -> Type) -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
(SingI d1, SingI d2) => SingI (Bool_Sym2 d1 d2 :: TyFun Bool a -> Type) | |
Defined in Data.Singletons.Prelude.Bool | |
(SingI d1, SingI d2) => SingI (Elem_bySym2 d1 d2 :: TyFun [a] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal | |
SFoldable t => SingI (NullSym0 :: TyFun (t a) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable | |
(SFoldable t, SEq a, SingI d) => SingI (NotElemSym1 d t :: TyFun (t a) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods sing :: Sing (NotElemSym1 d t) # | |
(SFoldable t, SEq a, SingI d) => SingI (ElemSym1 d t :: TyFun (t a) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable | |
(SFoldable t, SingI d) => SingI (AnySym1 d t :: TyFun (t a) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable | |
(SFoldable t, SingI d) => SingI (AllSym1 d t :: TyFun (t a) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable | |
SuppressUnusedWarnings (Lambda_6989586621681207864Sym1 p6989586621681207859 :: TyFun k2 (TyFun k1 (TyFun Bool (TyFun [k2] [k2] -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monad Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679949870Scrutinee_6989586621679939938Sym1 p6989586621679949864 :: TyFun k1 (TyFun [a6989586621679939379] (TyFun k Bool -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679949251Scrutinee_6989586621679939964Sym1 l6989586621679949241 :: TyFun k2 (TyFun k1 (TyFun [k2] Bool -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948669Scrutinee_6989586621679939944Sym1 n6989586621679948666 :: TyFun k1 (TyFun k2 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948655Scrutinee_6989586621679939946Sym1 n6989586621679948652 :: TyFun k1 (TyFun k2 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948640Scrutinee_6989586621679939956Sym1 key6989586621679948636 :: TyFun k3 (TyFun k1 (TyFun k2 Bool -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948559Scrutinee_6989586621679939962Sym1 x6989586621679948556 :: TyFun k1 (TyFun k2 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948543Scrutinee_6989586621679939966Sym1 eq6989586621679948531 :: TyFun k1 (TyFun k3 (TyFun k2 (TyFun [k3] Bool -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Lambda_6989586621680451194Sym1 a_69895866216804511896989586621680451193 :: TyFun k1 (TyFun k2 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679739732Scrutinee_6989586621679739498Sym0 :: TyFun k1 (TyFun k2 (TyFun k2 (TyFun k3 (TyFun k4 Bool -> Type) -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679949870Scrutinee_6989586621679939938Sym2 x6989586621679949868 p6989586621679949864 :: TyFun [a6989586621679939379] (TyFun k Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Lambda_6989586621681207864Sym2 x6989586621681207863 p6989586621681207859 :: TyFun k1 (TyFun Bool (TyFun [k2] [k2] -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monad Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679949251Scrutinee_6989586621679939964Sym2 x6989586621679949248 l6989586621679949241 :: TyFun k1 (TyFun [k2] Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948669Scrutinee_6989586621679939944Sym2 x6989586621679948667 n6989586621679948666 :: TyFun k1 Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948655Scrutinee_6989586621679939946Sym2 x6989586621679948653 n6989586621679948652 :: TyFun k1 Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948640Scrutinee_6989586621679939956Sym2 x6989586621679948637 key6989586621679948636 :: TyFun k1 (TyFun k2 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948559Scrutinee_6989586621679939962Sym2 xs6989586621679948557 x6989586621679948556 :: TyFun k1 Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948543Scrutinee_6989586621679939966Sym2 l6989586621679948532 eq6989586621679948531 :: TyFun k3 (TyFun k1 (TyFun [k3] Bool -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Lambda_6989586621680451194Sym2 t6989586621680451201 a_69895866216804511896989586621680451193 :: TyFun k1 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679739732Scrutinee_6989586621679739498Sym1 x06989586621679739722 :: TyFun k1 (TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679739655Scrutinee_6989586621679739512Sym0 :: TyFun k2 (TyFun k1 (TyFun k2 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679739598Scrutinee_6989586621679739522Sym0 :: TyFun k2 (TyFun k1 (TyFun k2 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Lambda_6989586621679949525Sym0 :: TyFun (b6989586621679544292 ~> (a6989586621679939362 ~> Bool)) (TyFun k1 (TyFun k2 (TyFun a6989586621679939362 (TyFun [a6989586621679939362] (TyFun b6989586621679544292 (m6989586621679544288 b6989586621679544292) -> Type) -> Type) -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Lambda_6989586621681207864Sym3 a_69895866216812078576989586621681207860 x6989586621681207863 p6989586621681207859 :: TyFun Bool (TyFun [k2] [k2] -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monad Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679949251Scrutinee_6989586621679939964Sym3 xs6989586621679949249 x6989586621679949248 l6989586621679949241 :: TyFun [k2] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679949870Scrutinee_6989586621679939938Sym3 xs6989586621679949869 x6989586621679949868 p6989586621679949864 :: TyFun k Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948640Scrutinee_6989586621679939956Sym3 y6989586621679948638 x6989586621679948637 key6989586621679948636 :: TyFun k1 Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948543Scrutinee_6989586621679939966Sym3 y6989586621679948540 l6989586621679948532 eq6989586621679948531 :: TyFun k1 (TyFun [k3] Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679739732Scrutinee_6989586621679739498Sym2 y6989586621679739723 x06989586621679739722 :: TyFun k3 (TyFun k1 (TyFun k2 Bool -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679739655Scrutinee_6989586621679739512Sym1 x16989586621679739650 :: TyFun k1 (TyFun k5 (TyFun k2 (TyFun k3 (TyFun k4 Bool -> Type) -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679739598Scrutinee_6989586621679739522Sym1 x16989586621679739593 :: TyFun k1 (TyFun k5 (TyFun k2 (TyFun k3 (TyFun k4 Bool -> Type) -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679948543Scrutinee_6989586621679939966Sym4 ys6989586621679948541 y6989586621679948540 l6989586621679948532 eq6989586621679948531 :: TyFun [k3] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679739732Scrutinee_6989586621679739498Sym3 x6989586621679739731 y6989586621679739723 x06989586621679739722 :: TyFun k1 (TyFun k2 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679739655Scrutinee_6989586621679739512Sym2 x26989586621679739651 x16989586621679739650 :: TyFun k5 (TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679739598Scrutinee_6989586621679739522Sym2 x26989586621679739594 x16989586621679739593 :: TyFun k5 (TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679739732Scrutinee_6989586621679739498Sym4 arg_69895866216797394946989586621679739718 x6989586621679739731 y6989586621679739723 x06989586621679739722 :: TyFun k1 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679739655Scrutinee_6989586621679739512Sym3 y6989586621679739652 x26989586621679739651 x16989586621679739650 :: TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679739598Scrutinee_6989586621679739522Sym3 y6989586621679739595 x26989586621679739594 x16989586621679739593 :: TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679739655Scrutinee_6989586621679739512Sym4 arg_69895866216797395066989586621679739645 y6989586621679739652 x26989586621679739651 x16989586621679739650 :: TyFun k1 (TyFun k2 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679739598Scrutinee_6989586621679739522Sym4 arg_69895866216797395166989586621679739588 y6989586621679739595 x26989586621679739594 x16989586621679739593 :: TyFun k1 (TyFun k2 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679739655Scrutinee_6989586621679739512Sym5 arg_69895866216797395086989586621679739646 arg_69895866216797395066989586621679739645 y6989586621679739652 x26989586621679739651 x16989586621679739650 :: TyFun k1 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679739598Scrutinee_6989586621679739522Sym5 arg_69895866216797395186989586621679739589 arg_69895866216797395166989586621679739588 y6989586621679739595 x26989586621679739594 x16989586621679739593 :: TyFun k1 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () # | |
type Rep Bool | Since: base-4.6.0.0 |
data Sing (a :: Bool) | |
type DemoteRep Bool | |
Defined in GHC.Generics | |
data Sing (a :: Bool) | |
type MaxBound | |
Defined in Data.Singletons.Prelude.Enum type MaxBound = MaxBound_6989586621679735485Sym0 | |
type MinBound | |
Defined in Data.Singletons.Prelude.Enum type MinBound = MinBound_6989586621679735483Sym0 | |
type Demote Bool | |
Defined in Data.Singletons.Prelude.Instances | |
newtype Vector Bool | |
type Show_ (arg :: Bool) | |
type FromEnum (a :: Bool) | |
Defined in Data.Singletons.Prelude.Enum | |
type ToEnum a | |
Defined in Data.Singletons.Prelude.Enum | |
type Pred (arg :: Bool) | |
type Succ (arg :: Bool) | |
newtype MVector s Bool | |
type ShowList (arg1 :: [Bool]) arg2 | |
type EnumFromTo (arg1 :: Bool) (arg2 :: Bool) | |
type Min (arg1 :: Bool) (arg2 :: Bool) | |
type Max (arg1 :: Bool) (arg2 :: Bool) | |
type (arg1 :: Bool) >= (arg2 :: Bool) | |
type (arg1 :: Bool) > (arg2 :: Bool) | |
type (arg1 :: Bool) <= (arg2 :: Bool) | |
type (arg1 :: Bool) < (arg2 :: Bool) | |
type Compare (a1 :: Bool) (a2 :: Bool) | |
type (x :: Bool) /= (y :: Bool) | |
type (a :: Bool) == (b :: Bool) | |
Defined in Data.Singletons.Prelude.Eq | |
type ShowsPrec a1 (a2 :: Bool) a3 | |
type EnumFromThenTo (arg1 :: Bool) (arg2 :: Bool) (arg3 :: Bool) | |
type Apply NotSym0 (a6989586621679360552 :: Bool) | |
Defined in Data.Singletons.Prelude.Bool | |
type Apply ToEnum_6989586621679763347Sym0 (a6989586621679763346 :: Nat) | |
Defined in Data.Singletons.Prelude.Enum | |
type Apply GetAllSym0 (a6989586621679819791 :: All) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply GetAnySym0 (a6989586621679819805 :: Any) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply FromEnum_6989586621679763353Sym0 (a6989586621679763352 :: Bool) | |
Defined in Data.Singletons.Prelude.Enum | |
type Apply All_Sym0 (a6989586621679852645 :: Bool) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply AllSym0 (t6989586621679819794 :: Bool) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply Any_Sym0 (a6989586621679852644 :: Bool) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply AnySym0 (t6989586621679819808 :: Bool) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply ((||@#@$$) a6989586621679360252 :: TyFun Bool Bool -> Type) (b6989586621679360253 :: Bool) | |
type Apply ((&&@#@$$) a6989586621679360011 :: TyFun Bool Bool -> Type) (b6989586621679360012 :: Bool) | |
type Apply ((<=?@#@$$) a3530822107858468865 :: TyFun Nat Bool -> Type) (b3530822107858468866 :: Nat) | |
Defined in Data.Singletons.TypeLits.Internal | |
type Apply (Compare_6989586621679390963Sym1 a6989586621679390961 :: TyFun Bool Ordering -> Type) (a6989586621679390962 :: Bool) | |
type Apply (Let6989586621680442114Scrutinee_6989586621680442077Sym1 x6989586621680442107 :: TyFun k1 Bool -> Type) (y6989586621680442108 :: k1) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Let6989586621680442141Scrutinee_6989586621680442079Sym1 x6989586621680442134 :: TyFun k1 Bool -> Type) (y6989586621680442135 :: k1) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply ((==@#@$$) x6989586621679363281 :: TyFun a Bool -> Type) (y6989586621679363282 :: a) | |
type Apply ((/=@#@$$) x6989586621679363283 :: TyFun a Bool -> Type) (y6989586621679363284 :: a) | |
type Apply (DefaultEqSym1 a6989586621679363275 :: TyFun k Bool -> Type) (b6989586621679363276 :: k) | |
Defined in Data.Singletons.Prelude.Eq | |
type Apply (Let6989586621679379689Scrutinee_6989586621679379579Sym1 x6989586621679379687 :: TyFun k1 Bool -> Type) (y6989586621679379688 :: k1) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (TFHelper_6989586621679379775Sym1 a6989586621679379773 :: TyFun a Bool -> Type) (a6989586621679379774 :: a) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (TFHelper_6989586621679379757Sym1 a6989586621679379755 :: TyFun a Bool -> Type) (a6989586621679379756 :: a) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (TFHelper_6989586621679379739Sym1 a6989586621679379737 :: TyFun a Bool -> Type) (a6989586621679379738 :: a) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (TFHelper_6989586621679379721Sym1 a6989586621679379719 :: TyFun a Bool -> Type) (a6989586621679379720 :: a) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply ((<=@#@$$) arg6989586621679379663 :: TyFun a Bool -> Type) (arg6989586621679379664 :: a) | |
type Apply ((>=@#@$$) arg6989586621679379671 :: TyFun a Bool -> Type) (arg6989586621679379672 :: a) | |
type Apply ((>@#@$$) arg6989586621679379667 :: TyFun a Bool -> Type) (arg6989586621679379668 :: a) | |
type Apply (Let6989586621679379803Scrutinee_6989586621679379593Sym1 x6989586621679379801 :: TyFun k1 Bool -> Type) (y6989586621679379802 :: k1) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Let6989586621679379785Scrutinee_6989586621679379591Sym1 x6989586621679379783 :: TyFun k1 Bool -> Type) (y6989586621679379784 :: k1) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Let6989586621679379694Scrutinee_6989586621679379581Sym1 x6989586621679379687 :: TyFun k1 Bool -> Type) (y6989586621679379688 :: k1) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply ((<@#@$$) arg6989586621679379659 :: TyFun a Bool -> Type) (arg6989586621679379660 :: a) | |
type Apply (Let6989586621679948572Scrutinee_6989586621679939960Sym1 n6989586621679948570 :: TyFun k Bool -> Type) (x6989586621679948571 :: k) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Bool_Sym2 a6989586621679359267 a6989586621679359266 :: TyFun Bool a -> Type) (a6989586621679359268 :: Bool) | |
type Apply (Let6989586621679948559Scrutinee_6989586621679939962Sym2 xs6989586621679948557 x6989586621679948556 :: TyFun k3 Bool -> Type) (n6989586621679948558 :: k3) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Let6989586621679948655Scrutinee_6989586621679939946Sym2 x6989586621679948653 n6989586621679948652 :: TyFun k3 Bool -> Type) (xs6989586621679948654 :: k3) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Let6989586621679948669Scrutinee_6989586621679939944Sym2 x6989586621679948667 n6989586621679948666 :: TyFun k3 Bool -> Type) (xs6989586621679948668 :: k3) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Lambda_6989586621680451194Sym2 t6989586621680451201 a_69895866216804511896989586621680451193 :: TyFun k3 Bool -> Type) (t6989586621680451202 :: k3) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Let6989586621679948640Scrutinee_6989586621679939956Sym3 y6989586621679948638 x6989586621679948637 key6989586621679948636 :: TyFun k3 Bool -> Type) (xys6989586621679948639 :: k3) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621679948640Scrutinee_6989586621679939956Sym3 y6989586621679948638 x6989586621679948637 key6989586621679948636 :: TyFun k3 Bool -> Type) (xys6989586621679948639 :: k3) = Let6989586621679948640Scrutinee_6989586621679939956 y6989586621679948638 x6989586621679948637 key6989586621679948636 xys6989586621679948639 | |
type Apply (Let6989586621679949870Scrutinee_6989586621679939938Sym3 xs6989586621679949869 x6989586621679949868 p6989586621679949864 :: TyFun k Bool -> Type) (a_69895866216799498626989586621679949865 :: k) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621679949870Scrutinee_6989586621679939938Sym3 xs6989586621679949869 x6989586621679949868 p6989586621679949864 :: TyFun k Bool -> Type) (a_69895866216799498626989586621679949865 :: k) = Let6989586621679949870Scrutinee_6989586621679939938 xs6989586621679949869 x6989586621679949868 p6989586621679949864 a_69895866216799498626989586621679949865 | |
type Apply (Let6989586621679739732Scrutinee_6989586621679739498Sym4 arg_69895866216797394946989586621679739718 x6989586621679739731 y6989586621679739723 x06989586621679739722 :: TyFun k4 Bool -> Type) (arg_69895866216797394966989586621679739719 :: k4) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621679739732Scrutinee_6989586621679739498Sym4 arg_69895866216797394946989586621679739718 x6989586621679739731 y6989586621679739723 x06989586621679739722 :: TyFun k4 Bool -> Type) (arg_69895866216797394966989586621679739719 :: k4) = Let6989586621679739732Scrutinee_6989586621679739498 arg_69895866216797394946989586621679739718 x6989586621679739731 y6989586621679739723 x06989586621679739722 arg_69895866216797394966989586621679739719 | |
type Apply (Let6989586621679739598Scrutinee_6989586621679739522Sym5 arg_69895866216797395186989586621679739589 arg_69895866216797395166989586621679739588 y6989586621679739595 x26989586621679739594 x16989586621679739593 :: TyFun k5 Bool -> Type) (arg_69895866216797395206989586621679739590 :: k5) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621679739598Scrutinee_6989586621679739522Sym5 arg_69895866216797395186989586621679739589 arg_69895866216797395166989586621679739588 y6989586621679739595 x26989586621679739594 x16989586621679739593 :: TyFun k5 Bool -> Type) (arg_69895866216797395206989586621679739590 :: k5) = Let6989586621679739598Scrutinee_6989586621679739522 arg_69895866216797395186989586621679739589 arg_69895866216797395166989586621679739588 y6989586621679739595 x26989586621679739594 x16989586621679739593 arg_69895866216797395206989586621679739590 | |
type Apply (Let6989586621679739655Scrutinee_6989586621679739512Sym5 arg_69895866216797395086989586621679739646 arg_69895866216797395066989586621679739645 y6989586621679739652 x26989586621679739651 x16989586621679739650 :: TyFun k5 Bool -> Type) (arg_69895866216797395106989586621679739647 :: k5) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621679739655Scrutinee_6989586621679739512Sym5 arg_69895866216797395086989586621679739646 arg_69895866216797395066989586621679739645 y6989586621679739652 x26989586621679739651 x16989586621679739650 :: TyFun k5 Bool -> Type) (arg_69895866216797395106989586621679739647 :: k5) = Let6989586621679739655Scrutinee_6989586621679739512 arg_69895866216797395086989586621679739646 arg_69895866216797395066989586621679739645 y6989586621679739652 x26989586621679739651 x16989586621679739650 arg_69895866216797395106989586621679739647 | |
type Apply OrSym0 (a6989586621679949552 :: [Bool]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply AndSym0 (a6989586621679949556 :: [Bool]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (ListnullSym0 :: TyFun [a] Bool -> Type) (a6989586621680387770 :: [a]) | |
type Apply (NullSym0 :: TyFun [a] Bool -> Type) (a6989586621679949856 :: [a]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (IsNothingSym0 :: TyFun (Maybe a) Bool -> Type) (a6989586621679494938 :: Maybe a) | |
Defined in Data.Singletons.Prelude.Maybe | |
type Apply (IsJustSym0 :: TyFun (Maybe a) Bool -> Type) (a6989586621679494940 :: Maybe a) | |
Defined in Data.Singletons.Prelude.Maybe | |
type Apply (AndSym0 :: TyFun (t Bool) Bool -> Type) (a6989586621680450804 :: t Bool) | |
type Apply (OrSym0 :: TyFun (t Bool) Bool -> Type) (a6989586621680450795 :: t Bool) | |
type Apply (Null_6989586621680675816Sym0 :: TyFun (Identity a) Bool -> Type) (a6989586621680675815 :: Identity a) | |
type Apply (Let6989586621680450807Scrutinee_6989586621680450565Sym0 :: TyFun (t6989586621680450318 Bool) All -> Type) (x6989586621680450806 :: t6989586621680450318 Bool) | |
type Apply (Let6989586621680450798Scrutinee_6989586621680450567Sym0 :: TyFun (t6989586621680450318 Bool) Any -> Type) (x6989586621680450797 :: t6989586621680450318 Bool) | |
type Apply (ListelemSym1 a6989586621680387852 :: TyFun [a] Bool -> Type) (a6989586621680387853 :: [a]) | |
type Apply (ListisPrefixOfSym1 a6989586621680387917 :: TyFun [a] Bool -> Type) (a6989586621680387918 :: [a]) | |
type Apply (NotElemSym1 a6989586621679949225 :: TyFun [a] Bool -> Type) (a6989586621679949226 :: [a]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (ElemSym1 a6989586621679949232 :: TyFun [a] Bool -> Type) (a6989586621679949233 :: [a]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (IsPrefixOfSym1 a6989586621679949259 :: TyFun [a] Bool -> Type) (a6989586621679949260 :: [a]) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (IsPrefixOfSym1 a6989586621679949259 :: TyFun [a] Bool -> Type) (a6989586621679949260 :: [a]) = IsPrefixOf a6989586621679949259 a6989586621679949260 | |
type Apply (AnySym1 a6989586621679949490 :: TyFun [a] Bool -> Type) (a6989586621679949491 :: [a]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (IsInfixOfSym1 a6989586621679949497 :: TyFun [a] Bool -> Type) (a6989586621679949498 :: [a]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (AllSym1 a6989586621679949545 :: TyFun [a] Bool -> Type) (a6989586621679949546 :: [a]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (IsSuffixOfSym1 a6989586621679949850 :: TyFun [a] Bool -> Type) (a6989586621679949851 :: [a]) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (IsSuffixOfSym1 a6989586621679949850 :: TyFun [a] Bool -> Type) (a6989586621679949851 :: [a]) = IsSuffixOf a6989586621679949850 a6989586621679949851 | |
type Apply (Elem_6989586621680675693Sym1 a6989586621680675691 :: TyFun (Identity a) Bool -> Type) (a6989586621680675692 :: Identity a) | |
type Apply (Elem_bySym2 a6989586621679948518 a6989586621679948517 :: TyFun [a] Bool -> Type) (a6989586621679948519 :: [a]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Elem_6989586621680451244Sym1 a6989586621680451242 t :: TyFun (t a) Bool -> Type) (a6989586621680451243 :: t a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Null_6989586621680451207Sym0 :: TyFun (t a) Bool -> Type) (a6989586621680451206 :: t a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (AnySym1 a6989586621680450782 t :: TyFun (t a) Bool -> Type) (a6989586621680450783 :: t a) | |
type Apply (ElemSym1 arg6989586621680450985 t :: TyFun (t a) Bool -> Type) (arg6989586621680450986 :: t a) | |
type Apply (NotElemSym1 a6989586621680450711 t :: TyFun (t a) Bool -> Type) (a6989586621680450712 :: t a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (NullSym0 :: TyFun (t a) Bool -> Type) (arg6989586621680450981 :: t a) | |
type Apply (AllSym1 a6989586621680450769 t :: TyFun (t a) Bool -> Type) (a6989586621680450770 :: t a) | |
type Apply (Elem_6989586621680451367Sym1 a6989586621680451365 t :: TyFun (t a) Bool -> Type) (a6989586621680451366 :: t a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Null_6989586621680451505Sym0 :: TyFun (t a) Bool -> Type) (a6989586621680451504 :: t a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Null_6989586621680451681Sym0 :: TyFun (t a) Bool -> Type) (a6989586621680451680 :: t a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Elem_6989586621680451704Sym1 a6989586621680451702 t :: TyFun (t a) Bool -> Type) (a6989586621680451703 :: t a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Null_6989586621680451827Sym0 :: TyFun (t a) Bool -> Type) (a6989586621680451826 :: t a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Elem_6989586621680451871Sym1 a6989586621680451869 t :: TyFun (t a) Bool -> Type) (a6989586621680451870 :: t a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Null_6989586621680451994Sym0 :: TyFun (t a) Bool -> Type) (a6989586621680451993 :: t a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Elem_6989586621680452038Sym1 a6989586621680452036 t :: TyFun (t a) Bool -> Type) (a6989586621680452037 :: t a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Null_6989586621680452161Sym0 :: TyFun (t a) Bool -> Type) (a6989586621680452160 :: t a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Let6989586621679949251Scrutinee_6989586621679939964Sym3 xs6989586621679949249 x6989586621679949248 l6989586621679949241 :: TyFun [k1] Bool -> Type) (ls6989586621679949250 :: [k1]) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621679949251Scrutinee_6989586621679939964Sym3 xs6989586621679949249 x6989586621679949248 l6989586621679949241 :: TyFun [k1] Bool -> Type) (ls6989586621679949250 :: [k1]) = Let6989586621679949251Scrutinee_6989586621679939964 xs6989586621679949249 x6989586621679949248 l6989586621679949241 ls6989586621679949250 | |
type Apply (Let6989586621679948543Scrutinee_6989586621679939966Sym4 ys6989586621679948541 y6989586621679948540 l6989586621679948532 eq6989586621679948531 :: TyFun [k2] Bool -> Type) (xs6989586621679948542 :: [k2]) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621679948543Scrutinee_6989586621679939966Sym4 ys6989586621679948541 y6989586621679948540 l6989586621679948532 eq6989586621679948531 :: TyFun [k2] Bool -> Type) (xs6989586621679948542 :: [k2]) = Let6989586621679948543Scrutinee_6989586621679939966 ys6989586621679948541 y6989586621679948540 l6989586621679948532 eq6989586621679948531 xs6989586621679948542 | |
type Apply (IsRightSym0 :: TyFun (Either a b) Bool -> Type) (a6989586621680432131 :: Either a b) | |
Defined in Data.Singletons.Prelude.Either | |
type Apply (IsLeftSym0 :: TyFun (Either a b) Bool -> Type) (a6989586621680432133 :: Either a b) | |
Defined in Data.Singletons.Prelude.Either | |
type Apply (TFHelper_6989586621680882445Sym1 a6989586621680882443 :: TyFun (Arg a b) Bool -> Type) (a6989586621680882444 :: Arg a b) | |
type Apply (GuardSym0 :: TyFun Bool (f6989586621679544180 ()) -> Type) (a6989586621679544349 :: Bool) | |
type Apply (||@#@$) (a6989586621679360252 :: Bool) | |
Defined in Data.Singletons.Prelude.Bool | |
type Apply (&&@#@$) (a6989586621679360011 :: Bool) | |
Defined in Data.Singletons.Prelude.Bool | |
type Apply Compare_6989586621679390963Sym0 (a6989586621679390961 :: Bool) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply ShowsPrec_6989586621680280557Sym0 (a6989586621680280554 :: Nat) | |
Defined in Data.Singletons.Prelude.Show | |
type Apply (<=?@#@$) (a3530822107858468865 :: Nat) | |
Defined in Data.Singletons.TypeLits.Internal | |
type Apply ShowParenSym0 (a6989586621680262215 :: Bool) | |
Defined in Data.Singletons.Prelude.Show | |
type Apply (Let6989586621680442114Scrutinee_6989586621680442077Sym0 :: TyFun k1 (TyFun k1 Bool -> Type) -> Type) (x6989586621680442107 :: k1) | |
type Apply (Let6989586621680442141Scrutinee_6989586621680442079Sym0 :: TyFun k1 (TyFun k1 Bool -> Type) -> Type) (x6989586621680442134 :: k1) | |
type Apply (Let6989586621679379689Scrutinee_6989586621679379579Sym0 :: TyFun k1 (TyFun k1 Bool -> Type) -> Type) (x6989586621679379687 :: k1) | |
type Apply (Let6989586621679379803Scrutinee_6989586621679379593Sym0 :: TyFun k1 (TyFun k1 Bool -> Type) -> Type) (x6989586621679379801 :: k1) | |
type Apply (Let6989586621679379785Scrutinee_6989586621679379591Sym0 :: TyFun k1 (TyFun k1 Bool -> Type) -> Type) (x6989586621679379783 :: k1) | |
type Apply (Let6989586621679379694Scrutinee_6989586621679379581Sym0 :: TyFun k1 (TyFun k1 Bool -> Type) -> Type) (x6989586621679379687 :: k1) | |
type Apply (ListelemSym0 :: TyFun a6989586621680386853 ([a6989586621680386853] ~> Bool) -> Type) (a6989586621680387852 :: a6989586621680386853) | |
type Apply (NotElemSym0 :: TyFun a6989586621679939341 ([a6989586621679939341] ~> Bool) -> Type) (a6989586621679949225 :: a6989586621679939341) | |
type Apply (ElemSym0 :: TyFun a6989586621679939342 ([a6989586621679939342] ~> Bool) -> Type) (a6989586621679949232 :: a6989586621679939342) | |
type Apply (ShowsPrec_6989586621680280557Sym1 a6989586621680280554 :: TyFun Bool (Symbol ~> Symbol) -> Type) (a6989586621680280555 :: Bool) | |
type Apply (UnlessSym0 :: TyFun Bool (f6989586621681207356 () ~> f6989586621681207356 ()) -> Type) (a6989586621681207724 :: Bool) | |
Defined in Data.Singletons.Prelude.Monad type Apply (UnlessSym0 :: TyFun Bool (f6989586621681207356 () ~> f6989586621681207356 ()) -> Type) (a6989586621681207724 :: Bool) = (UnlessSym1 a6989586621681207724 f6989586621681207356 :: TyFun (f6989586621681207356 ()) (f6989586621681207356 ()) -> Type) | |
type Apply (WhenSym0 :: TyFun Bool (f6989586621679544209 () ~> f6989586621679544209 ()) -> Type) (a6989586621679544597 :: Bool) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply ((==@#@$) :: TyFun a6989586621679363280 (a6989586621679363280 ~> Bool) -> Type) (x6989586621679363281 :: a6989586621679363280) | |
type Apply ((/=@#@$) :: TyFun a6989586621679363280 (a6989586621679363280 ~> Bool) -> Type) (x6989586621679363283 :: a6989586621679363280) | |
type Apply (DefaultEqSym0 :: TyFun k6989586621679363274 (k6989586621679363274 ~> Bool) -> Type) (a6989586621679363275 :: k6989586621679363274) | |
Defined in Data.Singletons.Prelude.Eq type Apply (DefaultEqSym0 :: TyFun k6989586621679363274 (k6989586621679363274 ~> Bool) -> Type) (a6989586621679363275 :: k6989586621679363274) = DefaultEqSym1 a6989586621679363275 | |
type Apply (Bool_Sym0 :: TyFun a6989586621679359260 (a6989586621679359260 ~> (Bool ~> a6989586621679359260)) -> Type) (a6989586621679359266 :: a6989586621679359260) | |
type Apply (TFHelper_6989586621679379775Sym0 :: TyFun a6989586621679379561 (a6989586621679379561 ~> Bool) -> Type) (a6989586621679379773 :: a6989586621679379561) | |
type Apply (TFHelper_6989586621679379757Sym0 :: TyFun a6989586621679379561 (a6989586621679379561 ~> Bool) -> Type) (a6989586621679379755 :: a6989586621679379561) | |
type Apply (TFHelper_6989586621679379739Sym0 :: TyFun a6989586621679379561 (a6989586621679379561 ~> Bool) -> Type) (a6989586621679379737 :: a6989586621679379561) | |
type Apply (TFHelper_6989586621679379721Sym0 :: TyFun a6989586621679379561 (a6989586621679379561 ~> Bool) -> Type) (a6989586621679379719 :: a6989586621679379561) | |
type Apply ((<=@#@$) :: TyFun a6989586621679379561 (a6989586621679379561 ~> Bool) -> Type) (arg6989586621679379663 :: a6989586621679379561) | |
type Apply ((>=@#@$) :: TyFun a6989586621679379561 (a6989586621679379561 ~> Bool) -> Type) (arg6989586621679379671 :: a6989586621679379561) | |
type Apply ((>@#@$) :: TyFun a6989586621679379561 (a6989586621679379561 ~> Bool) -> Type) (arg6989586621679379667 :: a6989586621679379561) | |
type Apply ((<@#@$) :: TyFun a6989586621679379561 (a6989586621679379561 ~> Bool) -> Type) (arg6989586621679379659 :: a6989586621679379561) | |
type Apply (Elem_6989586621680675693Sym0 :: TyFun a6989586621680450335 (Identity a6989586621680450335 ~> Bool) -> Type) (a6989586621680675691 :: a6989586621680450335) | |
type Apply (Let6989586621679948572Scrutinee_6989586621679939960Sym0 :: TyFun k1 (TyFun k Bool -> Type) -> Type) (n6989586621679948570 :: k1) | |
type Apply (Bool_Sym1 a6989586621679359266 :: TyFun a6989586621679359260 (Bool ~> a6989586621679359260) -> Type) (a6989586621679359267 :: a6989586621679359260) | |
type Apply (Elem_bySym1 a6989586621679948517 :: TyFun a6989586621679939259 ([a6989586621679939259] ~> Bool) -> Type) (a6989586621679948518 :: a6989586621679939259) | |
type Apply (Elem_6989586621680451244Sym0 :: TyFun a6989586621680450335 (t6989586621680450318 a6989586621680450335 ~> Bool) -> Type) (a6989586621680451242 :: a6989586621680450335) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Elem_6989586621680451244Sym0 :: TyFun a6989586621680450335 (t6989586621680450318 a6989586621680450335 ~> Bool) -> Type) (a6989586621680451242 :: a6989586621680450335) = (Elem_6989586621680451244Sym1 a6989586621680451242 t6989586621680450318 :: TyFun (t6989586621680450318 a6989586621680450335) Bool -> Type) | |
type Apply (ElemSym0 :: TyFun a6989586621680450335 (t6989586621680450318 a6989586621680450335 ~> Bool) -> Type) (arg6989586621680450985 :: a6989586621680450335) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (NotElemSym0 :: TyFun a6989586621680450229 (t6989586621680450228 a6989586621680450229 ~> Bool) -> Type) (a6989586621680450711 :: a6989586621680450229) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (NotElemSym0 :: TyFun a6989586621680450229 (t6989586621680450228 a6989586621680450229 ~> Bool) -> Type) (a6989586621680450711 :: a6989586621680450229) = (NotElemSym1 a6989586621680450711 t6989586621680450228 :: TyFun (t6989586621680450228 a6989586621680450229) Bool -> Type) | |
type Apply (Elem_6989586621680451367Sym0 :: TyFun a6989586621680450335 (t6989586621680450318 a6989586621680450335 ~> Bool) -> Type) (a6989586621680451365 :: a6989586621680450335) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Elem_6989586621680451367Sym0 :: TyFun a6989586621680450335 (t6989586621680450318 a6989586621680450335 ~> Bool) -> Type) (a6989586621680451365 :: a6989586621680450335) = (Elem_6989586621680451367Sym1 a6989586621680451365 t6989586621680450318 :: TyFun (t6989586621680450318 a6989586621680450335) Bool -> Type) | |
type Apply (Elem_6989586621680451704Sym0 :: TyFun a6989586621680450335 (t6989586621680450318 a6989586621680450335 ~> Bool) -> Type) (a6989586621680451702 :: a6989586621680450335) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Elem_6989586621680451704Sym0 :: TyFun a6989586621680450335 (t6989586621680450318 a6989586621680450335 ~> Bool) -> Type) (a6989586621680451702 :: a6989586621680450335) = (Elem_6989586621680451704Sym1 a6989586621680451702 t6989586621680450318 :: TyFun (t6989586621680450318 a6989586621680450335) Bool -> Type) | |
type Apply (Elem_6989586621680451871Sym0 :: TyFun a6989586621680450335 (t6989586621680450318 a6989586621680450335 ~> Bool) -> Type) (a6989586621680451869 :: a6989586621680450335) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Elem_6989586621680451871Sym0 :: TyFun a6989586621680450335 (t6989586621680450318 a6989586621680450335 ~> Bool) -> Type) (a6989586621680451869 :: a6989586621680450335) = (Elem_6989586621680451871Sym1 a6989586621680451869 t6989586621680450318 :: TyFun (t6989586621680450318 a6989586621680450335) Bool -> Type) | |
type Apply (Elem_6989586621680452038Sym0 :: TyFun a6989586621680450335 (t6989586621680450318 a6989586621680450335 ~> Bool) -> Type) (a6989586621680452036 :: a6989586621680450335) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Elem_6989586621680452038Sym0 :: TyFun a6989586621680450335 (t6989586621680450318 a6989586621680450335 ~> Bool) -> Type) (a6989586621680452036 :: a6989586621680450335) = (Elem_6989586621680452038Sym1 a6989586621680452036 t6989586621680450318 :: TyFun (t6989586621680450318 a6989586621680450335) Bool -> Type) | |
type Apply (Lambda_6989586621681207864Sym0 :: TyFun k1 (TyFun k2 (TyFun k3 (TyFun Bool (TyFun [k2] [k2] -> Type) -> Type) -> Type) -> Type) -> Type) (p6989586621681207859 :: k1) | |
Defined in Data.Singletons.Prelude.Monad type Apply (Lambda_6989586621681207864Sym0 :: TyFun k1 (TyFun k2 (TyFun k3 (TyFun Bool (TyFun [k2] [k2] -> Type) -> Type) -> Type) -> Type) -> Type) (p6989586621681207859 :: k1) = (Lambda_6989586621681207864Sym1 p6989586621681207859 :: TyFun k2 (TyFun k3 (TyFun Bool (TyFun [k2] [k2] -> Type) -> Type) -> Type) -> Type) | |
type Apply (Let6989586621679948559Scrutinee_6989586621679939962Sym0 :: TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) (x6989586621679948556 :: k1) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Let6989586621679948640Scrutinee_6989586621679939956Sym0 :: TyFun k1 (TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) -> Type) (key6989586621679948636 :: k1) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621679948640Scrutinee_6989586621679939956Sym0 :: TyFun k1 (TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) -> Type) (key6989586621679948636 :: k1) = (Let6989586621679948640Scrutinee_6989586621679939956Sym1 key6989586621679948636 :: TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) | |
type Apply (Let6989586621679948655Scrutinee_6989586621679939946Sym0 :: TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) (n6989586621679948652 :: k1) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Let6989586621679948669Scrutinee_6989586621679939944Sym0 :: TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) (n6989586621679948666 :: k1) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Let6989586621679949251Scrutinee_6989586621679939964Sym0 :: TyFun k1 (TyFun k2 (TyFun k3 (TyFun [k2] Bool -> Type) -> Type) -> Type) -> Type) (l6989586621679949241 :: k1) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621679949251Scrutinee_6989586621679939964Sym0 :: TyFun k1 (TyFun k2 (TyFun k3 (TyFun [k2] Bool -> Type) -> Type) -> Type) -> Type) (l6989586621679949241 :: k1) = (Let6989586621679949251Scrutinee_6989586621679939964Sym1 l6989586621679949241 :: TyFun k2 (TyFun k3 (TyFun [k2] Bool -> Type) -> Type) -> Type) | |
type Apply (Lambda_6989586621680451194Sym0 :: TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) (a_69895866216804511896989586621680451193 :: k1) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Let6989586621679949870Scrutinee_6989586621679939938Sym1 p6989586621679949864 :: TyFun k1 (TyFun [a6989586621679939379] (TyFun k Bool -> Type) -> Type) -> Type) (x6989586621679949868 :: k1) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621679949870Scrutinee_6989586621679939938Sym1 p6989586621679949864 :: TyFun k1 (TyFun [a6989586621679939379] (TyFun k Bool -> Type) -> Type) -> Type) (x6989586621679949868 :: k1) = (Let6989586621679949870Scrutinee_6989586621679939938Sym2 p6989586621679949864 x6989586621679949868 :: TyFun [a6989586621679939379] (TyFun k Bool -> Type) -> Type) | |
type Apply (Lambda_6989586621681207864Sym1 p6989586621681207859 :: TyFun k1 (TyFun k3 (TyFun Bool (TyFun [k1] [k1] -> Type) -> Type) -> Type) -> Type) (x6989586621681207863 :: k1) | |
Defined in Data.Singletons.Prelude.Monad type Apply (Lambda_6989586621681207864Sym1 p6989586621681207859 :: TyFun k1 (TyFun k3 (TyFun Bool (TyFun [k1] [k1] -> Type) -> Type) -> Type) -> Type) (x6989586621681207863 :: k1) = (Lambda_6989586621681207864Sym2 p6989586621681207859 x6989586621681207863 :: TyFun k3 (TyFun Bool (TyFun [k1] [k1] -> Type) -> Type) -> Type) | |
type Apply (Let6989586621679948559Scrutinee_6989586621679939962Sym1 x6989586621679948556 :: TyFun k1 (TyFun k3 Bool -> Type) -> Type) (xs6989586621679948557 :: k1) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Let6989586621679948640Scrutinee_6989586621679939956Sym1 key6989586621679948636 :: TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) (x6989586621679948637 :: k1) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621679948640Scrutinee_6989586621679939956Sym1 key6989586621679948636 :: TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) (x6989586621679948637 :: k1) = (Let6989586621679948640Scrutinee_6989586621679939956Sym2 key6989586621679948636 x6989586621679948637 :: TyFun k2 (TyFun k3 Bool -> Type) -> Type) | |
type Apply (Let6989586621679948655Scrutinee_6989586621679939946Sym1 n6989586621679948652 :: TyFun k1 (TyFun k3 Bool -> Type) -> Type) (x6989586621679948653 :: k1) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Let6989586621679948669Scrutinee_6989586621679939944Sym1 n6989586621679948666 :: TyFun k1 (TyFun k3 Bool -> Type) -> Type) (x6989586621679948667 :: k1) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Let6989586621679948543Scrutinee_6989586621679939966Sym1 eq6989586621679948531 :: TyFun k1 (TyFun k2 (TyFun k3 (TyFun [k2] Bool -> Type) -> Type) -> Type) -> Type) (l6989586621679948532 :: k1) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621679948543Scrutinee_6989586621679939966Sym1 eq6989586621679948531 :: TyFun k1 (TyFun k2 (TyFun k3 (TyFun [k2] Bool -> Type) -> Type) -> Type) -> Type) (l6989586621679948532 :: k1) = (Let6989586621679948543Scrutinee_6989586621679939966Sym2 eq6989586621679948531 l6989586621679948532 :: TyFun k2 (TyFun k3 (TyFun [k2] Bool -> Type) -> Type) -> Type) | |
type Apply (Let6989586621679949251Scrutinee_6989586621679939964Sym1 l6989586621679949241 :: TyFun k1 (TyFun k3 (TyFun [k1] Bool -> Type) -> Type) -> Type) (x6989586621679949248 :: k1) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621679949251Scrutinee_6989586621679939964Sym1 l6989586621679949241 :: TyFun k1 (TyFun k3 (TyFun [k1] Bool -> Type) -> Type) -> Type) (x6989586621679949248 :: k1) = (Let6989586621679949251Scrutinee_6989586621679939964Sym2 l6989586621679949241 x6989586621679949248 :: TyFun k3 (TyFun [k1] Bool -> Type) -> Type) | |
type Apply (Lambda_6989586621680451194Sym1 a_69895866216804511896989586621680451193 :: TyFun k1 (TyFun k3 Bool -> Type) -> Type) (t6989586621680451201 :: k1) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Let6989586621679739732Scrutinee_6989586621679739498Sym0 :: TyFun k1 (TyFun k2 (TyFun k2 (TyFun k3 (TyFun k4 Bool -> Type) -> Type) -> Type) -> Type) -> Type) (x06989586621679739722 :: k1) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621679739732Scrutinee_6989586621679739498Sym0 :: TyFun k1 (TyFun k2 (TyFun k2 (TyFun k3 (TyFun k4 Bool -> Type) -> Type) -> Type) -> Type) -> Type) (x06989586621679739722 :: k1) = (Let6989586621679739732Scrutinee_6989586621679739498Sym1 x06989586621679739722 :: TyFun k2 (TyFun k2 (TyFun k3 (TyFun k4 Bool -> Type) -> Type) -> Type) -> Type) | |
type Apply (Lambda_6989586621681207864Sym2 x6989586621681207863 p6989586621681207859 :: TyFun k3 (TyFun Bool (TyFun [k1] [k1] -> Type) -> Type) -> Type) (a_69895866216812078576989586621681207860 :: k3) | |
Defined in Data.Singletons.Prelude.Monad type Apply (Lambda_6989586621681207864Sym2 x6989586621681207863 p6989586621681207859 :: TyFun k3 (TyFun Bool (TyFun [k1] [k1] -> Type) -> Type) -> Type) (a_69895866216812078576989586621681207860 :: k3) = Lambda_6989586621681207864Sym3 x6989586621681207863 p6989586621681207859 a_69895866216812078576989586621681207860 | |
type Apply (Let6989586621679949251Scrutinee_6989586621679939964Sym2 x6989586621679949248 l6989586621679949241 :: TyFun k3 (TyFun [k1] Bool -> Type) -> Type) (xs6989586621679949249 :: k3) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621679949251Scrutinee_6989586621679939964Sym2 x6989586621679949248 l6989586621679949241 :: TyFun k3 (TyFun [k1] Bool -> Type) -> Type) (xs6989586621679949249 :: k3) = Let6989586621679949251Scrutinee_6989586621679939964Sym3 x6989586621679949248 l6989586621679949241 xs6989586621679949249 | |
type Apply (Let6989586621679948640Scrutinee_6989586621679939956Sym2 x6989586621679948637 key6989586621679948636 :: TyFun k2 (TyFun k3 Bool -> Type) -> Type) (y6989586621679948638 :: k2) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621679948640Scrutinee_6989586621679939956Sym2 x6989586621679948637 key6989586621679948636 :: TyFun k2 (TyFun k3 Bool -> Type) -> Type) (y6989586621679948638 :: k2) = (Let6989586621679948640Scrutinee_6989586621679939956Sym3 x6989586621679948637 key6989586621679948636 y6989586621679948638 :: TyFun k3 Bool -> Type) | |
type Apply (Let6989586621679948543Scrutinee_6989586621679939966Sym2 l6989586621679948532 eq6989586621679948531 :: TyFun k2 (TyFun k3 (TyFun [k2] Bool -> Type) -> Type) -> Type) (y6989586621679948540 :: k2) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621679948543Scrutinee_6989586621679939966Sym2 l6989586621679948532 eq6989586621679948531 :: TyFun k2 (TyFun k3 (TyFun [k2] Bool -> Type) -> Type) -> Type) (y6989586621679948540 :: k2) = (Let6989586621679948543Scrutinee_6989586621679939966Sym3 l6989586621679948532 eq6989586621679948531 y6989586621679948540 :: TyFun k3 (TyFun [k2] Bool -> Type) -> Type) | |
type Apply (Let6989586621679739598Scrutinee_6989586621679739522Sym0 :: TyFun k1 (TyFun k2 (TyFun k1 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) -> Type) -> Type) (x16989586621679739593 :: k1) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621679739598Scrutinee_6989586621679739522Sym0 :: TyFun k1 (TyFun k2 (TyFun k1 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) -> Type) -> Type) (x16989586621679739593 :: k1) = (Let6989586621679739598Scrutinee_6989586621679739522Sym1 x16989586621679739593 :: TyFun k2 (TyFun k1 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) -> Type) | |
type Apply (Let6989586621679739655Scrutinee_6989586621679739512Sym0 :: TyFun k1 (TyFun k2 (TyFun k1 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) -> Type) -> Type) (x16989586621679739650 :: k1) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621679739655Scrutinee_6989586621679739512Sym0 :: TyFun k1 (TyFun k2 (TyFun k1 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) -> Type) -> Type) (x16989586621679739650 :: k1) = (Let6989586621679739655Scrutinee_6989586621679739512Sym1 x16989586621679739650 :: TyFun k2 (TyFun k1 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) -> Type) | |
type Apply (Let6989586621679739732Scrutinee_6989586621679739498Sym1 x06989586621679739722 :: TyFun k1 (TyFun k1 (TyFun k3 (TyFun k4 Bool -> Type) -> Type) -> Type) -> Type) (y6989586621679739723 :: k1) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621679739732Scrutinee_6989586621679739498Sym1 x06989586621679739722 :: TyFun k1 (TyFun k1 (TyFun k3 (TyFun k4 Bool -> Type) -> Type) -> Type) -> Type) (y6989586621679739723 :: k1) = (Let6989586621679739732Scrutinee_6989586621679739498Sym2 x06989586621679739722 y6989586621679739723 :: TyFun k1 (TyFun k3 (TyFun k4 Bool -> Type) -> Type) -> Type) | |
type Apply (Lambda_6989586621681207864Sym3 a_69895866216812078576989586621681207860 x6989586621681207863 p6989586621681207859 :: TyFun Bool (TyFun [k1] [k1] -> Type) -> Type) (t6989586621681207870 :: Bool) | |
Defined in Data.Singletons.Prelude.Monad type Apply (Lambda_6989586621681207864Sym3 a_69895866216812078576989586621681207860 x6989586621681207863 p6989586621681207859 :: TyFun Bool (TyFun [k1] [k1] -> Type) -> Type) (t6989586621681207870 :: Bool) = Lambda_6989586621681207864 a_69895866216812078576989586621681207860 x6989586621681207863 p6989586621681207859 t6989586621681207870 | |
type Apply (Let6989586621679948543Scrutinee_6989586621679939966Sym3 y6989586621679948540 l6989586621679948532 eq6989586621679948531 :: TyFun k3 (TyFun [k2] Bool -> Type) -> Type) (ys6989586621679948541 :: k3) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621679948543Scrutinee_6989586621679939966Sym3 y6989586621679948540 l6989586621679948532 eq6989586621679948531 :: TyFun k3 (TyFun [k2] Bool -> Type) -> Type) (ys6989586621679948541 :: k3) = Let6989586621679948543Scrutinee_6989586621679939966Sym4 y6989586621679948540 l6989586621679948532 eq6989586621679948531 ys6989586621679948541 | |
type Apply (Let6989586621679739598Scrutinee_6989586621679739522Sym1 x16989586621679739593 :: TyFun k1 (TyFun k2 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) -> Type) (x26989586621679739594 :: k1) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621679739598Scrutinee_6989586621679739522Sym1 x16989586621679739593 :: TyFun k1 (TyFun k2 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) -> Type) (x26989586621679739594 :: k1) = (Let6989586621679739598Scrutinee_6989586621679739522Sym2 x16989586621679739593 x26989586621679739594 :: TyFun k2 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) | |
type Apply (Let6989586621679739655Scrutinee_6989586621679739512Sym1 x16989586621679739650 :: TyFun k1 (TyFun k2 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) -> Type) (x26989586621679739651 :: k1) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621679739655Scrutinee_6989586621679739512Sym1 x16989586621679739650 :: TyFun k1 (TyFun k2 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) -> Type) (x26989586621679739651 :: k1) = (Let6989586621679739655Scrutinee_6989586621679739512Sym2 x16989586621679739650 x26989586621679739651 :: TyFun k2 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) | |
type Apply (Let6989586621679739732Scrutinee_6989586621679739498Sym2 y6989586621679739723 x06989586621679739722 :: TyFun k1 (TyFun k3 (TyFun k4 Bool -> Type) -> Type) -> Type) (x6989586621679739731 :: k1) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621679739732Scrutinee_6989586621679739498Sym2 y6989586621679739723 x06989586621679739722 :: TyFun k1 (TyFun k3 (TyFun k4 Bool -> Type) -> Type) -> Type) (x6989586621679739731 :: k1) = (Let6989586621679739732Scrutinee_6989586621679739498Sym3 y6989586621679739723 x06989586621679739722 x6989586621679739731 :: TyFun k3 (TyFun k4 Bool -> Type) -> Type) | |
type Apply (Let6989586621679739598Scrutinee_6989586621679739522Sym2 x26989586621679739594 x16989586621679739593 :: TyFun k2 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) (y6989586621679739595 :: k2) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621679739598Scrutinee_6989586621679739522Sym2 x26989586621679739594 x16989586621679739593 :: TyFun k2 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) (y6989586621679739595 :: k2) = (Let6989586621679739598Scrutinee_6989586621679739522Sym3 x26989586621679739594 x16989586621679739593 y6989586621679739595 :: TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) | |
type Apply (Let6989586621679739655Scrutinee_6989586621679739512Sym2 x26989586621679739651 x16989586621679739650 :: TyFun k2 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) (y6989586621679739652 :: k2) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621679739655Scrutinee_6989586621679739512Sym2 x26989586621679739651 x16989586621679739650 :: TyFun k2 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) (y6989586621679739652 :: k2) = (Let6989586621679739655Scrutinee_6989586621679739512Sym3 x26989586621679739651 x16989586621679739650 y6989586621679739652 :: TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) | |
type Apply (Let6989586621679739732Scrutinee_6989586621679739498Sym3 x6989586621679739731 y6989586621679739723 x06989586621679739722 :: TyFun k3 (TyFun k4 Bool -> Type) -> Type) (arg_69895866216797394946989586621679739718 :: k3) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621679739732Scrutinee_6989586621679739498Sym3 x6989586621679739731 y6989586621679739723 x06989586621679739722 :: TyFun k3 (TyFun k4 Bool -> Type) -> Type) (arg_69895866216797394946989586621679739718 :: k3) = (Let6989586621679739732Scrutinee_6989586621679739498Sym4 x6989586621679739731 y6989586621679739723 x06989586621679739722 arg_69895866216797394946989586621679739718 :: TyFun k4 Bool -> Type) | |
type Apply (Let6989586621679739598Scrutinee_6989586621679739522Sym3 y6989586621679739595 x26989586621679739594 x16989586621679739593 :: TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) (arg_69895866216797395166989586621679739588 :: k3) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621679739598Scrutinee_6989586621679739522Sym3 y6989586621679739595 x26989586621679739594 x16989586621679739593 :: TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) (arg_69895866216797395166989586621679739588 :: k3) = (Let6989586621679739598Scrutinee_6989586621679739522Sym4 y6989586621679739595 x26989586621679739594 x16989586621679739593 arg_69895866216797395166989586621679739588 :: TyFun k4 (TyFun k5 Bool -> Type) -> Type) | |
type Apply (Let6989586621679739655Scrutinee_6989586621679739512Sym3 y6989586621679739652 x26989586621679739651 x16989586621679739650 :: TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) (arg_69895866216797395066989586621679739645 :: k3) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621679739655Scrutinee_6989586621679739512Sym3 y6989586621679739652 x26989586621679739651 x16989586621679739650 :: TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) (arg_69895866216797395066989586621679739645 :: k3) = (Let6989586621679739655Scrutinee_6989586621679739512Sym4 y6989586621679739652 x26989586621679739651 x16989586621679739650 arg_69895866216797395066989586621679739645 :: TyFun k4 (TyFun k5 Bool -> Type) -> Type) | |
type Apply (Let6989586621679739598Scrutinee_6989586621679739522Sym4 arg_69895866216797395166989586621679739588 y6989586621679739595 x26989586621679739594 x16989586621679739593 :: TyFun k4 (TyFun k5 Bool -> Type) -> Type) (arg_69895866216797395186989586621679739589 :: k4) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621679739598Scrutinee_6989586621679739522Sym4 arg_69895866216797395166989586621679739588 y6989586621679739595 x26989586621679739594 x16989586621679739593 :: TyFun k4 (TyFun k5 Bool -> Type) -> Type) (arg_69895866216797395186989586621679739589 :: k4) = (Let6989586621679739598Scrutinee_6989586621679739522Sym5 arg_69895866216797395166989586621679739588 y6989586621679739595 x26989586621679739594 x16989586621679739593 arg_69895866216797395186989586621679739589 :: TyFun k5 Bool -> Type) | |
type Apply (Let6989586621679739655Scrutinee_6989586621679739512Sym4 arg_69895866216797395066989586621679739645 y6989586621679739652 x26989586621679739651 x16989586621679739650 :: TyFun k4 (TyFun k5 Bool -> Type) -> Type) (arg_69895866216797395086989586621679739646 :: k4) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621679739655Scrutinee_6989586621679739512Sym4 arg_69895866216797395066989586621679739645 y6989586621679739652 x26989586621679739651 x16989586621679739650 :: TyFun k4 (TyFun k5 Bool -> Type) -> Type) (arg_69895866216797395086989586621679739646 :: k4) = (Let6989586621679739655Scrutinee_6989586621679739512Sym5 arg_69895866216797395066989586621679739645 y6989586621679739652 x26989586621679739651 x16989586621679739650 arg_69895866216797395086989586621679739646 :: TyFun k5 Bool -> Type) | |
type Apply (ListisPrefixOfSym0 :: TyFun [a6989586621680386865] ([a6989586621680386865] ~> Bool) -> Type) (a6989586621680387917 :: [a6989586621680386865]) | |
type Apply (IsPrefixOfSym0 :: TyFun [a6989586621679939345] ([a6989586621679939345] ~> Bool) -> Type) (a6989586621679949259 :: [a6989586621679939345]) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (IsPrefixOfSym0 :: TyFun [a6989586621679939345] ([a6989586621679939345] ~> Bool) -> Type) (a6989586621679949259 :: [a6989586621679939345]) = IsPrefixOfSym1 a6989586621679949259 | |
type Apply (IsInfixOfSym0 :: TyFun [a6989586621679939343] ([a6989586621679939343] ~> Bool) -> Type) (a6989586621679949497 :: [a6989586621679939343]) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (IsInfixOfSym0 :: TyFun [a6989586621679939343] ([a6989586621679939343] ~> Bool) -> Type) (a6989586621679949497 :: [a6989586621679939343]) = IsInfixOfSym1 a6989586621679949497 | |
type Apply (IsSuffixOfSym0 :: TyFun [a6989586621679939344] ([a6989586621679939344] ~> Bool) -> Type) (a6989586621679949850 :: [a6989586621679939344]) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (IsSuffixOfSym0 :: TyFun [a6989586621679939344] ([a6989586621679939344] ~> Bool) -> Type) (a6989586621679949850 :: [a6989586621679939344]) = IsSuffixOfSym1 a6989586621679949850 | |
type Apply (Let6989586621679949870Scrutinee_6989586621679939938Sym2 x6989586621679949868 p6989586621679949864 :: TyFun [a6989586621679939379] (TyFun k Bool -> Type) -> Type) (xs6989586621679949869 :: [a6989586621679939379]) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621679949870Scrutinee_6989586621679939938Sym2 x6989586621679949868 p6989586621679949864 :: TyFun [a6989586621679939379] (TyFun k Bool -> Type) -> Type) (xs6989586621679949869 :: [a6989586621679939379]) = (Let6989586621679949870Scrutinee_6989586621679939938Sym3 x6989586621679949868 p6989586621679949864 xs6989586621679949869 :: TyFun k Bool -> Type) | |
type Apply (Let6989586621679948700ZsSym0 :: TyFun (k ~> Bool) (TyFun k (TyFun [k] [k] -> Type) -> Type) -> Type) (p6989586621679948687 :: k ~> Bool) | |
type Apply (Let6989586621679948700YsSym0 :: TyFun (k ~> Bool) (TyFun k (TyFun [k] [k] -> Type) -> Type) -> Type) (p6989586621679948687 :: k ~> Bool) | |
type Apply (Let6989586621679948700X_6989586621679948701Sym0 :: TyFun (k ~> Bool) (TyFun k (TyFun [k] ([k], [k]) -> Type) -> Type) -> Type) (p6989586621679948687 :: k ~> Bool) | |
type Apply (Let6989586621679948743ZsSym0 :: TyFun (k ~> Bool) (TyFun k (TyFun [k] [k] -> Type) -> Type) -> Type) (p6989586621679948730 :: k ~> Bool) | |
type Apply (Let6989586621679948743YsSym0 :: TyFun (k ~> Bool) (TyFun k (TyFun [k] [k] -> Type) -> Type) -> Type) (p6989586621679948730 :: k ~> Bool) | |
type Apply (Let6989586621679948743X_6989586621679948744Sym0 :: TyFun (k ~> Bool) (TyFun k (TyFun [k] ([k], [k]) -> Type) -> Type) -> Type) (p6989586621679948730 :: k ~> Bool) | |
type Apply (ListnubBySym0 :: TyFun (a6989586621680386859 ~> (a6989586621680386859 ~> Bool)) ([a6989586621680386859] ~> [a6989586621680386859]) -> Type) (a6989586621680387882 :: a6989586621680386859 ~> (a6989586621680386859 ~> Bool)) | |
type Apply (ListpartitionSym0 :: TyFun (a6989586621680386867 ~> Bool) ([a6989586621680386867] ~> ([a6989586621680386867], [a6989586621680386867])) -> Type) (a6989586621680387937 :: a6989586621680386867 ~> Bool) | |
type Apply (ListfilterSym0 :: TyFun (a6989586621680386868 ~> Bool) ([a6989586621680386868] ~> [a6989586621680386868]) -> Type) (a6989586621680387947 :: a6989586621680386868 ~> Bool) | |
type Apply (ListspanSym0 :: TyFun (a6989586621680386869 ~> Bool) ([a6989586621680386869] ~> ([a6989586621680386869], [a6989586621680386869])) -> Type) (a6989586621680387957 :: a6989586621680386869 ~> Bool) | |
type Apply (ListdropWhileSym0 :: TyFun (a6989586621680386870 ~> Bool) ([a6989586621680386870] ~> [a6989586621680386870]) -> Type) (a6989586621680387967 :: a6989586621680386870 ~> Bool) | |
type Apply (ListtakeWhileSym0 :: TyFun (a6989586621680386871 ~> Bool) ([a6989586621680386871] ~> [a6989586621680386871]) -> Type) (a6989586621680387977 :: a6989586621680386871 ~> Bool) | |
type Apply (NubBySym0 :: TyFun (a6989586621679939260 ~> (a6989586621679939260 ~> Bool)) ([a6989586621679939260] ~> [a6989586621679939260]) -> Type) (a6989586621679948527 :: a6989586621679939260 ~> (a6989586621679939260 ~> Bool)) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (PartitionSym0 :: TyFun (a6989586621679939269 ~> Bool) ([a6989586621679939269] ~> ([a6989586621679939269], [a6989586621679939269])) -> Type) (a6989586621679948625 :: a6989586621679939269 ~> Bool) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (PartitionSym0 :: TyFun (a6989586621679939269 ~> Bool) ([a6989586621679939269] ~> ([a6989586621679939269], [a6989586621679939269])) -> Type) (a6989586621679948625 :: a6989586621679939269 ~> Bool) = PartitionSym1 a6989586621679948625 | |
type Apply (BreakSym0 :: TyFun (a6989586621679939281 ~> Bool) ([a6989586621679939281] ~> ([a6989586621679939281], [a6989586621679939281])) -> Type) (a6989586621679948682 :: a6989586621679939281 ~> Bool) | |
type Apply (SpanSym0 :: TyFun (a6989586621679939282 ~> Bool) ([a6989586621679939282] ~> ([a6989586621679939282], [a6989586621679939282])) -> Type) (a6989586621679948725 :: a6989586621679939282 ~> Bool) | |
type Apply (GroupBySym0 :: TyFun (a6989586621679939272 ~> (a6989586621679939272 ~> Bool)) ([a6989586621679939272] ~> [[a6989586621679939272]]) -> Type) (a6989586621679948768 :: a6989586621679939272 ~> (a6989586621679939272 ~> Bool)) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (DropWhileSym0 :: TyFun (a6989586621679939284 ~> Bool) ([a6989586621679939284] ~> [a6989586621679939284]) -> Type) (a6989586621679948802 :: a6989586621679939284 ~> Bool) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (DropWhileSym0 :: TyFun (a6989586621679939284 ~> Bool) ([a6989586621679939284] ~> [a6989586621679939284]) -> Type) (a6989586621679948802 :: a6989586621679939284 ~> Bool) = DropWhileSym1 a6989586621679948802 | |
type Apply (TakeWhileSym0 :: TyFun (a6989586621679939285 ~> Bool) ([a6989586621679939285] ~> [a6989586621679939285]) -> Type) (a6989586621679948820 :: a6989586621679939285 ~> Bool) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (TakeWhileSym0 :: TyFun (a6989586621679939285 ~> Bool) ([a6989586621679939285] ~> [a6989586621679939285]) -> Type) (a6989586621679948820 :: a6989586621679939285 ~> Bool) = TakeWhileSym1 a6989586621679948820 | |
type Apply (FilterSym0 :: TyFun (a6989586621679939293 ~> Bool) ([a6989586621679939293] ~> [a6989586621679939293]) -> Type) (a6989586621679948834 :: a6989586621679939293 ~> Bool) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (FilterSym0 :: TyFun (a6989586621679939293 ~> Bool) ([a6989586621679939293] ~> [a6989586621679939293]) -> Type) (a6989586621679948834 :: a6989586621679939293 ~> Bool) = FilterSym1 a6989586621679948834 | |
type Apply (FindSym0 :: TyFun (a6989586621679939292 ~> Bool) ([a6989586621679939292] ~> Maybe a6989586621679939292) -> Type) (a6989586621679948849 :: a6989586621679939292 ~> Bool) | |
type Apply (DeleteFirstsBySym0 :: TyFun (a6989586621679939298 ~> (a6989586621679939298 ~> Bool)) ([a6989586621679939298] ~> ([a6989586621679939298] ~> [a6989586621679939298])) -> Type) (a6989586621679948918 :: a6989586621679939298 ~> (a6989586621679939298 ~> Bool)) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (DeleteFirstsBySym0 :: TyFun (a6989586621679939298 ~> (a6989586621679939298 ~> Bool)) ([a6989586621679939298] ~> ([a6989586621679939298] ~> [a6989586621679939298])) -> Type) (a6989586621679948918 :: a6989586621679939298 ~> (a6989586621679939298 ~> Bool)) = DeleteFirstsBySym1 a6989586621679948918 | |
type Apply (UnionBySym0 :: TyFun (a6989586621679939258 ~> (a6989586621679939258 ~> Bool)) ([a6989586621679939258] ~> ([a6989586621679939258] ~> [a6989586621679939258])) -> Type) (a6989586621679948931 :: a6989586621679939258 ~> (a6989586621679939258 ~> Bool)) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (FindIndicesSym0 :: TyFun (a6989586621679939288 ~> Bool) ([a6989586621679939288] ~> [Nat]) -> Type) (a6989586621679949175 :: a6989586621679939288 ~> Bool) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (FindIndexSym0 :: TyFun (a6989586621679939289 ~> Bool) ([a6989586621679939289] ~> Maybe Nat) -> Type) (a6989586621679949209 :: a6989586621679939289 ~> Bool) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (AnySym0 :: TyFun (a6989586621679939362 ~> Bool) ([a6989586621679939362] ~> Bool) -> Type) (a6989586621679949490 :: a6989586621679939362 ~> Bool) | |
type Apply (IntersectBySym0 :: TyFun (a6989586621679939286 ~> (a6989586621679939286 ~> Bool)) ([a6989586621679939286] ~> ([a6989586621679939286] ~> [a6989586621679939286])) -> Type) (a6989586621679949503 :: a6989586621679939286 ~> (a6989586621679939286 ~> Bool)) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (IntersectBySym0 :: TyFun (a6989586621679939286 ~> (a6989586621679939286 ~> Bool)) ([a6989586621679939286] ~> ([a6989586621679939286] ~> [a6989586621679939286])) -> Type) (a6989586621679949503 :: a6989586621679939286 ~> (a6989586621679939286 ~> Bool)) = IntersectBySym1 a6989586621679949503 | |
type Apply (AllSym0 :: TyFun (a6989586621679939363 ~> Bool) ([a6989586621679939363] ~> Bool) -> Type) (a6989586621679949545 :: a6989586621679939363 ~> Bool) | |
type Apply (DropWhileEndSym0 :: TyFun (a6989586621679939283 ~> Bool) ([a6989586621679939283] ~> [a6989586621679939283]) -> Type) (a6989586621679949858 :: a6989586621679939283 ~> Bool) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (DropWhileEndSym0 :: TyFun (a6989586621679939283 ~> Bool) ([a6989586621679939283] ~> [a6989586621679939283]) -> Type) (a6989586621679949858 :: a6989586621679939283 ~> Bool) = DropWhileEndSym1 a6989586621679949858 | |
type Apply (Elem_bySym0 :: TyFun (a6989586621679939259 ~> (a6989586621679939259 ~> Bool)) (a6989586621679939259 ~> ([a6989586621679939259] ~> Bool)) -> Type) (a6989586621679948517 :: a6989586621679939259 ~> (a6989586621679939259 ~> Bool)) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (SelectSym0 :: TyFun (a6989586621679939268 ~> Bool) (a6989586621679939268 ~> (([a6989586621679939268], [a6989586621679939268]) ~> ([a6989586621679939268], [a6989586621679939268]))) -> Type) (a6989586621679948607 :: a6989586621679939268 ~> Bool) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (DeleteBySym0 :: TyFun (a6989586621679939299 ~> (a6989586621679939299 ~> Bool)) (a6989586621679939299 ~> ([a6989586621679939299] ~> [a6989586621679939299])) -> Type) (a6989586621679948900 :: a6989586621679939299 ~> (a6989586621679939299 ~> Bool)) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (UntilSym0 :: TyFun (a6989586621679519968 ~> Bool) ((a6989586621679519968 ~> a6989586621679519968) ~> (a6989586621679519968 ~> a6989586621679519968)) -> Type) (a6989586621679520093 :: a6989586621679519968 ~> Bool) | |
type Apply (Let6989586621679948533NubBy'Sym0 :: TyFun (k1 ~> (k1 ~> Bool)) (TyFun k (TyFun [k1] ([k1] ~> [k1]) -> Type) -> Type) -> Type) (eq6989586621679948531 :: k1 ~> (k1 ~> Bool)) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Let6989586621679948775ZsSym0 :: TyFun (k1 ~> (a6989586621679939282 ~> Bool)) (TyFun k1 (TyFun [a6989586621679939282] [a6989586621679939282] -> Type) -> Type) -> Type) (eq6989586621679948772 :: k1 ~> (a6989586621679939282 ~> Bool)) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Let6989586621679948775YsSym0 :: TyFun (k1 ~> (a6989586621679939282 ~> Bool)) (TyFun k1 (TyFun [a6989586621679939282] [a6989586621679939282] -> Type) -> Type) -> Type) (eq6989586621679948772 :: k1 ~> (a6989586621679939282 ~> Bool)) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Let6989586621679948775X_6989586621679948776Sym0 :: TyFun (k1 ~> (a6989586621679939282 ~> Bool)) (TyFun k1 (TyFun [a6989586621679939282] ([a6989586621679939282], [a6989586621679939282]) -> Type) -> Type) -> Type) (eq6989586621679948772 :: k1 ~> (a6989586621679939282 ~> Bool)) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621679948775X_6989586621679948776Sym0 :: TyFun (k1 ~> (a6989586621679939282 ~> Bool)) (TyFun k1 (TyFun [a6989586621679939282] ([a6989586621679939282], [a6989586621679939282]) -> Type) -> Type) -> Type) (eq6989586621679948772 :: k1 ~> (a6989586621679939282 ~> Bool)) = Let6989586621679948775X_6989586621679948776Sym1 eq6989586621679948772 | |
type Apply (Lambda_6989586621679949866Sym0 :: TyFun (a6989586621679939379 ~> Bool) (TyFun k (TyFun a6989586621679939379 (TyFun [a6989586621679939379] [a6989586621679939379] -> Type) -> Type) -> Type) -> Type) (p6989586621679949864 :: a6989586621679939379 ~> Bool) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Lambda_6989586621679949866Sym0 :: TyFun (a6989586621679939379 ~> Bool) (TyFun k (TyFun a6989586621679939379 (TyFun [a6989586621679939379] [a6989586621679939379] -> Type) -> Type) -> Type) -> Type) (p6989586621679949864 :: a6989586621679939379 ~> Bool) = (Lambda_6989586621679949866Sym1 p6989586621679949864 :: TyFun k (TyFun a6989586621679939379 (TyFun [a6989586621679939379] [a6989586621679939379] -> Type) -> Type) -> Type) | |
type Apply (Lambda_6989586621680450691Sym0 :: TyFun (a6989586621679072624 ~> Bool) (TyFun k (TyFun a6989586621679072624 (First a6989586621679072624) -> Type) -> Type) -> Type) (p6989586621680450688 :: a6989586621679072624 ~> Bool) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Lambda_6989586621680450691Sym0 :: TyFun (a6989586621679072624 ~> Bool) (TyFun k (TyFun a6989586621679072624 (First a6989586621679072624) -> Type) -> Type) -> Type) (p6989586621680450688 :: a6989586621679072624 ~> Bool) = (Lambda_6989586621680450691Sym1 p6989586621680450688 :: TyFun k (TyFun a6989586621679072624 (First a6989586621679072624) -> Type) -> Type) | |
type Apply (Let6989586621680450788Scrutinee_6989586621680450569Sym0 :: TyFun (a6989586621680450321 ~> Bool) (TyFun (t6989586621680450318 a6989586621680450321) Any -> Type) -> Type) (p6989586621680450786 :: a6989586621680450321 ~> Bool) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Let6989586621680450788Scrutinee_6989586621680450569Sym0 :: TyFun (a6989586621680450321 ~> Bool) (TyFun (t6989586621680450318 a6989586621680450321) Any -> Type) -> Type) (p6989586621680450786 :: a6989586621680450321 ~> Bool) = (Let6989586621680450788Scrutinee_6989586621680450569Sym1 p6989586621680450786 :: TyFun (t6989586621680450318 a6989586621680450321) Any -> Type) | |
type Apply (Let6989586621680450775Scrutinee_6989586621680450571Sym0 :: TyFun (a6989586621680450321 ~> Bool) (TyFun (t6989586621680450318 a6989586621680450321) All -> Type) -> Type) (p6989586621680450773 :: a6989586621680450321 ~> Bool) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Let6989586621680450775Scrutinee_6989586621680450571Sym0 :: TyFun (a6989586621680450321 ~> Bool) (TyFun (t6989586621680450318 a6989586621680450321) All -> Type) -> Type) (p6989586621680450773 :: a6989586621680450321 ~> Bool) = (Let6989586621680450775Scrutinee_6989586621680450571Sym1 p6989586621680450773 :: TyFun (t6989586621680450318 a6989586621680450321) All -> Type) | |
type Apply (Let6989586621680450690Scrutinee_6989586621680450577Sym0 :: TyFun (a6989586621680450321 ~> Bool) (TyFun (t6989586621680450318 a6989586621680450321) (First a6989586621680450321) -> Type) -> Type) (p6989586621680450688 :: a6989586621680450321 ~> Bool) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Let6989586621680450690Scrutinee_6989586621680450577Sym0 :: TyFun (a6989586621680450321 ~> Bool) (TyFun (t6989586621680450318 a6989586621680450321) (First a6989586621680450321) -> Type) -> Type) (p6989586621680450688 :: a6989586621680450321 ~> Bool) = (Let6989586621680450690Scrutinee_6989586621680450577Sym1 p6989586621680450688 :: TyFun (t6989586621680450318 a6989586621680450321) (First a6989586621680450321) -> Type) | |
type Apply (Let6989586621679520104GoSym0 :: TyFun (k1 ~> Bool) (TyFun (k1 ~> k1) (TyFun k2 (TyFun k1 k1 -> Type) -> Type) -> Type) -> Type) (p6989586621679520101 :: k1 ~> Bool) | |
Defined in Data.Singletons.Prelude.Base | |
type Apply (FilterMSym0 :: TyFun (a6989586621681207390 ~> m6989586621681207389 Bool) ([a6989586621681207390] ~> m6989586621681207389 [a6989586621681207390]) -> Type) (a6989586621681207853 :: a6989586621681207390 ~> m6989586621681207389 Bool) | |
Defined in Data.Singletons.Prelude.Monad type Apply (FilterMSym0 :: TyFun (a6989586621681207390 ~> m6989586621681207389 Bool) ([a6989586621681207390] ~> m6989586621681207389 [a6989586621681207390]) -> Type) (a6989586621681207853 :: a6989586621681207390 ~> m6989586621681207389 Bool) = FilterMSym1 a6989586621681207853 | |
type Apply (MfilterSym0 :: TyFun (a6989586621681207352 ~> Bool) (m6989586621681207351 a6989586621681207352 ~> m6989586621681207351 a6989586621681207352) -> Type) (a6989586621681207687 :: a6989586621681207352 ~> Bool) | |
Defined in Data.Singletons.Prelude.Monad type Apply (MfilterSym0 :: TyFun (a6989586621681207352 ~> Bool) (m6989586621681207351 a6989586621681207352 ~> m6989586621681207351 a6989586621681207352) -> Type) (a6989586621681207687 :: a6989586621681207352 ~> Bool) = (MfilterSym1 a6989586621681207687 m6989586621681207351 :: TyFun (m6989586621681207351 a6989586621681207352) (m6989586621681207351 a6989586621681207352) -> Type) | |
type Apply (AnySym0 :: TyFun (a6989586621680450237 ~> Bool) (t6989586621680450236 a6989586621680450237 ~> Bool) -> Type) (a6989586621680450782 :: a6989586621680450237 ~> Bool) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (AllSym0 :: TyFun (a6989586621680450235 ~> Bool) (t6989586621680450234 a6989586621680450235 ~> Bool) -> Type) (a6989586621680450769 :: a6989586621680450235 ~> Bool) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (FindSym0 :: TyFun (a6989586621680450227 ~> Bool) (t6989586621680450226 a6989586621680450227 ~> Maybe a6989586621680450227) -> Type) (a6989586621680450684 :: a6989586621680450227 ~> Bool) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (FindSym0 :: TyFun (a6989586621680450227 ~> Bool) (t6989586621680450226 a6989586621680450227 ~> Maybe a6989586621680450227) -> Type) (a6989586621680450684 :: a6989586621680450227 ~> Bool) = (FindSym1 a6989586621680450684 t6989586621680450226 :: TyFun (t6989586621680450226 a6989586621680450227) (Maybe a6989586621680450227) -> Type) | |
type Apply (TFHelper_6989586621680882445Sym0 :: TyFun (Arg a6989586621680881228 b6989586621680881229) (Arg a6989586621680881228 b6989586621680881229 ~> Bool) -> Type) (a6989586621680882443 :: Arg a6989586621680881228 b6989586621680881229) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (Lambda_6989586621681207693Sym0 :: TyFun (k1 ~> Bool) (TyFun k (TyFun k1 (m6989586621679544288 k1) -> Type) -> Type) -> Type) (p6989586621681207691 :: k1 ~> Bool) | |
Defined in Data.Singletons.Prelude.Monad | |
type Apply (Lambda_6989586621681207861Sym0 :: TyFun (k2 ~> f6989586621679544264 Bool) (TyFun k3 (TyFun k2 (TyFun (f6989586621679544264 [k2]) (f6989586621679544264 [k2]) -> Type) -> Type) -> Type) -> Type) (p6989586621681207859 :: k2 ~> f6989586621679544264 Bool) | |
Defined in Data.Singletons.Prelude.Monad type Apply (Lambda_6989586621681207861Sym0 :: TyFun (k2 ~> f6989586621679544264 Bool) (TyFun k3 (TyFun k2 (TyFun (f6989586621679544264 [k2]) (f6989586621679544264 [k2]) -> Type) -> Type) -> Type) -> Type) (p6989586621681207859 :: k2 ~> f6989586621679544264 Bool) = (Lambda_6989586621681207861Sym1 p6989586621681207859 :: TyFun k3 (TyFun k2 (TyFun (f6989586621679544264 [k2]) (f6989586621679544264 [k2]) -> Type) -> Type) -> Type) | |
type Apply (Let6989586621679948543Scrutinee_6989586621679939966Sym0 :: TyFun (k1 ~> (k1 ~> Bool)) (TyFun k2 (TyFun k1 (TyFun k3 (TyFun [k1] Bool -> Type) -> Type) -> Type) -> Type) -> Type) (eq6989586621679948531 :: k1 ~> (k1 ~> Bool)) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621679948543Scrutinee_6989586621679939966Sym0 :: TyFun (k1 ~> (k1 ~> Bool)) (TyFun k2 (TyFun k1 (TyFun k3 (TyFun [k1] Bool -> Type) -> Type) -> Type) -> Type) -> Type) (eq6989586621679948531 :: k1 ~> (k1 ~> Bool)) = (Let6989586621679948543Scrutinee_6989586621679939966Sym1 eq6989586621679948531 :: TyFun k2 (TyFun k1 (TyFun k3 (TyFun [k1] Bool -> Type) -> Type) -> Type) -> Type) | |
type Apply (Let6989586621679949870Scrutinee_6989586621679939938Sym0 :: TyFun (k1 ~> Bool) (TyFun k1 (TyFun [a6989586621679939379] (TyFun k Bool -> Type) -> Type) -> Type) -> Type) (p6989586621679949864 :: k1 ~> Bool) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621679949870Scrutinee_6989586621679939938Sym0 :: TyFun (k1 ~> Bool) (TyFun k1 (TyFun [a6989586621679939379] (TyFun k Bool -> Type) -> Type) -> Type) -> Type) (p6989586621679949864 :: k1 ~> Bool) = (Let6989586621679949870Scrutinee_6989586621679939938Sym1 p6989586621679949864 :: TyFun k1 (TyFun [a6989586621679939379] (TyFun k Bool -> Type) -> Type) -> Type) | |
type Apply (Lambda_6989586621679949525Sym0 :: TyFun (b6989586621679544292 ~> (a6989586621679939362 ~> Bool)) (TyFun k1 (TyFun k2 (TyFun a6989586621679939362 (TyFun [a6989586621679939362] (TyFun b6989586621679544292 (m6989586621679544288 b6989586621679544292) -> Type) -> Type) -> Type) -> Type) -> Type) -> Type) (eq6989586621679949509 :: b6989586621679544292 ~> (a6989586621679939362 ~> Bool)) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Lambda_6989586621679949525Sym0 :: TyFun (b6989586621679544292 ~> (a6989586621679939362 ~> Bool)) (TyFun k1 (TyFun k2 (TyFun a6989586621679939362 (TyFun [a6989586621679939362] (TyFun b6989586621679544292 (m6989586621679544288 b6989586621679544292) -> Type) -> Type) -> Type) -> Type) -> Type) -> Type) (eq6989586621679949509 :: b6989586621679544292 ~> (a6989586621679939362 ~> Bool)) = (Lambda_6989586621679949525Sym1 eq6989586621679949509 :: TyFun k1 (TyFun k2 (TyFun a6989586621679939362 (TyFun [a6989586621679939362] (TyFun b6989586621679544292 (m6989586621679544288 b6989586621679544292) -> Type) -> Type) -> Type) -> Type) -> Type) |
The character type Char
is an enumeration whose values represent
Unicode (or equivalently ISO/IEC 10646) code points (i.e. characters, see
http://www.unicode.org/ for details). This set extends the ISO 8859-1
(Latin-1) character set (the first 256 characters), which is itself an extension
of the ASCII character set (the first 128 characters). A character literal in
Haskell has type Char
.
To convert a Char
to or from the corresponding Int
value defined
by Unicode, use toEnum
and fromEnum
from the
Enum
class respectively (or equivalently ord
and chr
).
Instances
Double-precision floating point numbers. It is desirable that this type be at least equal in range and precision to the IEEE double-precision type.
Instances
Single-precision floating point numbers. It is desirable that this type be at least equal in range and precision to the IEEE single-precision type.
Instances
A fixed-precision integer type with at least the range [-2^29 .. 2^29-1]
.
The exact range for a given implementation can be determined by using
minBound
and maxBound
from the Bounded
class.
Instances
Invariant: Jn#
and Jp#
are used iff value doesn't fit in S#
Useful properties resulting from the invariants:
Instances
Enum Integer | Since: base-2.1 |
Eq Integer | |
Integral Integer | Since: base-2.0.1 |
Defined in GHC.Real | |
Num Integer | Since: base-2.1 |
Ord Integer | |
Read Integer | Since: base-2.1 |
Real Integer | Since: base-2.0.1 |
Defined in GHC.Real Methods toRational :: Integer -> Rational # | |
Show Integer | Since: base-2.1 |
Lift Integer | |
Hashable Integer | |
Defined in Data.Hashable.Class | |
ToJSON Integer | |
Defined in Data.Aeson.Types.ToJSON | |
ToJSONKey Integer | |
Defined in Data.Aeson.Types.ToJSON | |
FromJSON Integer | This instance includes a bounds check to prevent maliciously
large inputs to fill up the memory of the target system. You can
newtype |
FromJSONKey Integer | |
Defined in Data.Aeson.Types.FromJSON Methods | |
Subtractive Integer | |
Defined in Basement.Numerical.Subtractive Associated Types type Difference Integer :: Type # | |
ToValue Integer | |
Defined in Text.Blaze | |
ToMarkup Integer | |
Defined in Text.Blaze | |
NFData Integer | |
Defined in Control.DeepSeq | |
Default Integer | |
Defined in Data.Default.Class | |
Pretty Integer |
|
Defined in Data.Text.Prettyprint.Doc.Internal | |
Random Integer | |
Defined in System.Random | |
type Difference Integer | |
Defined in Basement.Numerical.Subtractive |
The Maybe
type encapsulates an optional value. A value of type
either contains a value of type Maybe
aa
(represented as
),
or it is empty (represented as Just
aNothing
). Using Maybe
is a good way to
deal with errors or exceptional cases without resorting to drastic
measures such as error
.
The Maybe
type is also a monad. It is a simple kind of error
monad, where all errors are represented by Nothing
. A richer
error monad can be built using the Either
type.
Instances
Monad Maybe | Since: base-2.1 |
Functor Maybe | Since: base-2.1 |
MonadFix Maybe | Since: base-2.1 |
Defined in Control.Monad.Fix | |
Applicative Maybe | Since: base-2.1 |
Foldable Maybe | Since: base-2.1 |
Defined in Data.Foldable Methods fold :: Monoid m => Maybe m -> 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 | Since: base-2.1 |
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 # | |
FromJSON1 Maybe | |
Alternative Maybe | Since: base-2.1 |
MonadPlus Maybe | Since: base-2.1 |
Eq1 Maybe | Since: base-4.9.0.0 |
Ord1 Maybe | Since: base-4.9.0.0 |
Defined in Data.Functor.Classes | |
Read1 Maybe | Since: base-4.9.0.0 |
Defined in Data.Functor.Classes | |
Show1 Maybe | Since: base-4.9.0.0 |
MonadFailure Maybe | |
MonadThrow Maybe | |
Defined in Control.Monad.Catch | |
NFData1 Maybe | Since: deepseq-1.4.3.0 |
Defined in Control.DeepSeq | |
Hashable1 Maybe | |
Defined in Data.Hashable.Class | |
PTraversable Maybe | |
STraversable Maybe | |
Defined in Data.Singletons.Prelude.Traversable Methods sTraverse :: SApplicative f => Sing t1 -> Sing t2 -> Sing (Apply (Apply TraverseSym0 t1) t2) # sSequenceA :: SApplicative f => Sing t1 -> Sing (Apply SequenceASym0 t1) # sMapM :: SMonad m => Sing t1 -> Sing t2 -> Sing (Apply (Apply MapMSym0 t1) t2) # sSequence :: SMonad m => Sing t1 -> Sing (Apply SequenceSym0 t1) # | |
PFoldable Maybe | |
SFoldable Maybe | |
Defined in Data.Singletons.Prelude.Foldable Methods sFold :: SMonoid m => Sing t1 -> Sing (Apply FoldSym0 t1) # sFoldMap :: SMonoid m => Sing t1 -> Sing t2 -> Sing (Apply (Apply FoldMapSym0 t1) t2) # sFoldr :: Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply FoldrSym0 t1) t2) t3) # sFoldr' :: Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply Foldr'Sym0 t1) t2) t3) # sFoldl :: Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply FoldlSym0 t1) t2) t3) # sFoldl' :: Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply Foldl'Sym0 t1) t2) t3) # sFoldr1 :: Sing t1 -> Sing t2 -> Sing (Apply (Apply Foldr1Sym0 t1) t2) # sFoldl1 :: Sing t1 -> Sing t2 -> Sing (Apply (Apply Foldl1Sym0 t1) t2) # sToList :: Sing t1 -> Sing (Apply ToListSym0 t1) # sNull :: Sing t1 -> Sing (Apply NullSym0 t1) # sLength :: Sing t1 -> Sing (Apply LengthSym0 t1) # sElem :: SEq a => Sing t1 -> Sing t2 -> Sing (Apply (Apply ElemSym0 t1) t2) # sMaximum :: SOrd a => Sing t1 -> Sing (Apply MaximumSym0 t1) # sMinimum :: SOrd a => Sing t1 -> Sing (Apply MinimumSym0 t1) # sSum :: SNum a => Sing t1 -> Sing (Apply SumSym0 t1) # sProduct :: SNum a => Sing t1 -> Sing (Apply ProductSym0 t1) # | |
PFunctor Maybe | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
PApplicative Maybe | |
PMonad Maybe | |
PAlternative Maybe | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
PMonadPlus Maybe | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
SFunctor Maybe | |
SApplicative Maybe | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods sPure :: Sing t -> Sing (Apply PureSym0 t) # (%<*>) :: Sing t1 -> Sing t2 -> Sing (Apply (Apply (<*>@#@$) t1) t2) # sLiftA2 :: Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply LiftA2Sym0 t1) t2) t3) # (%*>) :: Sing t1 -> Sing t2 -> Sing (Apply (Apply (*>@#@$) t1) t2) # (%<*) :: Sing t1 -> Sing t2 -> Sing (Apply (Apply (<*@#@$) t1) t2) # | |
SMonad Maybe | |
SAlternative Maybe | |
SMonadPlus Maybe | |
MonadBase Maybe Maybe | |
Defined in Control.Monad.Base | |
MonadBaseControl Maybe Maybe | |
(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 | |
(Selector s, FromJSON a) => FromRecord arity (S1 s (K1 i (Maybe a) :: Type -> Type)) | |
Defined in Data.Aeson.Types.FromJSON | |
Eq a => Eq (Maybe a) | Since: base-2.1 |
Ord a => Ord (Maybe a) | Since: base-2.1 |
Read a => Read (Maybe a) | Since: base-2.1 |
Show a => Show (Maybe a) | Since: base-2.1 |
Generic (Maybe a) | |
Semigroup a => Semigroup (Maybe a) | Since: base-4.9.0.0 |
Semigroup a => Monoid (Maybe a) | Lift a semigroup into Since 4.11.0: constraint on inner Since: base-2.1 |
Lift a => Lift (Maybe a) | |
Hashable a => Hashable (Maybe a) | |
Defined in Data.Hashable.Class | |
ToJSON a => ToJSON (Maybe a) | |
Defined in Data.Aeson.Types.ToJSON | |
FromJSON a => FromJSON (Maybe a) | |
SingKind a => SingKind (Maybe a) | Since: base-4.9.0.0 |
Defined in GHC.Generics | |
NFData a => NFData (Maybe a) | |
Defined in Control.DeepSeq | |
Default (Maybe a) | |
Defined in Data.Default.Class | |
MonoFunctor (Maybe a) | |
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) # | |
MonoTraversable (Maybe a) | |
MonoPointed (Maybe a) | |
Pretty a => Pretty (Maybe a) | Ignore
|
Defined in Data.Text.Prettyprint.Doc.Internal | |
PMonoid (Maybe a) | |
SSemigroup a => SMonoid (Maybe a) | |
Defined in Data.Singletons.Prelude.Monoid | |
PShow (Maybe a) | |
SShow a => SShow (Maybe a) | |
PSemigroup (Maybe a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
SSemigroup a => SSemigroup (Maybe a) | |
POrd (Maybe a) | |
SOrd a => SOrd (Maybe a) | |
Defined in Data.Singletons.Prelude.Ord Methods sCompare :: Sing t1 -> Sing t2 -> Sing (Apply (Apply CompareSym0 t1) t2) # (%<) :: Sing t1 -> Sing t2 -> Sing (Apply (Apply (<@#@$) t1) t2) # (%<=) :: Sing t1 -> Sing t2 -> Sing (Apply (Apply (<=@#@$) t1) t2) # (%>) :: Sing t1 -> Sing t2 -> Sing (Apply (Apply (>@#@$) t1) t2) # (%>=) :: Sing t1 -> Sing t2 -> Sing (Apply (Apply (>=@#@$) t1) t2) # sMax :: Sing t1 -> Sing t2 -> Sing (Apply (Apply MaxSym0 t1) t2) # sMin :: Sing t1 -> Sing t2 -> Sing (Apply (Apply MinSym0 t1) t2) # | |
SEq a => SEq (Maybe a) | |
PEq (Maybe a) | |
Generic1 Maybe | |
SingI (Nothing :: Maybe a) | Since: base-4.9.0.0 |
Defined in GHC.Generics | |
Each (Maybe a) (Maybe b) a b | |
SingI a2 => SingI (Just a2 :: Maybe a1) | Since: base-4.9.0.0 |
Defined in GHC.Generics | |
SuppressUnusedWarnings (CatMaybesSym0 :: TyFun [Maybe a6989586621679494730] [a6989586621679494730] -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ListToMaybeSym0 :: TyFun [a6989586621679494731] (Maybe a6989586621679494731) -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (StripPrefixSym0 :: TyFun [a6989586621680065507] ([a6989586621680065507] ~> Maybe [a6989586621680065507]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (MaybeToListSym0 :: TyFun (Maybe a6989586621679494732) [a6989586621679494732] -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (IsNothingSym0 :: TyFun (Maybe a6989586621679494735) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (IsJustSym0 :: TyFun (Maybe a6989586621679494736) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (FromJustSym0 :: TyFun (Maybe a6989586621679494734) a6989586621679494734 -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679607718Sym0 :: TyFun (Maybe a6989586621679544343) (Maybe a6989586621679544343 ~> Maybe a6989586621679544343) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (MinInternalSym0 :: TyFun (Maybe a6989586621680441338) (MinInternal a6989586621680441338) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (MaxInternalSym0 :: TyFun (Maybe a6989586621680440659) (MaxInternal a6989586621680440659) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679390452Sym0 :: TyFun (Maybe a3530822107858468865) (Maybe a3530822107858468865 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (OptionSym0 :: TyFun (Maybe a6989586621679050999) (Option a6989586621679050999) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (LastSym0 :: TyFun (Maybe a6989586621679072619) (Last a6989586621679072619) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (FirstSym0 :: TyFun (Maybe a6989586621679072624) (First a6989586621679072624) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ShowsPrec_6989586621680280443Sym0 :: TyFun Nat (Maybe a3530822107858468865 ~> (Symbol ~> Symbol)) -> Type) | |
Defined in Data.Singletons.Prelude.Show Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Fail_6989586621679607625Sym0 :: TyFun Symbol (Maybe a6989586621679544294) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (FromMaybeSym0 :: TyFun a6989586621679494733 (Maybe a6989586621679494733 ~> a6989586621679494733) -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ElemIndexSym0 :: TyFun a6989586621679939291 ([a6989586621679939291] ~> Maybe Nat) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Pure_6989586621679607418Sym0 :: TyFun a6989586621679544265 (Maybe a6989586621679544265) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679607714LSym0 :: TyFun k1 (Maybe k1) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (JustSym0 :: TyFun a3530822107858468865 (Maybe a3530822107858468865) -> Type) | |
Defined in Data.Singletons.Prelude.Instances Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (GetOptionSym0 :: TyFun (Option a6989586621679050999) (Maybe a6989586621679050999) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (GetFirstSym0 :: TyFun (First a6989586621679072624) (Maybe a6989586621679072624) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (GetLastSym0 :: TyFun (Last a6989586621679072619) (Maybe a6989586621679072619) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (FindSym0 :: TyFun (a6989586621679939292 ~> Bool) ([a6989586621679939292] ~> Maybe a6989586621679939292) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (FindIndexSym0 :: TyFun (a6989586621679939289 ~> Bool) ([a6989586621679939289] ~> Maybe Nat) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SingI (CatMaybesSym0 :: TyFun [Maybe a] [a] -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods sing :: Sing CatMaybesSym0 # | |
SingI (ListToMaybeSym0 :: TyFun [a] (Maybe a) -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods sing :: Sing ListToMaybeSym0 # | |
SingI (MaybeToListSym0 :: TyFun (Maybe a) [a] -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods sing :: Sing MaybeToListSym0 # | |
SingI (IsNothingSym0 :: TyFun (Maybe a) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods sing :: Sing IsNothingSym0 # | |
SingI (IsJustSym0 :: TyFun (Maybe a) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods sing :: Sing IsJustSym0 # | |
SingI (FromJustSym0 :: TyFun (Maybe a) a -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods sing :: Sing FromJustSym0 # | |
SingI (OptionSym0 :: TyFun (Maybe a) (Option a) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods sing :: Sing OptionSym0 # | |
SingI (LastSym0 :: TyFun (Maybe a) (Last a) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid | |
SingI (FirstSym0 :: TyFun (Maybe a) (First a) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid | |
SingI (FromMaybeSym0 :: TyFun a (Maybe a ~> a) -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods sing :: Sing FromMaybeSym0 # | |
SEq a => SingI (ElemIndexSym0 :: TyFun a ([a] ~> Maybe Nat) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing ElemIndexSym0 # | |
SingI (JustSym0 :: TyFun a (Maybe a) -> Type) | |
Defined in Data.Singletons.Prelude.Instances | |
SingI (FindSym0 :: TyFun (a ~> Bool) ([a] ~> Maybe a) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal | |
SingI (FindIndexSym0 :: TyFun (a ~> Bool) ([a] ~> Maybe Nat) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing FindIndexSym0 # | |
SuppressUnusedWarnings (StripPrefixSym1 a6989586621680078217 :: TyFun [a6989586621680065507] (Maybe [a6989586621680065507]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (FindSym1 a6989586621679948849 :: TyFun [a6989586621679939292] (Maybe a6989586621679939292) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (FindIndexSym1 a6989586621679949209 :: TyFun [a6989586621679939289] (Maybe Nat) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ElemIndexSym1 a6989586621679949217 :: TyFun [a6989586621679939291] (Maybe Nat) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ShowsPrec_6989586621680280443Sym1 a6989586621680280440 a3530822107858468865 :: TyFun (Maybe a3530822107858468865) (Symbol ~> Symbol) -> Type) | |
Defined in Data.Singletons.Prelude.Show Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (FromMaybeSym1 a6989586621679494925 :: TyFun (Maybe a6989586621679494733) a6989586621679494733 -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679607718Sym1 a6989586621679607716 :: TyFun (Maybe a6989586621679544343) (Maybe a6989586621679544343) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679607618Sym0 :: TyFun (Maybe a6989586621679544291) (Maybe b6989586621679544292 ~> Maybe b6989586621679544292) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679607602Sym0 :: TyFun (Maybe a6989586621679544289) ((a6989586621679544289 ~> Maybe b6989586621679544290) ~> Maybe b6989586621679544290) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679607460Sym0 :: TyFun (Maybe a6989586621679544271) (Maybe b6989586621679544272 ~> Maybe b6989586621679544272) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679390452Sym1 a6989586621679390450 :: TyFun (Maybe a3530822107858468865) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679607430Sym0 :: TyFun (Maybe (a6989586621679544266 ~> b6989586621679544267)) (Maybe a6989586621679544266 ~> Maybe b6989586621679544267) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (OptionalSym0 :: TyFun (f6989586621681198617 a6989586621681198618) (f6989586621681198617 (Maybe a6989586621681198618)) -> Type) | |
Defined in Data.Singletons.Prelude.Applicative Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Maybe_Sym0 :: TyFun b6989586621679493306 ((a6989586621679493307 ~> b6989586621679493306) ~> (Maybe a6989586621679493307 ~> b6989586621679493306)) -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (LookupSym0 :: TyFun a6989586621679939270 ([(a6989586621679939270, b6989586621679939271)] ~> Maybe b6989586621679939271) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679607289Sym0 :: TyFun a6989586621679544262 (Maybe b6989586621679544263 ~> Maybe a6989586621679544262) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680442136NSym0 :: TyFun k (TyFun k1 (Maybe k1) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680442136MSym0 :: TyFun k1 (TyFun k (Maybe k1) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680442109NSym0 :: TyFun k (TyFun k1 (Maybe k1) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680442109MSym0 :: TyFun k1 (TyFun k (Maybe k1) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (MapMaybeSym0 :: TyFun (a6989586621679494728 ~> Maybe b6989586621679494729) ([a6989586621679494728] ~> [b6989586621679494729]) -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (UnfoldrSym0 :: TyFun (b6989586621679939348 ~> Maybe (a6989586621679939349, b6989586621679939348)) (b6989586621679939348 ~> [a6989586621679939349]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Fmap_6989586621679607269Sym0 :: TyFun (a6989586621679544260 ~> b6989586621679544261) (Maybe a6989586621679544260 ~> Maybe b6989586621679544261) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (FindSym0 :: TyFun (a6989586621680450227 ~> Bool) (t6989586621680450226 a6989586621680450227 ~> Maybe a6989586621680450227) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SingI d => SingI (FindSym1 d :: TyFun [a] (Maybe a) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal | |
SingI d => SingI (FindIndexSym1 d :: TyFun [a] (Maybe Nat) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing (FindIndexSym1 d) # | |
(SEq a, SingI d) => SingI (ElemIndexSym1 d :: TyFun [a] (Maybe Nat) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing (ElemIndexSym1 d) # | |
SingI d => SingI (FromMaybeSym1 d :: TyFun (Maybe a) a -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods sing :: Sing (FromMaybeSym1 d) # | |
SAlternative f => SingI (OptionalSym0 :: TyFun (f a) (f (Maybe a)) -> Type) | |
Defined in Data.Singletons.Prelude.Applicative Methods sing :: Sing OptionalSym0 # | |
SingI (Maybe_Sym0 :: TyFun b ((a ~> b) ~> (Maybe a ~> b)) -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods sing :: Sing Maybe_Sym0 # | |
SEq a => SingI (LookupSym0 :: TyFun a ([(a, b)] ~> Maybe b) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing LookupSym0 # | |
SingI (MapMaybeSym0 :: TyFun (a ~> Maybe b) ([a] ~> [b]) -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods sing :: Sing MapMaybeSym0 # | |
SingI (UnfoldrSym0 :: TyFun (b ~> Maybe (a, b)) (b ~> [a]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing UnfoldrSym0 # | |
SFoldable t => SingI (FindSym0 :: TyFun (a ~> Bool) (t a ~> Maybe a) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable | |
SuppressUnusedWarnings (LookupSym1 a6989586621679948631 b6989586621679939271 :: TyFun [(a6989586621679939270, b6989586621679939271)] (Maybe b6989586621679939271) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679607618Sym1 a6989586621679607616 b6989586621679544292 :: TyFun (Maybe b6989586621679544292) (Maybe b6989586621679544292) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679607460Sym1 a6989586621679607458 b6989586621679544272 :: TyFun (Maybe b6989586621679544272) (Maybe b6989586621679544272) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679607430Sym1 a6989586621679607428 :: TyFun (Maybe a6989586621679544266) (Maybe b6989586621679544267) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679607289Sym1 a6989586621679607287 b6989586621679544263 :: TyFun (Maybe b6989586621679544263) (Maybe a6989586621679544262) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Fmap_6989586621679607269Sym1 a6989586621679607267 :: TyFun (Maybe a6989586621679544260) (Maybe b6989586621679544261) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680442136NSym1 x6989586621680442134 :: TyFun k1 (Maybe k1) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680442136MSym1 x6989586621680442134 :: TyFun k (Maybe k1) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680442109NSym1 x6989586621680442107 :: TyFun k1 (Maybe k1) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680442109MSym1 x6989586621680442107 :: TyFun k (Maybe k1) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (FindSym1 a6989586621680450684 t6989586621680450226 :: TyFun (t6989586621680450226 a6989586621680450227) (Maybe a6989586621680450227) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Lambda_6989586621680338490Sym0 :: TyFun k (TyFun (k1 ~> Last a) (TyFun k1 (Maybe a) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Lambda_6989586621680338402Sym0 :: TyFun k (TyFun (k1 ~> First a) (TyFun k1 (Maybe a) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Traverse_6989586621680753993Sym0 :: TyFun (a6989586621680747832 ~> f6989586621680747831 b6989586621680747833) (Maybe a6989586621680747832 ~> f6989586621680747831 (Maybe b6989586621680747833)) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Maybe_Sym1 a6989586621679493324 a6989586621679493307 :: TyFun (a6989586621679493307 ~> b6989586621679493306) (Maybe a6989586621679493307 ~> b6989586621679493306) -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679494902RsSym0 :: TyFun (a6989586621679494728 ~> Maybe k1) (TyFun k (TyFun [a6989586621679494728] [k1] -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679607602Sym1 a6989586621679607600 b6989586621679544290 :: TyFun (a6989586621679544289 ~> Maybe b6989586621679544290) (Maybe b6989586621679544290) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (LiftA2_6989586621679607446Sym0 :: TyFun (a6989586621679544268 ~> (b6989586621679544269 ~> c6989586621679544270)) (Maybe a6989586621679544268 ~> (Maybe b6989586621679544269 ~> Maybe c6989586621679544270)) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680451161MfSym0 :: TyFun (k2 ~> (k3 ~> k3)) (TyFun k (TyFun (Maybe k2) (TyFun k3 (Maybe k3) -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680451136MfSym0 :: TyFun (k3 ~> (k2 ~> k3)) (TyFun k (TyFun k3 (TyFun (Maybe k2) (Maybe k3) -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
(SEq a, SingI d) => SingI (LookupSym1 d b :: TyFun [(a, b)] (Maybe b) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing (LookupSym1 d b) # | |
(SFoldable t, SingI d) => SingI (FindSym1 d t :: TyFun (t a) (Maybe a) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable | |
SingI d => SingI (Maybe_Sym1 d a :: TyFun (a ~> b) (Maybe a ~> b) -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods sing :: Sing (Maybe_Sym1 d a) # | |
SuppressUnusedWarnings (Traverse_6989586621680753993Sym1 a6989586621680753991 :: TyFun (Maybe a6989586621680747832) (f6989586621680747831 (Maybe b6989586621680747833)) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Maybe_Sym2 a6989586621679493325 a6989586621679493324 :: TyFun (Maybe a6989586621679493307) b6989586621679493306 -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (LiftA2_6989586621679607446Sym1 a6989586621679607443 :: TyFun (Maybe a6989586621679544268) (Maybe b6989586621679544269 ~> Maybe c6989586621679544270) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680451161MfSym1 f6989586621680451159 :: TyFun k (TyFun (Maybe k2) (TyFun k3 (Maybe k3) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680451136MfSym1 f6989586621680451134 :: TyFun k (TyFun k3 (TyFun (Maybe k2) (Maybe k3) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Lambda_6989586621680338490Sym1 a6989586621680338488 :: TyFun (k1 ~> Last a) (TyFun k1 (Maybe a) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Lambda_6989586621680338402Sym1 a6989586621680338400 :: TyFun (k1 ~> First a) (TyFun k1 (Maybe a) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () # | |
(SingI d1, SingI d2) => SingI (Maybe_Sym2 d1 d2 :: TyFun (Maybe a) b -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods sing :: Sing (Maybe_Sym2 d1 d2) # | |
SuppressUnusedWarnings (LiftA2_6989586621679607446Sym2 a6989586621679607444 a6989586621679607443 :: TyFun (Maybe b6989586621679544269) (Maybe c6989586621679544270) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680451161MfSym2 xs6989586621680451160 f6989586621680451159 :: TyFun (Maybe k2) (TyFun k3 (Maybe k3) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680451136MfSym2 xs6989586621680451135 f6989586621680451134 :: TyFun k3 (TyFun (Maybe k2) (Maybe k3) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Lambda_6989586621680338490Sym2 k6989586621680338489 a6989586621680338488 :: TyFun k1 (Maybe a) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Lambda_6989586621680338402Sym2 k6989586621680338401 a6989586621680338400 :: TyFun k1 (Maybe a) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680451136MfSym3 a6989586621680451137 xs6989586621680451135 f6989586621680451134 :: TyFun (Maybe k2) (Maybe k3) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680451161MfSym3 a6989586621680451162 xs6989586621680451160 f6989586621680451159 :: TyFun k3 (Maybe k3) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
type Failure Maybe | |
Defined in Basement.Monad | |
type StM Maybe a | |
Defined in Control.Monad.Trans.Control | |
type Empty | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Mzero | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Product (arg :: Maybe a) | |
type Sum (arg :: Maybe a) | |
type Minimum (arg :: Maybe a) | |
type Maximum (arg :: Maybe a) | |
type Length (arg :: Maybe a) | |
type Null (arg :: Maybe a) | |
type ToList (arg :: Maybe a) | |
type Fold (arg :: Maybe m) | |
type Pure (a :: k1) | |
type Fail a2 | |
type Return (arg :: a) | |
type Sequence (arg :: Maybe (m a)) | |
type SequenceA (arg :: Maybe (f a)) | |
type Elem (arg1 :: a) (arg2 :: Maybe a) | |
type Foldl1 (arg1 :: a ~> (a ~> a)) (arg2 :: Maybe a) | |
type Foldr1 (arg1 :: a ~> (a ~> a)) (arg2 :: Maybe a) | |
type (a1 :: Maybe a6989586621679544343) <|> (a2 :: Maybe a6989586621679544343) | |
type Mplus (arg1 :: Maybe a) (arg2 :: Maybe a) | |
type FoldMap (a1 :: a6989586621680450321 ~> k2) (a2 :: Maybe a6989586621680450321) | |
type (a1 :: k1) <$ (a2 :: Maybe b6989586621679544263) | |
type Fmap (a1 :: a6989586621679544260 ~> b6989586621679544261) (a2 :: Maybe a6989586621679544260) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type (arg1 :: Maybe a) <* (arg2 :: Maybe b) | |
type (a1 :: Maybe a6989586621679544271) *> (a2 :: Maybe b6989586621679544272) | |
type (a1 :: Maybe (a6989586621679544266 ~> b6989586621679544267)) <*> (a2 :: Maybe a6989586621679544266) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type (a1 :: Maybe a6989586621679544291) >> (a2 :: Maybe b6989586621679544292) | |
type (a1 :: Maybe a6989586621679544289) >>= (a2 :: a6989586621679544289 ~> Maybe b6989586621679544290) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type MapM (arg1 :: a ~> m b) (arg2 :: Maybe a) | |
type Traverse (a1 :: a6989586621680747832 ~> f6989586621680747831 b6989586621680747833) (a2 :: Maybe a6989586621680747832) | |
Defined in Data.Singletons.Prelude.Traversable type Traverse (a1 :: a6989586621680747832 ~> f6989586621680747831 b6989586621680747833) (a2 :: Maybe a6989586621680747832) = Apply (Apply (Traverse_6989586621680753993Sym0 :: TyFun (a6989586621680747832 ~> f6989586621680747831 b6989586621680747833) (Maybe a6989586621680747832 ~> f6989586621680747831 (Maybe b6989586621680747833)) -> Type) a1) a2 | |
type Foldl' (arg1 :: b ~> (a ~> b)) (arg2 :: b) (arg3 :: Maybe a) | |
type Foldl (a1 :: k2 ~> (a6989586621680450327 ~> k2)) (a2 :: k2) (a3 :: Maybe a6989586621680450327) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldr' (arg1 :: a ~> (b ~> b)) (arg2 :: b) (arg3 :: Maybe a) | |
type Foldr (a1 :: a6989586621680450322 ~> (k2 ~> k2)) (a2 :: k2) (a3 :: Maybe a6989586621680450322) | |
Defined in Data.Singletons.Prelude.Foldable | |
type LiftA2 (a1 :: a6989586621679544268 ~> (b6989586621679544269 ~> c6989586621679544270)) (a2 :: Maybe a6989586621679544268) (a3 :: Maybe b6989586621679544269) | |
Defined in Data.Singletons.Prelude.Monad.Internal type LiftA2 (a1 :: a6989586621679544268 ~> (b6989586621679544269 ~> c6989586621679544270)) (a2 :: Maybe a6989586621679544268) (a3 :: Maybe b6989586621679544269) = Apply (Apply (Apply (LiftA2_6989586621679607446Sym0 :: TyFun (a6989586621679544268 ~> (b6989586621679544269 ~> c6989586621679544270)) (Maybe a6989586621679544268 ~> (Maybe b6989586621679544269 ~> Maybe c6989586621679544270)) -> Type) a1) a2) a3 | |
type Apply (IsNothingSym0 :: TyFun (Maybe a) Bool -> Type) (a6989586621679494938 :: Maybe a) | |
Defined in Data.Singletons.Prelude.Maybe | |
type Apply (IsJustSym0 :: TyFun (Maybe a) Bool -> Type) (a6989586621679494940 :: Maybe a) | |
Defined in Data.Singletons.Prelude.Maybe | |
type Apply (FromJustSym0 :: TyFun (Maybe a) a -> Type) (a6989586621679494935 :: Maybe a) | |
Defined in Data.Singletons.Prelude.Maybe | |
type Apply (Compare_6989586621679390452Sym1 a6989586621679390450 :: TyFun (Maybe a) Ordering -> Type) (a6989586621679390451 :: Maybe a) | |
type Apply (FromMaybeSym1 a6989586621679494925 :: TyFun (Maybe a) a -> Type) (a6989586621679494926 :: Maybe a) | |
Defined in Data.Singletons.Prelude.Maybe | |
type Apply (Maybe_Sym2 a6989586621679493325 a6989586621679493324 :: TyFun (Maybe a) b -> Type) (a6989586621679493326 :: Maybe a) | |
Defined in Data.Singletons.Prelude.Maybe | |
type Rep (Maybe a) | Since: base-4.6.0.0 |
data Sing (b :: Maybe a) | |
type DemoteRep (Maybe a) | |
Defined in GHC.Generics | |
type Element (Maybe a) | |
Defined in Data.MonoTraversable | |
data Sing (b :: Maybe a) | |
type Mempty | |
Defined in Data.Singletons.Prelude.Monoid | |
type Demote (Maybe a) | |
Defined in Data.Singletons.Prelude.Instances | |
type Rep1 Maybe | Since: base-4.6.0.0 |
type Mconcat (arg :: [Maybe a]) | |
type Show_ (arg :: Maybe a) | |
type Sconcat (arg :: NonEmpty (Maybe a)) | |
type Mappend (arg1 :: Maybe a) (arg2 :: Maybe a) | |
type ShowList (arg1 :: [Maybe a]) arg2 | |
type (a2 :: Maybe a1) <> (a3 :: Maybe a1) | |
type Min (arg1 :: Maybe a) (arg2 :: Maybe a) | |
type Max (arg1 :: Maybe a) (arg2 :: Maybe a) | |
type (arg1 :: Maybe a) >= (arg2 :: Maybe a) | |
type (arg1 :: Maybe a) > (arg2 :: Maybe a) | |
type (arg1 :: Maybe a) <= (arg2 :: Maybe a) | |
type (arg1 :: Maybe a) < (arg2 :: Maybe a) | |
type Compare (a2 :: Maybe a1) (a3 :: Maybe a1) | |
type (x :: Maybe a) /= (y :: Maybe a) | |
type (a2 :: Maybe a1) == (b :: Maybe a1) | |
Defined in Data.Singletons.Prelude.Eq | |
type ShowsPrec a2 (a3 :: Maybe a1) a4 | |
type Apply (Pure_6989586621679607418Sym0 :: TyFun a (Maybe a) -> Type) (a6989586621679607417 :: a) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (Fail_6989586621679607625Sym0 :: TyFun Symbol (Maybe a6989586621679544294) -> Type) (a6989586621679607624 :: Symbol) | |
type Apply (Let6989586621679607714LSym0 :: TyFun k1 (Maybe k1) -> Type) (wild_69895866216796068756989586621679607713 :: k1) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (JustSym0 :: TyFun a (Maybe a) -> Type) (t6989586621679294164 :: a) | |
type Apply (Let6989586621680442109MSym1 x6989586621680442107 :: TyFun k (Maybe k1) -> Type) (y6989586621680442108 :: k) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Let6989586621680442109NSym1 x6989586621680442107 :: TyFun k1 (Maybe k1) -> Type) (y6989586621680442108 :: k1) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Let6989586621680442136MSym1 x6989586621680442134 :: TyFun k (Maybe k1) -> Type) (y6989586621680442135 :: k) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Let6989586621680442136NSym1 x6989586621680442134 :: TyFun k1 (Maybe k1) -> Type) (y6989586621680442135 :: k1) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Lambda_6989586621680338402Sym2 k6989586621680338401 a6989586621680338400 :: TyFun k1 (Maybe a) -> Type) (t6989586621680338413 :: k1) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (Lambda_6989586621680338490Sym2 k6989586621680338489 a6989586621680338488 :: TyFun k1 (Maybe a) -> Type) (t6989586621680338501 :: k1) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (Let6989586621680451161MfSym3 a6989586621680451162 xs6989586621680451160 f6989586621680451159 :: TyFun k3 (Maybe k3) -> Type) (a6989586621680451163 :: k3) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (CatMaybesSym0 :: TyFun [Maybe a] [a] -> Type) (a6989586621679494914 :: [Maybe a]) | |
Defined in Data.Singletons.Prelude.Maybe | |
type Apply (MaybeToListSym0 :: TyFun (Maybe a) [a] -> Type) (a6989586621679494922 :: Maybe a) | |
Defined in Data.Singletons.Prelude.Maybe type Apply (MaybeToListSym0 :: TyFun (Maybe a) [a] -> Type) (a6989586621679494922 :: Maybe a) = MaybeToList a6989586621679494922 | |
type Apply (ListToMaybeSym0 :: TyFun [a] (Maybe a) -> Type) (a6989586621679494919 :: [a]) | |
Defined in Data.Singletons.Prelude.Maybe type Apply (ListToMaybeSym0 :: TyFun [a] (Maybe a) -> Type) (a6989586621679494919 :: [a]) = ListToMaybe a6989586621679494919 | |
type Apply (GetOptionSym0 :: TyFun (Option a) (Maybe a) -> Type) (a6989586621679819760 :: Option a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (GetFirstSym0 :: TyFun (First a) (Maybe a) -> Type) (a6989586621680332307 :: First a) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (GetLastSym0 :: TyFun (Last a) (Maybe a) -> Type) (a6989586621680332328 :: Last a) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (OptionSym0 :: TyFun (Maybe a) (Option a) -> Type) (t6989586621679819763 :: Maybe a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (FirstSym0 :: TyFun (Maybe a) (First a) -> Type) (t6989586621680332310 :: Maybe a) | |
type Apply (LastSym0 :: TyFun (Maybe a) (Last a) -> Type) (t6989586621680332331 :: Maybe a) | |
type Apply (MaxInternalSym0 :: TyFun (Maybe a) (MaxInternal a) -> Type) (t6989586621680441330 :: Maybe a) | |
type Apply (MinInternalSym0 :: TyFun (Maybe a) (MinInternal a) -> Type) (t6989586621680441530 :: Maybe a) | |
type Apply (StripPrefixSym1 a6989586621680078217 :: TyFun [a] (Maybe [a]) -> Type) (a6989586621680078218 :: [a]) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (StripPrefixSym1 a6989586621680078217 :: TyFun [a] (Maybe [a]) -> Type) (a6989586621680078218 :: [a]) = StripPrefix a6989586621680078217 a6989586621680078218 | |
type Apply (FindIndexSym1 a6989586621679949209 :: TyFun [a] (Maybe Nat) -> Type) (a6989586621679949210 :: [a]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (ElemIndexSym1 a6989586621679949217 :: TyFun [a] (Maybe Nat) -> Type) (a6989586621679949218 :: [a]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (FindSym1 a6989586621679948849 :: TyFun [a] (Maybe a) -> Type) (a6989586621679948850 :: [a]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (TFHelper_6989586621679607718Sym1 a6989586621679607716 :: TyFun (Maybe a) (Maybe a) -> Type) (a6989586621679607717 :: Maybe a) | |
type Apply (OptionalSym0 :: TyFun (f a) (f (Maybe a)) -> Type) (a6989586621681198657 :: f a) | |
Defined in Data.Singletons.Prelude.Applicative | |
type Apply (LookupSym1 a6989586621679948631 b :: TyFun [(a, b)] (Maybe b) -> Type) (a6989586621679948632 :: [(a, b)]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Fmap_6989586621679607269Sym1 a6989586621679607267 :: TyFun (Maybe a) (Maybe b) -> Type) (a6989586621679607268 :: Maybe a) | |
type Apply (TFHelper_6989586621679607289Sym1 a6989586621679607287 b :: TyFun (Maybe b) (Maybe a) -> Type) (a6989586621679607288 :: Maybe b) | |
type Apply (TFHelper_6989586621679607430Sym1 a6989586621679607428 :: TyFun (Maybe a) (Maybe b) -> Type) (a6989586621679607429 :: Maybe a) | |
type Apply (TFHelper_6989586621679607460Sym1 a6989586621679607458 b :: TyFun (Maybe b) (Maybe b) -> Type) (a6989586621679607459 :: Maybe b) | |
type Apply (TFHelper_6989586621679607618Sym1 a6989586621679607616 b :: TyFun (Maybe b) (Maybe b) -> Type) (a6989586621679607617 :: Maybe b) | |
type Apply (FindSym1 a6989586621680450684 t :: TyFun (t a) (Maybe a) -> Type) (a6989586621680450685 :: t a) | |
type Apply (Traverse_6989586621680753993Sym1 a6989586621680753991 :: TyFun (Maybe a) (f (Maybe b)) -> Type) (a6989586621680753992 :: Maybe a) | |
type Apply (LiftA2_6989586621679607446Sym2 a6989586621679607444 a6989586621679607443 :: TyFun (Maybe b) (Maybe c) -> Type) (a6989586621679607445 :: Maybe b) | |
type Apply (Let6989586621680451136MfSym3 a6989586621680451137 xs6989586621680451135 f6989586621680451134 :: TyFun (Maybe k2) (Maybe k3) -> Type) (a6989586621680451138 :: Maybe k2) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (TFHelper_6989586621679607602Sym1 a6989586621679607600 b :: TyFun (a ~> Maybe b) (Maybe b) -> Type) (a6989586621679607601 :: a ~> Maybe b) | |
type Apply (ElemIndexSym0 :: TyFun a6989586621679939291 ([a6989586621679939291] ~> Maybe Nat) -> Type) (a6989586621679949217 :: a6989586621679939291) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (ElemIndexSym0 :: TyFun a6989586621679939291 ([a6989586621679939291] ~> Maybe Nat) -> Type) (a6989586621679949217 :: a6989586621679939291) = ElemIndexSym1 a6989586621679949217 | |
type Apply (ShowsPrec_6989586621680280443Sym0 :: TyFun Nat (Maybe a3530822107858468865 ~> (Symbol ~> Symbol)) -> Type) (a6989586621680280440 :: Nat) | |
Defined in Data.Singletons.Prelude.Show | |
type Apply (FromMaybeSym0 :: TyFun a6989586621679494733 (Maybe a6989586621679494733 ~> a6989586621679494733) -> Type) (a6989586621679494925 :: a6989586621679494733) | |
Defined in Data.Singletons.Prelude.Maybe type Apply (FromMaybeSym0 :: TyFun a6989586621679494733 (Maybe a6989586621679494733 ~> a6989586621679494733) -> Type) (a6989586621679494925 :: a6989586621679494733) = FromMaybeSym1 a6989586621679494925 | |
type Apply (Let6989586621680442109MSym0 :: TyFun k1 (TyFun k (Maybe k1) -> Type) -> Type) (x6989586621680442107 :: k1) | |
type Apply (Let6989586621680442109NSym0 :: TyFun k (TyFun k1 (Maybe k1) -> Type) -> Type) (x6989586621680442107 :: k) | |
type Apply (Let6989586621680442136MSym0 :: TyFun k1 (TyFun k (Maybe k1) -> Type) -> Type) (x6989586621680442134 :: k1) | |
type Apply (Let6989586621680442136NSym0 :: TyFun k (TyFun k1 (Maybe k1) -> Type) -> Type) (x6989586621680442134 :: k) | |
type Apply (LookupSym0 :: TyFun a6989586621679939270 ([(a6989586621679939270, b6989586621679939271)] ~> Maybe b6989586621679939271) -> Type) (a6989586621679948631 :: a6989586621679939270) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (LookupSym0 :: TyFun a6989586621679939270 ([(a6989586621679939270, b6989586621679939271)] ~> Maybe b6989586621679939271) -> Type) (a6989586621679948631 :: a6989586621679939270) = (LookupSym1 a6989586621679948631 b6989586621679939271 :: TyFun [(a6989586621679939270, b6989586621679939271)] (Maybe b6989586621679939271) -> Type) | |
type Apply (TFHelper_6989586621679607289Sym0 :: TyFun a6989586621679544262 (Maybe b6989586621679544263 ~> Maybe a6989586621679544262) -> Type) (a6989586621679607287 :: a6989586621679544262) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (TFHelper_6989586621679607289Sym0 :: TyFun a6989586621679544262 (Maybe b6989586621679544263 ~> Maybe a6989586621679544262) -> Type) (a6989586621679607287 :: a6989586621679544262) = (TFHelper_6989586621679607289Sym1 a6989586621679607287 b6989586621679544263 :: TyFun (Maybe b6989586621679544263) (Maybe a6989586621679544262) -> Type) | |
type Apply (Maybe_Sym0 :: TyFun b6989586621679493306 ((a6989586621679493307 ~> b6989586621679493306) ~> (Maybe a6989586621679493307 ~> b6989586621679493306)) -> Type) (a6989586621679493324 :: b6989586621679493306) | |
Defined in Data.Singletons.Prelude.Maybe type Apply (Maybe_Sym0 :: TyFun b6989586621679493306 ((a6989586621679493307 ~> b6989586621679493306) ~> (Maybe a6989586621679493307 ~> b6989586621679493306)) -> Type) (a6989586621679493324 :: b6989586621679493306) = (Maybe_Sym1 a6989586621679493324 a6989586621679493307 :: TyFun (a6989586621679493307 ~> b6989586621679493306) (Maybe a6989586621679493307 ~> b6989586621679493306) -> Type) | |
type Apply (Lambda_6989586621680338402Sym0 :: TyFun k (TyFun (k1 ~> First a) (TyFun k1 (Maybe a) -> Type) -> Type) -> Type) (a6989586621680338400 :: k) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (Lambda_6989586621680338490Sym0 :: TyFun k (TyFun (k1 ~> Last a) (TyFun k1 (Maybe a) -> Type) -> Type) -> Type) (a6989586621680338488 :: k) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (Let6989586621680451161MfSym1 f6989586621680451159 :: TyFun k (TyFun (Maybe k2) (TyFun k3 (Maybe k3) -> Type) -> Type) -> Type) (xs6989586621680451160 :: k) | |
type Apply (Let6989586621680451136MfSym1 f6989586621680451134 :: TyFun k (TyFun k3 (TyFun (Maybe k2) (Maybe k3) -> Type) -> Type) -> Type) (xs6989586621680451135 :: k) | |
type Apply (Let6989586621680451136MfSym2 xs6989586621680451135 f6989586621680451134 :: TyFun k3 (TyFun (Maybe k2) (Maybe k3) -> Type) -> Type) (a6989586621680451137 :: k3) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (StripPrefixSym0 :: TyFun [a6989586621680065507] ([a6989586621680065507] ~> Maybe [a6989586621680065507]) -> Type) (a6989586621680078217 :: [a6989586621680065507]) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (StripPrefixSym0 :: TyFun [a6989586621680065507] ([a6989586621680065507] ~> Maybe [a6989586621680065507]) -> Type) (a6989586621680078217 :: [a6989586621680065507]) = StripPrefixSym1 a6989586621680078217 | |
type Apply (TFHelper_6989586621679607718Sym0 :: TyFun (Maybe a6989586621679544343) (Maybe a6989586621679544343 ~> Maybe a6989586621679544343) -> Type) (a6989586621679607716 :: Maybe a6989586621679544343) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (Compare_6989586621679390452Sym0 :: TyFun (Maybe a3530822107858468865) (Maybe a3530822107858468865 ~> Ordering) -> Type) (a6989586621679390450 :: Maybe a3530822107858468865) | |
type Apply (TFHelper_6989586621679607430Sym0 :: TyFun (Maybe (a6989586621679544266 ~> b6989586621679544267)) (Maybe a6989586621679544266 ~> Maybe b6989586621679544267) -> Type) (a6989586621679607428 :: Maybe (a6989586621679544266 ~> b6989586621679544267)) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (TFHelper_6989586621679607430Sym0 :: TyFun (Maybe (a6989586621679544266 ~> b6989586621679544267)) (Maybe a6989586621679544266 ~> Maybe b6989586621679544267) -> Type) (a6989586621679607428 :: Maybe (a6989586621679544266 ~> b6989586621679544267)) = TFHelper_6989586621679607430Sym1 a6989586621679607428 | |
type Apply (TFHelper_6989586621679607460Sym0 :: TyFun (Maybe a6989586621679544271) (Maybe b6989586621679544272 ~> Maybe b6989586621679544272) -> Type) (a6989586621679607458 :: Maybe a6989586621679544271) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (TFHelper_6989586621679607460Sym0 :: TyFun (Maybe a6989586621679544271) (Maybe b6989586621679544272 ~> Maybe b6989586621679544272) -> Type) (a6989586621679607458 :: Maybe a6989586621679544271) = (TFHelper_6989586621679607460Sym1 a6989586621679607458 b6989586621679544272 :: TyFun (Maybe b6989586621679544272) (Maybe b6989586621679544272) -> Type) | |
type Apply (TFHelper_6989586621679607618Sym0 :: TyFun (Maybe a6989586621679544291) (Maybe b6989586621679544292 ~> Maybe b6989586621679544292) -> Type) (a6989586621679607616 :: Maybe a6989586621679544291) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (TFHelper_6989586621679607618Sym0 :: TyFun (Maybe a6989586621679544291) (Maybe b6989586621679544292 ~> Maybe b6989586621679544292) -> Type) (a6989586621679607616 :: Maybe a6989586621679544291) = (TFHelper_6989586621679607618Sym1 a6989586621679607616 b6989586621679544292 :: TyFun (Maybe b6989586621679544292) (Maybe b6989586621679544292) -> Type) | |
type Apply (ShowsPrec_6989586621680280443Sym1 a6989586621680280440 a3530822107858468865 :: TyFun (Maybe a3530822107858468865) (Symbol ~> Symbol) -> Type) (a6989586621680280441 :: Maybe a3530822107858468865) | |
Defined in Data.Singletons.Prelude.Show | |
type Apply (TFHelper_6989586621679607602Sym0 :: TyFun (Maybe a6989586621679544289) ((a6989586621679544289 ~> Maybe b6989586621679544290) ~> Maybe b6989586621679544290) -> Type) (a6989586621679607600 :: Maybe a6989586621679544289) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (TFHelper_6989586621679607602Sym0 :: TyFun (Maybe a6989586621679544289) ((a6989586621679544289 ~> Maybe b6989586621679544290) ~> Maybe b6989586621679544290) -> Type) (a6989586621679607600 :: Maybe a6989586621679544289) = (TFHelper_6989586621679607602Sym1 a6989586621679607600 b6989586621679544290 :: TyFun (a6989586621679544289 ~> Maybe b6989586621679544290) (Maybe b6989586621679544290) -> Type) | |
type Apply (LiftA2_6989586621679607446Sym1 a6989586621679607443 :: TyFun (Maybe a6989586621679544268) (Maybe b6989586621679544269 ~> Maybe c6989586621679544270) -> Type) (a6989586621679607444 :: Maybe a6989586621679544268) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (Let6989586621680451161MfSym2 xs6989586621680451160 f6989586621680451159 :: TyFun (Maybe k2) (TyFun k3 (Maybe k3) -> Type) -> Type) (a6989586621680451162 :: Maybe k2) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (FindSym0 :: TyFun (a6989586621679939292 ~> Bool) ([a6989586621679939292] ~> Maybe a6989586621679939292) -> Type) (a6989586621679948849 :: a6989586621679939292 ~> Bool) | |
type Apply (FindIndexSym0 :: TyFun (a6989586621679939289 ~> Bool) ([a6989586621679939289] ~> Maybe Nat) -> Type) (a6989586621679949209 :: a6989586621679939289 ~> Bool) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (MapMaybeSym0 :: TyFun (a6989586621679494728 ~> Maybe b6989586621679494729) ([a6989586621679494728] ~> [b6989586621679494729]) -> Type) (a6989586621679494895 :: a6989586621679494728 ~> Maybe b6989586621679494729) | |
Defined in Data.Singletons.Prelude.Maybe type Apply (MapMaybeSym0 :: TyFun (a6989586621679494728 ~> Maybe b6989586621679494729) ([a6989586621679494728] ~> [b6989586621679494729]) -> Type) (a6989586621679494895 :: a6989586621679494728 ~> Maybe b6989586621679494729) = MapMaybeSym1 a6989586621679494895 | |
type Apply (Fmap_6989586621679607269Sym0 :: TyFun (a6989586621679544260 ~> b6989586621679544261) (Maybe a6989586621679544260 ~> Maybe b6989586621679544261) -> Type) (a6989586621679607267 :: a6989586621679544260 ~> b6989586621679544261) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (UnfoldrSym0 :: TyFun (b6989586621679939348 ~> Maybe (a6989586621679939349, b6989586621679939348)) (b6989586621679939348 ~> [a6989586621679939349]) -> Type) (a6989586621679949282 :: b6989586621679939348 ~> Maybe (a6989586621679939349, b6989586621679939348)) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (UnfoldrSym0 :: TyFun (b6989586621679939348 ~> Maybe (a6989586621679939349, b6989586621679939348)) (b6989586621679939348 ~> [a6989586621679939349]) -> Type) (a6989586621679949282 :: b6989586621679939348 ~> Maybe (a6989586621679939349, b6989586621679939348)) = UnfoldrSym1 a6989586621679949282 | |
type Apply (FindSym0 :: TyFun (a6989586621680450227 ~> Bool) (t6989586621680450226 a6989586621680450227 ~> Maybe a6989586621680450227) -> Type) (a6989586621680450684 :: a6989586621680450227 ~> Bool) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (FindSym0 :: TyFun (a6989586621680450227 ~> Bool) (t6989586621680450226 a6989586621680450227 ~> Maybe a6989586621680450227) -> Type) (a6989586621680450684 :: a6989586621680450227 ~> Bool) = (FindSym1 a6989586621680450684 t6989586621680450226 :: TyFun (t6989586621680450226 a6989586621680450227) (Maybe a6989586621680450227) -> Type) | |
type Apply (Let6989586621679494902RsSym0 :: TyFun (a6989586621679494728 ~> Maybe k1) (TyFun k (TyFun [a6989586621679494728] [k1] -> Type) -> Type) -> Type) (f6989586621679494899 :: a6989586621679494728 ~> Maybe k1) | |
Defined in Data.Singletons.Prelude.Maybe type Apply (Let6989586621679494902RsSym0 :: TyFun (a6989586621679494728 ~> Maybe k1) (TyFun k (TyFun [a6989586621679494728] [k1] -> Type) -> Type) -> Type) (f6989586621679494899 :: a6989586621679494728 ~> Maybe k1) = (Let6989586621679494902RsSym1 f6989586621679494899 :: TyFun k (TyFun [a6989586621679494728] [k1] -> Type) -> Type) | |
type Apply (Let6989586621680451136MfSym0 :: TyFun (k3 ~> (k2 ~> k3)) (TyFun k (TyFun k3 (TyFun (Maybe k2) (Maybe k3) -> Type) -> Type) -> Type) -> Type) (f6989586621680451134 :: k3 ~> (k2 ~> k3)) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Let6989586621680451136MfSym0 :: TyFun (k3 ~> (k2 ~> k3)) (TyFun k (TyFun k3 (TyFun (Maybe k2) (Maybe k3) -> Type) -> Type) -> Type) -> Type) (f6989586621680451134 :: k3 ~> (k2 ~> k3)) = (Let6989586621680451136MfSym1 f6989586621680451134 :: TyFun k (TyFun k3 (TyFun (Maybe k2) (Maybe k3) -> Type) -> Type) -> Type) | |
type Apply (Let6989586621680451161MfSym0 :: TyFun (k2 ~> (k3 ~> k3)) (TyFun k (TyFun (Maybe k2) (TyFun k3 (Maybe k3) -> Type) -> Type) -> Type) -> Type) (f6989586621680451159 :: k2 ~> (k3 ~> k3)) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Let6989586621680451161MfSym0 :: TyFun (k2 ~> (k3 ~> k3)) (TyFun k (TyFun (Maybe k2) (TyFun k3 (Maybe k3) -> Type) -> Type) -> Type) -> Type) (f6989586621680451159 :: k2 ~> (k3 ~> k3)) = (Let6989586621680451161MfSym1 f6989586621680451159 :: TyFun k (TyFun (Maybe k2) (TyFun k3 (Maybe k3) -> Type) -> Type) -> Type) | |
type Apply (Traverse_6989586621680753993Sym0 :: TyFun (a6989586621680747832 ~> f6989586621680747831 b6989586621680747833) (Maybe a6989586621680747832 ~> f6989586621680747831 (Maybe b6989586621680747833)) -> Type) (a6989586621680753991 :: a6989586621680747832 ~> f6989586621680747831 b6989586621680747833) | |
Defined in Data.Singletons.Prelude.Traversable type Apply (Traverse_6989586621680753993Sym0 :: TyFun (a6989586621680747832 ~> f6989586621680747831 b6989586621680747833) (Maybe a6989586621680747832 ~> f6989586621680747831 (Maybe b6989586621680747833)) -> Type) (a6989586621680753991 :: a6989586621680747832 ~> f6989586621680747831 b6989586621680747833) = Traverse_6989586621680753993Sym1 a6989586621680753991 | |
type Apply (Maybe_Sym1 a6989586621679493324 a6989586621679493307 :: TyFun (a6989586621679493307 ~> b6989586621679493306) (Maybe a6989586621679493307 ~> b6989586621679493306) -> Type) (a6989586621679493325 :: a6989586621679493307 ~> b6989586621679493306) | |
Defined in Data.Singletons.Prelude.Maybe type Apply (Maybe_Sym1 a6989586621679493324 a6989586621679493307 :: TyFun (a6989586621679493307 ~> b6989586621679493306) (Maybe a6989586621679493307 ~> b6989586621679493306) -> Type) (a6989586621679493325 :: a6989586621679493307 ~> b6989586621679493306) = Maybe_Sym2 a6989586621679493324 a6989586621679493325 | |
type Apply (LiftA2_6989586621679607446Sym0 :: TyFun (a6989586621679544268 ~> (b6989586621679544269 ~> c6989586621679544270)) (Maybe a6989586621679544268 ~> (Maybe b6989586621679544269 ~> Maybe c6989586621679544270)) -> Type) (a6989586621679607443 :: a6989586621679544268 ~> (b6989586621679544269 ~> c6989586621679544270)) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (LiftA2_6989586621679607446Sym0 :: TyFun (a6989586621679544268 ~> (b6989586621679544269 ~> c6989586621679544270)) (Maybe a6989586621679544268 ~> (Maybe b6989586621679544269 ~> Maybe c6989586621679544270)) -> Type) (a6989586621679607443 :: a6989586621679544268 ~> (b6989586621679544269 ~> c6989586621679544270)) = LiftA2_6989586621679607446Sym1 a6989586621679607443 | |
type Apply (Lambda_6989586621680338402Sym1 a6989586621680338400 :: TyFun (k1 ~> First a) (TyFun k1 (Maybe a) -> Type) -> Type) (k6989586621680338401 :: k1 ~> First a) | |
type Apply (Lambda_6989586621680338490Sym1 a6989586621680338488 :: TyFun (k1 ~> Last a) (TyFun k1 (Maybe a) -> Type) -> Type) (k6989586621680338489 :: k1 ~> Last a) | |
Instances
Bounded Ordering | Since: base-2.1 |
Enum Ordering | Since: base-2.1 |
Eq Ordering | |
Ord Ordering | |
Defined in GHC.Classes | |
Read Ordering | Since: base-2.1 |
Show Ordering | Since: base-2.1 |
Generic Ordering | |
Semigroup Ordering | Since: base-4.9.0.0 |
Monoid Ordering | Since: base-2.1 |
Hashable Ordering | |
Defined in Data.Hashable.Class | |
ToJSON Ordering | |
Defined in Data.Aeson.Types.ToJSON | |
FromJSON Ordering | |
NFData Ordering | |
Defined in Control.DeepSeq | |
Default Ordering | |
Defined in Data.Default.Class | |
PMonoid Ordering | |
SMonoid Ordering | |
Defined in Data.Singletons.Prelude.Monoid | |
PShow Ordering | |
SShow Ordering | |
PSemigroup Ordering | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
SSemigroup Ordering | |
PEnum Ordering | |
Defined in Data.Singletons.Prelude.Enum | |
SEnum Ordering | |
Defined in Data.Singletons.Prelude.Enum Methods sSucc :: Sing t -> Sing (Apply SuccSym0 t) # sPred :: Sing t -> Sing (Apply PredSym0 t) # sToEnum :: Sing t -> Sing (Apply ToEnumSym0 t) # sFromEnum :: Sing t -> Sing (Apply FromEnumSym0 t) # sEnumFromTo :: Sing t1 -> Sing t2 -> Sing (Apply (Apply EnumFromToSym0 t1) t2) # sEnumFromThenTo :: Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply EnumFromThenToSym0 t1) t2) t3) # | |
PBounded Ordering | |
Defined in Data.Singletons.Prelude.Enum | |
SBounded Ordering | |
Defined in Data.Singletons.Prelude.Enum | |
POrd Ordering | |
SOrd Ordering | |
Defined in Data.Singletons.Prelude.Ord Methods sCompare :: Sing t1 -> Sing t2 -> Sing (Apply (Apply CompareSym0 t1) t2) # (%<) :: Sing t1 -> Sing t2 -> Sing (Apply (Apply (<@#@$) t1) t2) # (%<=) :: Sing t1 -> Sing t2 -> Sing (Apply (Apply (<=@#@$) t1) t2) # (%>) :: Sing t1 -> Sing t2 -> Sing (Apply (Apply (>@#@$) t1) t2) # (%>=) :: Sing t1 -> Sing t2 -> Sing (Apply (Apply (>=@#@$) t1) t2) # sMax :: Sing t1 -> Sing t2 -> Sing (Apply (Apply MaxSym0 t1) t2) # sMin :: Sing t1 -> Sing t2 -> Sing (Apply (Apply MinSym0 t1) t2) # | |
SEq Ordering | |
PEq Ordering | |
SuppressUnusedWarnings Compare_6989586621679390963Sym0 | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings FromEnum_6989586621679763377Sym0 | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings ThenCmpSym0 | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings Compare_6989586621679390973Sym0 | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings ToEnum_6989586621679763371Sym0 | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings ShowsPrec_6989586621680280584Sym0 | |
Defined in Data.Singletons.Prelude.Show Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings Compare_6989586621679390983Sym0 | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings Compare_6989586621679390575Sym0 | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings Compare_6989586621679829391Sym0 | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings Compare_6989586621679829409Sym0 | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SingI ThenCmpSym0 | |
Defined in Data.Singletons.Prelude.Ord Methods sing :: Sing ThenCmpSym0 # | |
SuppressUnusedWarnings (Compare_6989586621679390963Sym1 a6989586621679390961 :: TyFun Bool Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679390486Sym0 :: TyFun [a3530822107858468865] ([a3530822107858468865] ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679390452Sym0 :: TyFun (Maybe a3530822107858468865) (Maybe a3530822107858468865 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ThenCmpSym1 a6989586621679390066 :: TyFun Ordering Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679390973Sym1 a6989586621679390971 :: TyFun Ordering Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ShowsPrec_6989586621680280584Sym1 a6989586621680280581 :: TyFun Ordering (Symbol ~> Symbol) -> Type) | |
Defined in Data.Singletons.Prelude.Show Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679390983Sym1 a6989586621679390981 :: TyFun () Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679379767Scrutinee_6989586621679379589Sym0 :: TyFun k1 (TyFun k1 Ordering -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679379749Scrutinee_6989586621679379587Sym0 :: TyFun k1 (TyFun k1 Ordering -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679379731Scrutinee_6989586621679379585Sym0 :: TyFun k1 (TyFun k1 Ordering -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679379713Scrutinee_6989586621679379583Sym0 :: TyFun k1 (TyFun k1 Ordering -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679379703Sym0 :: TyFun a6989586621679379561 (a6989586621679379561 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (CompareSym0 :: TyFun a6989586621679379561 (a6989586621679379561 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679390575Sym1 a6989586621679390573 :: TyFun Void Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679829472Sym0 :: TyFun (Min a6989586621679050961) (Min a6989586621679050961 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679829493Sym0 :: TyFun (Max a6989586621679050967) (Max a6989586621679050967 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679829514Sym0 :: TyFun (First a6989586621679050981) (First a6989586621679050981 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679829535Sym0 :: TyFun (Last a6989586621679050987) (Last a6989586621679050987 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679829556Sym0 :: TyFun (WrappedMonoid m6989586621679050993) (WrappedMonoid m6989586621679050993 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679829352Sym0 :: TyFun (Option a6989586621679050999) (Option a6989586621679050999 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679390951Sym0 :: TyFun (Identity a6989586621679072614) (Identity a6989586621679072614 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621680333949Sym0 :: TyFun (First a6989586621679072624) (First a6989586621679072624 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621680333970Sym0 :: TyFun (Last a6989586621679072619) (Last a6989586621679072619 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679829373Sym0 :: TyFun (Dual a6989586621679072595) (Dual a6989586621679072595 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679829391Sym1 a6989586621679829389 :: TyFun All Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679829409Sym1 a6989586621679829407 :: TyFun Any Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679829430Sym0 :: TyFun (Sum a6989586621679072580) (Sum a6989586621679072580 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679829451Sym0 :: TyFun (Product a6989586621679072585) (Product a6989586621679072585 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679389261Sym0 :: TyFun (Down a6989586621679389233) (Down a6989586621679389233 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679390561Sym0 :: TyFun (NonEmpty a6989586621679055391) (NonEmpty a6989586621679055391 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ListsortBySym0 :: TyFun (a6989586621680386866 ~> (a6989586621680386866 ~> Ordering)) ([a6989586621680386866] ~> [a6989586621680386866]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (SortBySym0 :: TyFun (a6989586621679939297 ~> (a6989586621679939297 ~> Ordering)) ([a6989586621679939297] ~> [a6989586621679939297]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (MinimumBySym0 :: TyFun (a6989586621679939294 ~> (a6989586621679939294 ~> Ordering)) ([a6989586621679939294] ~> a6989586621679939294) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (MaximumBySym0 :: TyFun (a6989586621679939295 ~> (a6989586621679939295 ~> Ordering)) ([a6989586621679939295] ~> a6989586621679939295) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (InsertBySym0 :: TyFun (a6989586621679939296 ~> (a6989586621679939296 ~> Ordering)) (a6989586621679939296 ~> ([a6989586621679939296] ~> [a6989586621679939296])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SingI d => SingI (ThenCmpSym1 d :: TyFun Ordering Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods sing :: Sing (ThenCmpSym1 d) # | |
SOrd a => SingI (CompareSym0 :: TyFun a (a ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods sing :: Sing CompareSym0 # | |
SingI (ListsortBySym0 :: TyFun (a ~> (a ~> Ordering)) ([a] ~> [a]) -> Type) | |
SingI (SortBySym0 :: TyFun (a ~> (a ~> Ordering)) ([a] ~> [a]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing SortBySym0 # | |
SingI (MinimumBySym0 :: TyFun (a ~> (a ~> Ordering)) ([a] ~> a) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal | |
SingI (MaximumBySym0 :: TyFun (a ~> (a ~> Ordering)) ([a] ~> a) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal | |
SingI (InsertBySym0 :: TyFun (a ~> (a ~> Ordering)) (a ~> ([a] ~> [a])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing InsertBySym0 # | |
SuppressUnusedWarnings (Compare_6989586621679390486Sym1 a6989586621679390484 :: TyFun [a3530822107858468865] Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679390452Sym1 a6989586621679390450 :: TyFun (Maybe a3530822107858468865) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679390532Sym0 :: TyFun (Either a6989586621679073691 b6989586621679073692) (Either a6989586621679073691 b6989586621679073692 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679390603Sym0 :: TyFun (a3530822107858468865, b3530822107858468866) ((a3530822107858468865, b3530822107858468866) ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679379767Scrutinee_6989586621679379589Sym1 x6989586621679379765 :: TyFun k1 Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679379749Scrutinee_6989586621679379587Sym1 x6989586621679379747 :: TyFun k1 Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679379731Scrutinee_6989586621679379585Sym1 x6989586621679379729 :: TyFun k1 Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679379713Scrutinee_6989586621679379583Sym1 x6989586621679379711 :: TyFun k1 Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679379703Sym1 a6989586621679379701 :: TyFun a6989586621679379561 Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (CompareSym1 arg6989586621679379655 :: TyFun a6989586621679379561 Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679829472Sym1 a6989586621679829470 :: TyFun (Min a6989586621679050961) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679829493Sym1 a6989586621679829491 :: TyFun (Max a6989586621679050967) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621680882507Sym0 :: TyFun (Arg a6989586621680881233 b6989586621680881234) (Arg a6989586621680881233 b6989586621680881234 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679829514Sym1 a6989586621679829512 :: TyFun (First a6989586621679050981) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679829535Sym1 a6989586621679829533 :: TyFun (Last a6989586621679050987) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679829556Sym1 a6989586621679829554 :: TyFun (WrappedMonoid m6989586621679050993) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679829352Sym1 a6989586621679829350 :: TyFun (Option a6989586621679050999) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679390951Sym1 a6989586621679390949 :: TyFun (Identity a6989586621679072614) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621680333949Sym1 a6989586621680333947 :: TyFun (First a6989586621679072624) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621680333970Sym1 a6989586621680333968 :: TyFun (Last a6989586621679072619) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679829373Sym1 a6989586621679829371 :: TyFun (Dual a6989586621679072595) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679829430Sym1 a6989586621679829428 :: TyFun (Sum a6989586621679072580) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679829451Sym1 a6989586621679829449 :: TyFun (Product a6989586621679072585) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679389261Sym1 a6989586621679389259 :: TyFun (Down a6989586621679389233) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679390561Sym1 a6989586621679390559 :: TyFun (NonEmpty a6989586621679055391) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (MinimumBySym0 :: TyFun (a6989586621680450231 ~> (a6989586621680450231 ~> Ordering)) (t6989586621680450230 a6989586621680450231 ~> a6989586621680450231) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (MaximumBySym0 :: TyFun (a6989586621680450233 ~> (a6989586621680450233 ~> Ordering)) (t6989586621680450232 a6989586621680450233 ~> a6989586621680450233) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680450752Max'Sym0 :: TyFun (k2 ~> (k2 ~> Ordering)) (TyFun k1 (TyFun k2 (TyFun k2 k2 -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680450727Min'Sym0 :: TyFun (k2 ~> (k2 ~> Ordering)) (TyFun k1 (TyFun k2 (TyFun k2 k2 -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ComparingSym0 :: TyFun (b6989586621679379551 ~> a6989586621679379550) (b6989586621679379551 ~> (b6989586621679379551 ~> Ordering)) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
(SOrd a, SingI d) => SingI (CompareSym1 d :: TyFun a Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods sing :: Sing (CompareSym1 d) # | |
SFoldable t => SingI (MinimumBySym0 :: TyFun (a ~> (a ~> Ordering)) (t a ~> a) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods sing :: Sing MinimumBySym0 # | |
SFoldable t => SingI (MaximumBySym0 :: TyFun (a ~> (a ~> Ordering)) (t a ~> a) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods sing :: Sing MaximumBySym0 # | |
SOrd a => SingI (ComparingSym0 :: TyFun (b ~> a) (b ~> (b ~> Ordering)) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods sing :: Sing ComparingSym0 # | |
SuppressUnusedWarnings (Compare_6989586621679390532Sym1 a6989586621679390530 :: TyFun (Either a6989586621679073691 b6989586621679073692) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679390603Sym1 a6989586621679390601 :: TyFun (a3530822107858468865, b3530822107858468866) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679390644Sym0 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867) ((a3530822107858468865, b3530822107858468866, c3530822107858468867) ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ComparingSym1 a6989586621679379646 :: TyFun b6989586621679379551 (b6989586621679379551 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621680882507Sym1 a6989586621680882505 :: TyFun (Arg a6989586621680881233 b6989586621680881234) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621680710998Sym0 :: TyFun (Const a6989586621680710501 b6989586621680710502) (Const a6989586621680710501 b6989586621680710502 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679949635MinBySym0 :: TyFun (k3 ~> (k3 ~> Ordering)) (TyFun k1 (TyFun k2 (TyFun k3 (TyFun k3 k3 -> Type) -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679949605MaxBySym0 :: TyFun (k3 ~> (k3 ~> Ordering)) (TyFun k1 (TyFun k2 (TyFun k3 (TyFun k3 k3 -> Type) -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () # | |
(SOrd a, SingI d) => SingI (ComparingSym1 d :: TyFun b (b ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods sing :: Sing (ComparingSym1 d) # | |
SuppressUnusedWarnings (Compare_6989586621679390644Sym1 a6989586621679390642 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679390696Sym0 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868) ((a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868) ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ComparingSym2 a6989586621679379647 a6989586621679379646 :: TyFun b6989586621679379551 Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621680710998Sym1 a6989586621680710996 :: TyFun (Const a6989586621680710501 b6989586621680710502) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
(SOrd a, SingI d1, SingI d2) => SingI (ComparingSym2 d1 d2 :: TyFun b Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods sing :: Sing (ComparingSym2 d1 d2) # | |
SuppressUnusedWarnings (Compare_6989586621679390696Sym1 a6989586621679390694 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679390759Sym0 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869) ((a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869) ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679390759Sym1 a6989586621679390757 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679390833Sym0 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870) ((a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870) ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679390833Sym1 a6989586621679390831 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679390918Sym0 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870, g3530822107858468871) ((a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870, g3530822107858468871) ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679390918Sym1 a6989586621679390916 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870, g3530822107858468871) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
type Rep Ordering | Since: base-4.6.0.0 |
data Sing (a :: Ordering) | |
type Mempty | |
Defined in Data.Singletons.Prelude.Monoid | |
type MaxBound | |
Defined in Data.Singletons.Prelude.Enum type MaxBound = MaxBound_6989586621679735489Sym0 | |
type MinBound | |
Defined in Data.Singletons.Prelude.Enum type MinBound = MinBound_6989586621679735487Sym0 | |
type Demote Ordering | |
Defined in Data.Singletons.Prelude.Instances | |
type Mconcat (arg :: [Ordering]) | |
type Show_ (arg :: Ordering) | |
type Sconcat (arg :: NonEmpty Ordering) | |
type FromEnum (a :: Ordering) | |
Defined in Data.Singletons.Prelude.Enum | |
type ToEnum a | |
Defined in Data.Singletons.Prelude.Enum | |
type Pred (arg :: Ordering) | |
type Succ (arg :: Ordering) | |
type Mappend (arg1 :: Ordering) (arg2 :: Ordering) | |
type ShowList (arg1 :: [Ordering]) arg2 | |
type (a1 :: Ordering) <> (a2 :: Ordering) | |
type EnumFromTo (arg1 :: Ordering) (arg2 :: Ordering) | |
type Min (arg1 :: Ordering) (arg2 :: Ordering) | |
type Max (arg1 :: Ordering) (arg2 :: Ordering) | |
type (arg1 :: Ordering) >= (arg2 :: Ordering) | |
type (arg1 :: Ordering) > (arg2 :: Ordering) | |
type (arg1 :: Ordering) <= (arg2 :: Ordering) | |
type (arg1 :: Ordering) < (arg2 :: Ordering) | |
type Compare (a1 :: Ordering) (a2 :: Ordering) | |
type (x :: Ordering) /= (y :: Ordering) | |
type (a :: Ordering) == (b :: Ordering) | |
Defined in Data.Singletons.Prelude.Eq | |
type ShowsPrec a1 (a2 :: Ordering) a3 | |
type EnumFromThenTo (arg1 :: Ordering) (arg2 :: Ordering) (arg3 :: Ordering) | |
type Apply ToEnum_6989586621679763371Sym0 (a6989586621679763370 :: Nat) | |
Defined in Data.Singletons.Prelude.Enum | |
type Apply FromEnum_6989586621679763377Sym0 (a6989586621679763376 :: Ordering) | |
Defined in Data.Singletons.Prelude.Enum | |
type Apply (Compare_6989586621679390963Sym1 a6989586621679390961 :: TyFun Bool Ordering -> Type) (a6989586621679390962 :: Bool) | |
type Apply (ThenCmpSym1 a6989586621679390066 :: TyFun Ordering Ordering -> Type) (a6989586621679390067 :: Ordering) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Compare_6989586621679390973Sym1 a6989586621679390971 :: TyFun Ordering Ordering -> Type) (a6989586621679390972 :: Ordering) | |
type Apply (Compare_6989586621679390983Sym1 a6989586621679390981 :: TyFun () Ordering -> Type) (a6989586621679390982 :: ()) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Compare_6989586621679390575Sym1 a6989586621679390573 :: TyFun Void Ordering -> Type) (a6989586621679390574 :: Void) | |
type Apply (Compare_6989586621679829391Sym1 a6989586621679829389 :: TyFun All Ordering -> Type) (a6989586621679829390 :: All) | |
type Apply (Compare_6989586621679829409Sym1 a6989586621679829407 :: TyFun Any Ordering -> Type) (a6989586621679829408 :: Any) | |
type Apply (Compare_6989586621679379703Sym1 a6989586621679379701 :: TyFun a Ordering -> Type) (a6989586621679379702 :: a) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (CompareSym1 arg6989586621679379655 :: TyFun a Ordering -> Type) (arg6989586621679379656 :: a) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Let6989586621679379767Scrutinee_6989586621679379589Sym1 x6989586621679379765 :: TyFun k1 Ordering -> Type) (y6989586621679379766 :: k1) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Let6989586621679379749Scrutinee_6989586621679379587Sym1 x6989586621679379747 :: TyFun k1 Ordering -> Type) (y6989586621679379748 :: k1) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Let6989586621679379731Scrutinee_6989586621679379585Sym1 x6989586621679379729 :: TyFun k1 Ordering -> Type) (y6989586621679379730 :: k1) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Let6989586621679379713Scrutinee_6989586621679379583Sym1 x6989586621679379711 :: TyFun k1 Ordering -> Type) (y6989586621679379712 :: k1) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (ComparingSym2 a6989586621679379647 a6989586621679379646 :: TyFun b Ordering -> Type) (a6989586621679379648 :: b) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Compare_6989586621679390486Sym1 a6989586621679390484 :: TyFun [a] Ordering -> Type) (a6989586621679390485 :: [a]) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Compare_6989586621679390452Sym1 a6989586621679390450 :: TyFun (Maybe a) Ordering -> Type) (a6989586621679390451 :: Maybe a) | |
type Apply (Compare_6989586621679829472Sym1 a6989586621679829470 :: TyFun (Min a) Ordering -> Type) (a6989586621679829471 :: Min a) | |
type Apply (Compare_6989586621679829493Sym1 a6989586621679829491 :: TyFun (Max a) Ordering -> Type) (a6989586621679829492 :: Max a) | |
type Apply (Compare_6989586621679829514Sym1 a6989586621679829512 :: TyFun (First a) Ordering -> Type) (a6989586621679829513 :: First a) | |
type Apply (Compare_6989586621679829535Sym1 a6989586621679829533 :: TyFun (Last a) Ordering -> Type) (a6989586621679829534 :: Last a) | |
type Apply (Compare_6989586621679829556Sym1 a6989586621679829554 :: TyFun (WrappedMonoid m) Ordering -> Type) (a6989586621679829555 :: WrappedMonoid m) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply (Compare_6989586621679829556Sym1 a6989586621679829554 :: TyFun (WrappedMonoid m) Ordering -> Type) (a6989586621679829555 :: WrappedMonoid m) = Compare_6989586621679829556 a6989586621679829554 a6989586621679829555 | |
type Apply (Compare_6989586621679829352Sym1 a6989586621679829350 :: TyFun (Option a) Ordering -> Type) (a6989586621679829351 :: Option a) | |
type Apply (Compare_6989586621679390951Sym1 a6989586621679390949 :: TyFun (Identity a) Ordering -> Type) (a6989586621679390950 :: Identity a) | |
type Apply (Compare_6989586621680333949Sym1 a6989586621680333947 :: TyFun (First a) Ordering -> Type) (a6989586621680333948 :: First a) | |
type Apply (Compare_6989586621680333970Sym1 a6989586621680333968 :: TyFun (Last a) Ordering -> Type) (a6989586621680333969 :: Last a) | |
type Apply (Compare_6989586621679829373Sym1 a6989586621679829371 :: TyFun (Dual a) Ordering -> Type) (a6989586621679829372 :: Dual a) | |
type Apply (Compare_6989586621679829430Sym1 a6989586621679829428 :: TyFun (Sum a) Ordering -> Type) (a6989586621679829429 :: Sum a) | |
type Apply (Compare_6989586621679829451Sym1 a6989586621679829449 :: TyFun (Product a) Ordering -> Type) (a6989586621679829450 :: Product a) | |
type Apply (Compare_6989586621679389261Sym1 a6989586621679389259 :: TyFun (Down a) Ordering -> Type) (a6989586621679389260 :: Down a) | |
type Apply (Compare_6989586621679390561Sym1 a6989586621679390559 :: TyFun (NonEmpty a) Ordering -> Type) (a6989586621679390560 :: NonEmpty a) | |
type Apply (Compare_6989586621679390532Sym1 a6989586621679390530 :: TyFun (Either a b) Ordering -> Type) (a6989586621679390531 :: Either a b) | |
type Apply (Compare_6989586621679390603Sym1 a6989586621679390601 :: TyFun (a, b) Ordering -> Type) (a6989586621679390602 :: (a, b)) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Compare_6989586621680882507Sym1 a6989586621680882505 :: TyFun (Arg a b) Ordering -> Type) (a6989586621680882506 :: Arg a b) | |
type Apply (Compare_6989586621679390644Sym1 a6989586621679390642 :: TyFun (a, b, c) Ordering -> Type) (a6989586621679390643 :: (a, b, c)) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Compare_6989586621680710998Sym1 a6989586621680710996 :: TyFun (Const a b) Ordering -> Type) (a6989586621680710997 :: Const a b) | |
type Apply (Compare_6989586621679390696Sym1 a6989586621679390694 :: TyFun (a, b, c, d) Ordering -> Type) (a6989586621679390695 :: (a, b, c, d)) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Compare_6989586621679390759Sym1 a6989586621679390757 :: TyFun (a, b, c, d, e) Ordering -> Type) (a6989586621679390758 :: (a, b, c, d, e)) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Compare_6989586621679390833Sym1 a6989586621679390831 :: TyFun (a, b, c, d, e, f) Ordering -> Type) (a6989586621679390832 :: (a, b, c, d, e, f)) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Compare_6989586621679390918Sym1 a6989586621679390916 :: TyFun (a, b, c, d, e, f, g) Ordering -> Type) (a6989586621679390917 :: (a, b, c, d, e, f, g)) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply Compare_6989586621679390963Sym0 (a6989586621679390961 :: Bool) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply ThenCmpSym0 (a6989586621679390066 :: Ordering) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply Compare_6989586621679390973Sym0 (a6989586621679390971 :: Ordering) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply ShowsPrec_6989586621680280584Sym0 (a6989586621680280581 :: Nat) | |
Defined in Data.Singletons.Prelude.Show | |
type Apply Compare_6989586621679390983Sym0 (a6989586621679390981 :: ()) | |
Defined in Data.Singletons.Prelude.Ord type Apply Compare_6989586621679390983Sym0 (a6989586621679390981 :: ()) = Compare_6989586621679390983Sym1 a6989586621679390981 | |
type Apply Compare_6989586621679390575Sym0 (a6989586621679390573 :: Void) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply Compare_6989586621679829391Sym0 (a6989586621679829389 :: All) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply Compare_6989586621679829409Sym0 (a6989586621679829407 :: Any) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Let6989586621679379767Scrutinee_6989586621679379589Sym0 :: TyFun k1 (TyFun k1 Ordering -> Type) -> Type) (x6989586621679379765 :: k1) | |
type Apply (Let6989586621679379749Scrutinee_6989586621679379587Sym0 :: TyFun k1 (TyFun k1 Ordering -> Type) -> Type) (x6989586621679379747 :: k1) | |
type Apply (Let6989586621679379731Scrutinee_6989586621679379585Sym0 :: TyFun k1 (TyFun k1 Ordering -> Type) -> Type) (x6989586621679379729 :: k1) | |
type Apply (Let6989586621679379713Scrutinee_6989586621679379583Sym0 :: TyFun k1 (TyFun k1 Ordering -> Type) -> Type) (x6989586621679379711 :: k1) | |
type Apply (ShowsPrec_6989586621680280584Sym1 a6989586621680280581 :: TyFun Ordering (Symbol ~> Symbol) -> Type) (a6989586621680280582 :: Ordering) | |
type Apply (Compare_6989586621679379703Sym0 :: TyFun a6989586621679379561 (a6989586621679379561 ~> Ordering) -> Type) (a6989586621679379701 :: a6989586621679379561) | |
type Apply (CompareSym0 :: TyFun a6989586621679379561 (a6989586621679379561 ~> Ordering) -> Type) (arg6989586621679379655 :: a6989586621679379561) | |
Defined in Data.Singletons.Prelude.Ord type Apply (CompareSym0 :: TyFun a6989586621679379561 (a6989586621679379561 ~> Ordering) -> Type) (arg6989586621679379655 :: a6989586621679379561) = CompareSym1 arg6989586621679379655 | |
type Apply (ComparingSym1 a6989586621679379646 :: TyFun b6989586621679379551 (b6989586621679379551 ~> Ordering) -> Type) (a6989586621679379647 :: b6989586621679379551) | |
Defined in Data.Singletons.Prelude.Ord type Apply (ComparingSym1 a6989586621679379646 :: TyFun b6989586621679379551 (b6989586621679379551 ~> Ordering) -> Type) (a6989586621679379647 :: b6989586621679379551) = ComparingSym2 a6989586621679379646 a6989586621679379647 | |
type Apply (Compare_6989586621679390486Sym0 :: TyFun [a3530822107858468865] ([a3530822107858468865] ~> Ordering) -> Type) (a6989586621679390484 :: [a3530822107858468865]) | |
type Apply (Compare_6989586621679390452Sym0 :: TyFun (Maybe a3530822107858468865) (Maybe a3530822107858468865 ~> Ordering) -> Type) (a6989586621679390450 :: Maybe a3530822107858468865) | |
type Apply (Compare_6989586621679829472Sym0 :: TyFun (Min a6989586621679050961) (Min a6989586621679050961 ~> Ordering) -> Type) (a6989586621679829470 :: Min a6989586621679050961) | |
type Apply (Compare_6989586621679829493Sym0 :: TyFun (Max a6989586621679050967) (Max a6989586621679050967 ~> Ordering) -> Type) (a6989586621679829491 :: Max a6989586621679050967) | |
type Apply (Compare_6989586621679829514Sym0 :: TyFun (First a6989586621679050981) (First a6989586621679050981 ~> Ordering) -> Type) (a6989586621679829512 :: First a6989586621679050981) | |
type Apply (Compare_6989586621679829535Sym0 :: TyFun (Last a6989586621679050987) (Last a6989586621679050987 ~> Ordering) -> Type) (a6989586621679829533 :: Last a6989586621679050987) | |
type Apply (Compare_6989586621679829556Sym0 :: TyFun (WrappedMonoid m6989586621679050993) (WrappedMonoid m6989586621679050993 ~> Ordering) -> Type) (a6989586621679829554 :: WrappedMonoid m6989586621679050993) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply (Compare_6989586621679829556Sym0 :: TyFun (WrappedMonoid m6989586621679050993) (WrappedMonoid m6989586621679050993 ~> Ordering) -> Type) (a6989586621679829554 :: WrappedMonoid m6989586621679050993) = Compare_6989586621679829556Sym1 a6989586621679829554 | |
type Apply (Compare_6989586621679829352Sym0 :: TyFun (Option a6989586621679050999) (Option a6989586621679050999 ~> Ordering) -> Type) (a6989586621679829350 :: Option a6989586621679050999) | |
type Apply (Compare_6989586621679390951Sym0 :: TyFun (Identity a6989586621679072614) (Identity a6989586621679072614 ~> Ordering) -> Type) (a6989586621679390949 :: Identity a6989586621679072614) | |
type Apply (Compare_6989586621680333949Sym0 :: TyFun (First a6989586621679072624) (First a6989586621679072624 ~> Ordering) -> Type) (a6989586621680333947 :: First a6989586621679072624) | |
type Apply (Compare_6989586621680333970Sym0 :: TyFun (Last a6989586621679072619) (Last a6989586621679072619 ~> Ordering) -> Type) (a6989586621680333968 :: Last a6989586621679072619) | |
type Apply (Compare_6989586621679829373Sym0 :: TyFun (Dual a6989586621679072595) (Dual a6989586621679072595 ~> Ordering) -> Type) (a6989586621679829371 :: Dual a6989586621679072595) | |
type Apply (Compare_6989586621679829430Sym0 :: TyFun (Sum a6989586621679072580) (Sum a6989586621679072580 ~> Ordering) -> Type) (a6989586621679829428 :: Sum a6989586621679072580) | |
type Apply (Compare_6989586621679829451Sym0 :: TyFun (Product a6989586621679072585) (Product a6989586621679072585 ~> Ordering) -> Type) (a6989586621679829449 :: Product a6989586621679072585) | |
type Apply (Compare_6989586621679389261Sym0 :: TyFun (Down a6989586621679389233) (Down a6989586621679389233 ~> Ordering) -> Type) (a6989586621679389259 :: Down a6989586621679389233) | |
type Apply (Compare_6989586621679390561Sym0 :: TyFun (NonEmpty a6989586621679055391) (NonEmpty a6989586621679055391 ~> Ordering) -> Type) (a6989586621679390559 :: NonEmpty a6989586621679055391) | |
type Apply (ListsortBySym0 :: TyFun (a6989586621680386866 ~> (a6989586621680386866 ~> Ordering)) ([a6989586621680386866] ~> [a6989586621680386866]) -> Type) (a6989586621680387927 :: a6989586621680386866 ~> (a6989586621680386866 ~> Ordering)) | |
type Apply (SortBySym0 :: TyFun (a6989586621679939297 ~> (a6989586621679939297 ~> Ordering)) ([a6989586621679939297] ~> [a6989586621679939297]) -> Type) (a6989586621679948887 :: a6989586621679939297 ~> (a6989586621679939297 ~> Ordering)) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (MaximumBySym0 :: TyFun (a6989586621679939295 ~> (a6989586621679939295 ~> Ordering)) ([a6989586621679939295] ~> a6989586621679939295) -> Type) (a6989586621679949594 :: a6989586621679939295 ~> (a6989586621679939295 ~> Ordering)) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (MinimumBySym0 :: TyFun (a6989586621679939294 ~> (a6989586621679939294 ~> Ordering)) ([a6989586621679939294] ~> a6989586621679939294) -> Type) (a6989586621679949624 :: a6989586621679939294 ~> (a6989586621679939294 ~> Ordering)) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (InsertBySym0 :: TyFun (a6989586621679939296 ~> (a6989586621679939296 ~> Ordering)) (a6989586621679939296 ~> ([a6989586621679939296] ~> [a6989586621679939296])) -> Type) (a6989586621679948857 :: a6989586621679939296 ~> (a6989586621679939296 ~> Ordering)) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (InsertBySym0 :: TyFun (a6989586621679939296 ~> (a6989586621679939296 ~> Ordering)) (a6989586621679939296 ~> ([a6989586621679939296] ~> [a6989586621679939296])) -> Type) (a6989586621679948857 :: a6989586621679939296 ~> (a6989586621679939296 ~> Ordering)) = InsertBySym1 a6989586621679948857 | |
type Apply (Let6989586621680450727Min'Sym0 :: TyFun (k1 ~> (k1 ~> Ordering)) (TyFun k2 (TyFun k1 (TyFun k1 k1 -> Type) -> Type) -> Type) -> Type) (cmp6989586621680450725 :: k1 ~> (k1 ~> Ordering)) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Let6989586621680450727Min'Sym0 :: TyFun (k1 ~> (k1 ~> Ordering)) (TyFun k2 (TyFun k1 (TyFun k1 k1 -> Type) -> Type) -> Type) -> Type) (cmp6989586621680450725 :: k1 ~> (k1 ~> Ordering)) = (Let6989586621680450727Min'Sym1 cmp6989586621680450725 :: TyFun k2 (TyFun k1 (TyFun k1 k1 -> Type) -> Type) -> Type) | |
type Apply (Let6989586621680450752Max'Sym0 :: TyFun (k1 ~> (k1 ~> Ordering)) (TyFun k2 (TyFun k1 (TyFun k1 k1 -> Type) -> Type) -> Type) -> Type) (cmp6989586621680450750 :: k1 ~> (k1 ~> Ordering)) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Let6989586621680450752Max'Sym0 :: TyFun (k1 ~> (k1 ~> Ordering)) (TyFun k2 (TyFun k1 (TyFun k1 k1 -> Type) -> Type) -> Type) -> Type) (cmp6989586621680450750 :: k1 ~> (k1 ~> Ordering)) = (Let6989586621680450752Max'Sym1 cmp6989586621680450750 :: TyFun k2 (TyFun k1 (TyFun k1 k1 -> Type) -> Type) -> Type) | |
type Apply (Compare_6989586621679390532Sym0 :: TyFun (Either a6989586621679073691 b6989586621679073692) (Either a6989586621679073691 b6989586621679073692 ~> Ordering) -> Type) (a6989586621679390530 :: Either a6989586621679073691 b6989586621679073692) | |
Defined in Data.Singletons.Prelude.Ord type Apply (Compare_6989586621679390532Sym0 :: TyFun (Either a6989586621679073691 b6989586621679073692) (Either a6989586621679073691 b6989586621679073692 ~> Ordering) -> Type) (a6989586621679390530 :: Either a6989586621679073691 b6989586621679073692) = Compare_6989586621679390532Sym1 a6989586621679390530 | |
type Apply (Compare_6989586621679390603Sym0 :: TyFun (a3530822107858468865, b3530822107858468866) ((a3530822107858468865, b3530822107858468866) ~> Ordering) -> Type) (a6989586621679390601 :: (a3530822107858468865, b3530822107858468866)) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (MaximumBySym0 :: TyFun (a6989586621680450233 ~> (a6989586621680450233 ~> Ordering)) (t6989586621680450232 a6989586621680450233 ~> a6989586621680450233) -> Type) (a6989586621680450744 :: a6989586621680450233 ~> (a6989586621680450233 ~> Ordering)) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (MaximumBySym0 :: TyFun (a6989586621680450233 ~> (a6989586621680450233 ~> Ordering)) (t6989586621680450232 a6989586621680450233 ~> a6989586621680450233) -> Type) (a6989586621680450744 :: a6989586621680450233 ~> (a6989586621680450233 ~> Ordering)) = (MaximumBySym1 a6989586621680450744 t6989586621680450232 :: TyFun (t6989586621680450232 a6989586621680450233) a6989586621680450233 -> Type) | |
type Apply (MinimumBySym0 :: TyFun (a6989586621680450231 ~> (a6989586621680450231 ~> Ordering)) (t6989586621680450230 a6989586621680450231 ~> a6989586621680450231) -> Type) (a6989586621680450719 :: a6989586621680450231 ~> (a6989586621680450231 ~> Ordering)) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (MinimumBySym0 :: TyFun (a6989586621680450231 ~> (a6989586621680450231 ~> Ordering)) (t6989586621680450230 a6989586621680450231 ~> a6989586621680450231) -> Type) (a6989586621680450719 :: a6989586621680450231 ~> (a6989586621680450231 ~> Ordering)) = (MinimumBySym1 a6989586621680450719 t6989586621680450230 :: TyFun (t6989586621680450230 a6989586621680450231) a6989586621680450231 -> Type) | |
type Apply (ComparingSym0 :: TyFun (b6989586621679379551 ~> a6989586621679379550) (b6989586621679379551 ~> (b6989586621679379551 ~> Ordering)) -> Type) (a6989586621679379646 :: b6989586621679379551 ~> a6989586621679379550) | |
Defined in Data.Singletons.Prelude.Ord type Apply (ComparingSym0 :: TyFun (b6989586621679379551 ~> a6989586621679379550) (b6989586621679379551 ~> (b6989586621679379551 ~> Ordering)) -> Type) (a6989586621679379646 :: b6989586621679379551 ~> a6989586621679379550) = ComparingSym1 a6989586621679379646 | |
type Apply (Compare_6989586621680882507Sym0 :: TyFun (Arg a6989586621680881233 b6989586621680881234) (Arg a6989586621680881233 b6989586621680881234 ~> Ordering) -> Type) (a6989586621680882505 :: Arg a6989586621680881233 b6989586621680881234) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (Let6989586621679949605MaxBySym0 :: TyFun (k1 ~> (k1 ~> Ordering)) (TyFun k2 (TyFun k3 (TyFun k1 (TyFun k1 k1 -> Type) -> Type) -> Type) -> Type) -> Type) (cmp6989586621679949598 :: k1 ~> (k1 ~> Ordering)) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621679949605MaxBySym0 :: TyFun (k1 ~> (k1 ~> Ordering)) (TyFun k2 (TyFun k3 (TyFun k1 (TyFun k1 k1 -> Type) -> Type) -> Type) -> Type) -> Type) (cmp6989586621679949598 :: k1 ~> (k1 ~> Ordering)) = (Let6989586621679949605MaxBySym1 cmp6989586621679949598 :: TyFun k2 (TyFun k3 (TyFun k1 (TyFun k1 k1 -> Type) -> Type) -> Type) -> Type) | |
type Apply (Let6989586621679949635MinBySym0 :: TyFun (k1 ~> (k1 ~> Ordering)) (TyFun k2 (TyFun k3 (TyFun k1 (TyFun k1 k1 -> Type) -> Type) -> Type) -> Type) -> Type) (cmp6989586621679949628 :: k1 ~> (k1 ~> Ordering)) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621679949635MinBySym0 :: TyFun (k1 ~> (k1 ~> Ordering)) (TyFun k2 (TyFun k3 (TyFun k1 (TyFun k1 k1 -> Type) -> Type) -> Type) -> Type) -> Type) (cmp6989586621679949628 :: k1 ~> (k1 ~> Ordering)) = (Let6989586621679949635MinBySym1 cmp6989586621679949628 :: TyFun k2 (TyFun k3 (TyFun k1 (TyFun k1 k1 -> Type) -> Type) -> Type) -> Type) | |
type Apply (Compare_6989586621679390644Sym0 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867) ((a3530822107858468865, b3530822107858468866, c3530822107858468867) ~> Ordering) -> Type) (a6989586621679390642 :: (a3530822107858468865, b3530822107858468866, c3530822107858468867)) | |
Defined in Data.Singletons.Prelude.Ord type Apply (Compare_6989586621679390644Sym0 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867) ((a3530822107858468865, b3530822107858468866, c3530822107858468867) ~> Ordering) -> Type) (a6989586621679390642 :: (a3530822107858468865, b3530822107858468866, c3530822107858468867)) = Compare_6989586621679390644Sym1 a6989586621679390642 | |
type Apply (Compare_6989586621680710998Sym0 :: TyFun (Const a6989586621680710501 b6989586621680710502) (Const a6989586621680710501 b6989586621680710502 ~> Ordering) -> Type) (a6989586621680710996 :: Const a6989586621680710501 b6989586621680710502) | |
Defined in Data.Singletons.Prelude.Const type Apply (Compare_6989586621680710998Sym0 :: TyFun (Const a6989586621680710501 b6989586621680710502) (Const a6989586621680710501 b6989586621680710502 ~> Ordering) -> Type) (a6989586621680710996 :: Const a6989586621680710501 b6989586621680710502) = Compare_6989586621680710998Sym1 a6989586621680710996 | |
type Apply (Compare_6989586621679390696Sym0 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868) ((a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868) ~> Ordering) -> Type) (a6989586621679390694 :: (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868)) | |
Defined in Data.Singletons.Prelude.Ord type Apply (Compare_6989586621679390696Sym0 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868) ((a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868) ~> Ordering) -> Type) (a6989586621679390694 :: (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868)) = Compare_6989586621679390696Sym1 a6989586621679390694 | |
type Apply (Compare_6989586621679390759Sym0 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869) ((a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869) ~> Ordering) -> Type) (a6989586621679390757 :: (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869)) | |
Defined in Data.Singletons.Prelude.Ord type Apply (Compare_6989586621679390759Sym0 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869) ((a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869) ~> Ordering) -> Type) (a6989586621679390757 :: (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869)) = Compare_6989586621679390759Sym1 a6989586621679390757 | |
type Apply (Compare_6989586621679390833Sym0 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870) ((a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870) ~> Ordering) -> Type) (a6989586621679390831 :: (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870)) | |
Defined in Data.Singletons.Prelude.Ord type Apply (Compare_6989586621679390833Sym0 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870) ((a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870) ~> Ordering) -> Type) (a6989586621679390831 :: (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870)) = Compare_6989586621679390833Sym1 a6989586621679390831 | |
type Apply (Compare_6989586621679390918Sym0 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870, g3530822107858468871) ((a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870, g3530822107858468871) ~> Ordering) -> Type) (a6989586621679390916 :: (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870, g3530822107858468871)) | |
Defined in Data.Singletons.Prelude.Ord type Apply (Compare_6989586621679390918Sym0 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870, g3530822107858468871) ((a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870, g3530822107858468871) ~> Ordering) -> Type) (a6989586621679390916 :: (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870, g3530822107858468871)) = Compare_6989586621679390918Sym1 a6989586621679390916 |
A value of type
is a computation which, when performed,
does some I/O before returning a value of type IO
aa
.
There is really only one way to "perform" an I/O action: bind it to
Main.main
in your program. When your program is run, the I/O will
be performed. It isn't possible to perform I/O from an arbitrary
function, unless that function is itself in the IO
monad and called
at some point, directly or indirectly, from Main.main
.
IO
is a monad, so IO
actions can be combined using either the do-notation
or the >>
and >>=
operations from the Monad
class.
Instances
Instances
The Either
type represents values with two possibilities: a value of
type
is either Either
a b
or Left
a
.Right
b
The Either
type is sometimes used to represent a value which is
either correct or an error; by convention, the Left
constructor is
used to hold an error value and the Right
constructor is used to
hold a correct value (mnemonic: "right" also means "correct").
Examples
The type
is the type of values which can be either
a Either
String
Int
String
or an Int
. The Left
constructor can be used only on
String
s, and the Right
constructor can be used only on Int
s:
>>>
let s = Left "foo" :: Either String Int
>>>
s
Left "foo">>>
let n = Right 3 :: Either String Int
>>>
n
Right 3>>>
:type s
s :: Either String Int>>>
:type n
n :: Either String Int
The fmap
from our Functor
instance will ignore Left
values, but
will apply the supplied function to values contained in a Right
:
>>>
let s = Left "foo" :: Either String Int
>>>
let n = Right 3 :: Either String Int
>>>
fmap (*2) s
Left "foo">>>
fmap (*2) n
Right 6
The Monad
instance for Either
allows us to chain together multiple
actions which may fail, and fail overall if any of the individual
steps failed. First we'll write a function that can either parse an
Int
from a Char
, or fail.
>>>
import Data.Char ( digitToInt, isDigit )
>>>
:{
let parseEither :: Char -> Either String Int parseEither c | isDigit c = Right (digitToInt c) | otherwise = Left "parse error">>>
:}
The following should work, since both '1'
and '2'
can be
parsed as Int
s.
>>>
:{
let parseMultiple :: Either String Int parseMultiple = do x <- parseEither '1' y <- parseEither '2' return (x + y)>>>
:}
>>>
parseMultiple
Right 3
But the following should fail overall, since the first operation where
we attempt to parse 'm'
as an Int
will fail:
>>>
:{
let parseMultiple :: Either String Int parseMultiple = do x <- parseEither 'm' y <- parseEither '2' return (x + y)>>>
:}
>>>
parseMultiple
Left "parse error"
Instances
ToJSON2 Either | |
Defined in Data.Aeson.Types.ToJSON Methods liftToJSON2 :: (a -> Value) -> ([a] -> Value) -> (b -> Value) -> ([b] -> Value) -> Either a b -> Value # liftToJSONList2 :: (a -> Value) -> ([a] -> Value) -> (b -> Value) -> ([b] -> Value) -> [Either a b] -> Value # liftToEncoding2 :: (a -> Encoding) -> ([a] -> Encoding) -> (b -> Encoding) -> ([b] -> Encoding) -> Either a b -> Encoding # liftToEncodingList2 :: (a -> Encoding) -> ([a] -> Encoding) -> (b -> Encoding) -> ([b] -> Encoding) -> [Either a b] -> Encoding # | |
FromJSON2 Either | |
Defined in Data.Aeson.Types.FromJSON | |
Bifunctor Either | Since: base-4.8.0.0 |
Eq2 Either | Since: base-4.9.0.0 |
Ord2 Either | Since: base-4.9.0.0 |
Defined in Data.Functor.Classes | |
Read2 Either | Since: base-4.9.0.0 |
Defined in Data.Functor.Classes Methods liftReadsPrec2 :: (Int -> ReadS a) -> ReadS [a] -> (Int -> ReadS b) -> ReadS [b] -> Int -> ReadS (Either a b) # liftReadList2 :: (Int -> ReadS a) -> ReadS [a] -> (Int -> ReadS b) -> ReadS [b] -> ReadS [Either a b] # liftReadPrec2 :: ReadPrec a -> ReadPrec [a] -> ReadPrec b -> ReadPrec [b] -> ReadPrec (Either a b) # liftReadListPrec2 :: ReadPrec a -> ReadPrec [a] -> ReadPrec b -> ReadPrec [b] -> ReadPrec [Either a b] # | |
Show2 Either | Since: base-4.9.0.0 |
NFData2 Either | Since: deepseq-1.4.3.0 |
Defined in Control.DeepSeq | |
Hashable2 Either | |
Defined in Data.Hashable.Class | |
Monad (Either e) | Since: base-4.4.0.0 |
Functor (Either a) | Since: base-3.0 |
MonadFix (Either e) | Since: base-4.3.0.0 |
Defined in Control.Monad.Fix | |
Applicative (Either e) | Since: base-3.0 |
Foldable (Either a) | Since: base-4.7.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => Either a m -> m # foldMap :: Monoid m => (a0 -> m) -> Either a a0 -> m # foldr :: (a0 -> b -> b) -> b -> Either a a0 -> b # foldr' :: (a0 -> b -> b) -> b -> Either a a0 -> b # foldl :: (b -> a0 -> b) -> b -> Either a a0 -> b # foldl' :: (b -> a0 -> b) -> b -> Either a a0 -> b # foldr1 :: (a0 -> a0 -> a0) -> Either a a0 -> a0 # foldl1 :: (a0 -> a0 -> a0) -> Either a a0 -> a0 # toList :: Either a a0 -> [a0] # length :: Either a a0 -> Int # elem :: Eq a0 => a0 -> Either a a0 -> Bool # maximum :: Ord a0 => Either a a0 -> a0 # minimum :: Ord a0 => Either a a0 -> a0 # | |
Traversable (Either a) | Since: base-4.7.0.0 |
Defined in Data.Traversable | |
ToJSON a => ToJSON1 (Either a) | |
Defined in Data.Aeson.Types.ToJSON Methods liftToJSON :: (a0 -> Value) -> ([a0] -> Value) -> Either a a0 -> Value # liftToJSONList :: (a0 -> Value) -> ([a0] -> Value) -> [Either a a0] -> Value # liftToEncoding :: (a0 -> Encoding) -> ([a0] -> Encoding) -> Either a a0 -> Encoding # liftToEncodingList :: (a0 -> Encoding) -> ([a0] -> Encoding) -> [Either a a0] -> Encoding # | |
FromJSON a => FromJSON1 (Either a) | |
Eq a => Eq1 (Either a) | Since: base-4.9.0.0 |
Ord a => Ord1 (Either a) | Since: base-4.9.0.0 |
Defined in Data.Functor.Classes | |
Read a => Read1 (Either a) | Since: base-4.9.0.0 |
Defined in Data.Functor.Classes Methods liftReadsPrec :: (Int -> ReadS a0) -> ReadS [a0] -> Int -> ReadS (Either a a0) # liftReadList :: (Int -> ReadS a0) -> ReadS [a0] -> ReadS [Either a a0] # liftReadPrec :: ReadPrec a0 -> ReadPrec [a0] -> ReadPrec (Either a a0) # liftReadListPrec :: ReadPrec a0 -> ReadPrec [a0] -> ReadPrec [Either a a0] # | |
Show a => Show1 (Either a) | Since: base-4.9.0.0 |
MonadFailure (Either a) | |
e ~ SomeException => MonadThrow (Either e) | |
Defined in Control.Monad.Catch | |
NFData a => NFData1 (Either a) | Since: deepseq-1.4.3.0 |
Defined in Control.DeepSeq | |
e ~ SomeException => MonadCatch (Either e) | Since: exceptions-0.8.3 |
e ~ SomeException => MonadMask (Either e) | Since: exceptions-0.8.3 |
Defined in Control.Monad.Catch | |
Hashable a => Hashable1 (Either a) | |
Defined in Data.Hashable.Class | |
PTraversable (Either a) | |
STraversable (Either a) | |
Defined in Data.Singletons.Prelude.Traversable Methods sTraverse :: SApplicative f => Sing t1 -> Sing t2 -> Sing (Apply (Apply TraverseSym0 t1) t2) # sSequenceA :: SApplicative f => Sing t1 -> Sing (Apply SequenceASym0 t1) # sMapM :: SMonad m => Sing t1 -> Sing t2 -> Sing (Apply (Apply MapMSym0 t1) t2) # sSequence :: SMonad m => Sing t1 -> Sing (Apply SequenceSym0 t1) # | |
PFoldable (Either a) | |
SFoldable (Either a) | |
Defined in Data.Singletons.Prelude.Foldable Methods sFold :: SMonoid m => Sing t1 -> Sing (Apply FoldSym0 t1) # sFoldMap :: SMonoid m => Sing t1 -> Sing t2 -> Sing (Apply (Apply FoldMapSym0 t1) t2) # sFoldr :: Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply FoldrSym0 t1) t2) t3) # sFoldr' :: Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply Foldr'Sym0 t1) t2) t3) # sFoldl :: Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply FoldlSym0 t1) t2) t3) # sFoldl' :: Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply Foldl'Sym0 t1) t2) t3) # sFoldr1 :: Sing t1 -> Sing t2 -> Sing (Apply (Apply Foldr1Sym0 t1) t2) # sFoldl1 :: Sing t1 -> Sing t2 -> Sing (Apply (Apply Foldl1Sym0 t1) t2) # sToList :: Sing t1 -> Sing (Apply ToListSym0 t1) # sNull :: Sing t1 -> Sing (Apply NullSym0 t1) # sLength :: Sing t1 -> Sing (Apply LengthSym0 t1) # sElem :: SEq a0 => Sing t1 -> Sing t2 -> Sing (Apply (Apply ElemSym0 t1) t2) # sMaximum :: SOrd a0 => Sing t1 -> Sing (Apply MaximumSym0 t1) # sMinimum :: SOrd a0 => Sing t1 -> Sing (Apply MinimumSym0 t1) # sSum :: SNum a0 => Sing t1 -> Sing (Apply SumSym0 t1) # sProduct :: SNum a0 => Sing t1 -> Sing (Apply ProductSym0 t1) # | |
PFunctor (Either a) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
PApplicative (Either e) | |
PMonad (Either e) | |
SFunctor (Either a) | |
SApplicative (Either e) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods sPure :: Sing t -> Sing (Apply PureSym0 t) # (%<*>) :: Sing t1 -> Sing t2 -> Sing (Apply (Apply (<*>@#@$) t1) t2) # sLiftA2 :: Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply LiftA2Sym0 t1) t2) t3) # (%*>) :: Sing t1 -> Sing t2 -> Sing (Apply (Apply (*>@#@$) t1) t2) # (%<*) :: Sing t1 -> Sing t2 -> Sing (Apply (Apply (<*@#@$) t1) t2) # | |
SMonad (Either e) | |
Generic1 (Either a :: Type -> Type) | |
MonadBase (Either e) (Either e) | |
Defined in Control.Monad.Base | |
MonadBaseControl (Either e) (Either e) | |
(Eq a, Eq b) => Eq (Either a b) | Since: base-2.1 |
(Ord a, Ord b) => Ord (Either a b) | Since: base-2.1 |
(Read a, Read b) => Read (Either a b) | Since: base-3.0 |
(Show a, Show b) => Show (Either a b) | Since: base-3.0 |
Generic (Either a b) | |
Semigroup (Either a b) | Since: base-4.9.0.0 |
(Lift a, Lift b) => Lift (Either a b) | |
(Hashable a, Hashable b) => Hashable (Either a b) | |
Defined in Data.Hashable.Class | |
(ToJSON a, ToJSON b) => ToJSON (Either a b) | |
Defined in Data.Aeson.Types.ToJSON | |
(FromJSON a, FromJSON b) => FromJSON (Either a b) | |
(NFData a, NFData b) => NFData (Either a b) | |
Defined in Control.DeepSeq | |
MonoFunctor (Either a b) | |
MonoFoldable (Either a b) | |
Defined in Data.MonoTraversable Methods ofoldMap :: Monoid m => (Element (Either a b) -> m) -> Either a b -> m # ofoldr :: (Element (Either a b) -> b0 -> b0) -> b0 -> Either a b -> b0 # ofoldl' :: (a0 -> Element (Either a b) -> a0) -> a0 -> Either a b -> a0 # otoList :: Either a b -> [Element (Either a b)] # oall :: (Element (Either a b) -> Bool) -> Either a b -> Bool # oany :: (Element (Either a b) -> Bool) -> Either a b -> Bool # olength :: Either a b -> Int # olength64 :: Either a b -> Int64 # ocompareLength :: Integral i => Either a b -> i -> Ordering # otraverse_ :: Applicative f => (Element (Either a b) -> f b0) -> Either a b -> f () # ofor_ :: Applicative f => Either a b -> (Element (Either a b) -> f b0) -> f () # omapM_ :: Applicative m => (Element (Either a b) -> m ()) -> Either a b -> m () # oforM_ :: Applicative m => Either a b -> (Element (Either a b) -> m ()) -> m () # ofoldlM :: Monad m => (a0 -> Element (Either a b) -> m a0) -> a0 -> Either a b -> m a0 # ofoldMap1Ex :: Semigroup m => (Element (Either a b) -> m) -> Either a b -> m # ofoldr1Ex :: (Element (Either a b) -> Element (Either a b) -> Element (Either a b)) -> Either a b -> Element (Either a b) # ofoldl1Ex' :: (Element (Either a b) -> Element (Either a b) -> Element (Either a b)) -> Either a b -> Element (Either a b) # headEx :: Either a b -> Element (Either a b) # lastEx :: Either a b -> Element (Either a b) # unsafeHead :: Either a b -> Element (Either a b) # unsafeLast :: Either a b -> Element (Either a b) # maximumByEx :: (Element (Either a b) -> Element (Either a b) -> Ordering) -> Either a b -> Element (Either a b) # minimumByEx :: (Element (Either a b) -> Element (Either a b) -> Ordering) -> Either a b -> Element (Either a b) # | |
MonoTraversable (Either a b) | |
MonoPointed (Either a b) | |
PShow (Either a b) | |
(SShow a, SShow b) => SShow (Either a b) | |
PSemigroup (Either a b) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
SSemigroup (Either a b) | |
POrd (Either a b) | |
(SOrd a, SOrd b) => SOrd (Either a b) | |
Defined in Data.Singletons.Prelude.Ord Methods sCompare :: Sing t1 -> Sing t2 -> Sing (Apply (Apply CompareSym0 t1) t2) # (%<) :: Sing t1 -> Sing t2 -> Sing (Apply (Apply (<@#@$) t1) t2) # (%<=) :: Sing t1 -> Sing t2 -> Sing (Apply (Apply (<=@#@$) t1) t2) # (%>) :: Sing t1 -> Sing t2 -> Sing (Apply (Apply (>@#@$) t1) t2) # (%>=) :: Sing t1 -> Sing t2 -> Sing (Apply (Apply (>=@#@$) t1) t2) # sMax :: Sing t1 -> Sing t2 -> Sing (Apply (Apply MaxSym0 t1) t2) # sMin :: Sing t1 -> Sing t2 -> Sing (Apply (Apply MinSym0 t1) t2) # | |
(SEq a, SEq b) => SEq (Either a b) | |
PEq (Either a b) | |
SuppressUnusedWarnings (RightsSym0 :: TyFun [Either a6989586621680431770 b6989586621680431771] [b6989586621680431771] -> Type) | |
Defined in Data.Singletons.Prelude.Either Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (PartitionEithersSym0 :: TyFun [Either a6989586621680431768 b6989586621680431769] ([a6989586621680431768], [b6989586621680431769]) -> Type) | |
Defined in Data.Singletons.Prelude.Either Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (LeftsSym0 :: TyFun [Either a6989586621680431772 b6989586621680431773] [a6989586621680431772] -> Type) | |
Defined in Data.Singletons.Prelude.Either Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (IsRightSym0 :: TyFun (Either a6989586621680431764 b6989586621680431765) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Either Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (IsLeftSym0 :: TyFun (Either a6989586621680431766 b6989586621680431767) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Either Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679390532Sym0 :: TyFun (Either a6989586621679073691 b6989586621679073692) (Either a6989586621679073691 b6989586621679073692 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ShowsPrec_6989586621680280497Sym0 :: TyFun Nat (Either a6989586621679073691 b6989586621679073692 ~> (Symbol ~> Symbol)) -> Type) | |
Defined in Data.Singletons.Prelude.Show Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Pure_6989586621679607578Sym0 :: TyFun a6989586621679544265 (Either e6989586621679606846 a6989586621679544265) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (RightSym0 :: TyFun b6989586621679073692 (Either a6989586621679073691 b6989586621679073692) -> Type) | |
Defined in Data.Singletons.Prelude.Instances Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (LeftSym0 :: TyFun a6989586621679073691 (Either a6989586621679073691 b6989586621679073692) -> Type) | |
Defined in Data.Singletons.Prelude.Instances Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679810761ASym0 :: TyFun k1 (Either a6989586621679073691 k1) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () # | |
SingI (RightsSym0 :: TyFun [Either a b] [b] -> Type) | |
Defined in Data.Singletons.Prelude.Either Methods sing :: Sing RightsSym0 # | |
SingI (PartitionEithersSym0 :: TyFun [Either a b] ([a], [b]) -> Type) | |
Defined in Data.Singletons.Prelude.Either | |
SingI (LeftsSym0 :: TyFun [Either a b] [a] -> Type) | |
Defined in Data.Singletons.Prelude.Either | |
SingI (IsRightSym0 :: TyFun (Either a b) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Either Methods sing :: Sing IsRightSym0 # | |
SingI (IsLeftSym0 :: TyFun (Either a b) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Either Methods sing :: Sing IsLeftSym0 # | |
SingI (RightSym0 :: TyFun b (Either a b) -> Type) | |
Defined in Data.Singletons.Prelude.Instances | |
SingI (LeftSym0 :: TyFun a (Either a b) -> Type) | |
Defined in Data.Singletons.Prelude.Instances | |
SuppressUnusedWarnings (ShowsPrec_6989586621680280497Sym1 a6989586621680280494 a6989586621679073691 b6989586621679073692 :: TyFun (Either a6989586621679073691 b6989586621679073692) (Symbol ~> Symbol) -> Type) | |
Defined in Data.Singletons.Prelude.Show Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679607702Sym0 :: TyFun (Either e6989586621679606863 a6989586621679544289) ((a6989586621679544289 ~> Either e6989586621679606863 b6989586621679544290) ~> Either e6989586621679606863 b6989586621679544290) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679607590Sym0 :: TyFun (Either e6989586621679606846 (a6989586621679544266 ~> b6989586621679544267)) (Either e6989586621679606846 a6989586621679544266 ~> Either e6989586621679606846 b6989586621679544267) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679390532Sym1 a6989586621679390530 :: TyFun (Either a6989586621679073691 b6989586621679073692) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679607408Sym0 :: TyFun a6989586621679544262 (Either a6989586621679606834 b6989586621679544263 ~> Either a6989586621679606834 a6989586621679544262) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Fmap_6989586621679607380Sym0 :: TyFun (a6989586621679544260 ~> b6989586621679544261) (Either a6989586621679606834 a6989586621679544260 ~> Either a6989586621679606834 b6989586621679544261) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Either_Sym0 :: TyFun (a6989586621680430294 ~> c6989586621680430295) ((b6989586621680430296 ~> c6989586621680430295) ~> (Either a6989586621680430294 b6989586621680430296 ~> c6989586621680430295)) -> Type) | |
Defined in Data.Singletons.Prelude.Either Methods suppressUnusedWarnings :: () # | |
SingI (Either_Sym0 :: TyFun (a ~> c) ((b ~> c) ~> (Either a b ~> c)) -> Type) | |
Defined in Data.Singletons.Prelude.Either Methods sing :: Sing Either_Sym0 # | |
SuppressUnusedWarnings (TFHelper_6989586621679607590Sym1 a6989586621679607588 :: TyFun (Either e6989586621679606846 a6989586621679544266) (Either e6989586621679606846 b6989586621679544267) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679607408Sym1 a6989586621679607406 a6989586621679606834 b6989586621679544263 :: TyFun (Either a6989586621679606834 b6989586621679544263) (Either a6989586621679606834 a6989586621679544262) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Fmap_6989586621679607380Sym1 a6989586621679607378 a6989586621679606834 :: TyFun (Either a6989586621679606834 a6989586621679544260) (Either a6989586621679606834 b6989586621679544261) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Traverse_6989586621680754034Sym0 :: TyFun (a6989586621680747832 ~> f6989586621680747831 b6989586621680747833) (Either a6989586621680753425 a6989586621680747832 ~> f6989586621680747831 (Either a6989586621680753425 b6989586621680747833)) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679607702Sym1 a6989586621679607700 b6989586621679544290 :: TyFun (a6989586621679544289 ~> Either e6989586621679606863 b6989586621679544290) (Either e6989586621679606863 b6989586621679544290) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Either_Sym1 a6989586621680430330 b6989586621680430296 :: TyFun (b6989586621680430296 ~> c6989586621680430295) (Either a6989586621680430294 b6989586621680430296 ~> c6989586621680430295) -> Type) | |
Defined in Data.Singletons.Prelude.Either Methods suppressUnusedWarnings :: () # | |
SingI d => SingI (Either_Sym1 d b :: TyFun (b ~> c) (Either a b ~> c) -> Type) | |
Defined in Data.Singletons.Prelude.Either Methods sing :: Sing (Either_Sym1 d b) # | |
SuppressUnusedWarnings (Traverse_6989586621680754034Sym1 a6989586621680754032 a6989586621680753425 :: TyFun (Either a6989586621680753425 a6989586621680747832) (f6989586621680747831 (Either a6989586621680753425 b6989586621680747833)) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Either_Sym2 a6989586621680430331 a6989586621680430330 :: TyFun (Either a6989586621680430294 b6989586621680430296) c6989586621680430295 -> Type) | |
Defined in Data.Singletons.Prelude.Either Methods suppressUnusedWarnings :: () # | |
(SingI d1, SingI d2) => SingI (Either_Sym2 d1 d2 :: TyFun (Either a b) c -> Type) | |
Defined in Data.Singletons.Prelude.Either Methods sing :: Sing (Either_Sym2 d1 d2) # | |
(Functor f, Functor g) => Functor (Lift Either f g) | |
type Apply (IsRightSym0 :: TyFun (Either a b) Bool -> Type) (a6989586621680432131 :: Either a b) | |
Defined in Data.Singletons.Prelude.Either | |
type Apply (IsLeftSym0 :: TyFun (Either a b) Bool -> Type) (a6989586621680432133 :: Either a b) | |
Defined in Data.Singletons.Prelude.Either | |
type Apply (Compare_6989586621679390532Sym1 a6989586621679390530 :: TyFun (Either a b) Ordering -> Type) (a6989586621679390531 :: Either a b) | |
type Apply (Either_Sym2 a6989586621680430331 a6989586621680430330 :: TyFun (Either a b) c -> Type) (a6989586621680430332 :: Either a b) | |
Defined in Data.Singletons.Prelude.Either | |
type Failure (Either a) | |
Defined in Basement.Monad | |
type StM (Either e) a | |
Defined in Control.Monad.Trans.Control | |
type Product (arg :: Either a1 a2) | |
type Sum (arg :: Either a1 a2) | |
type Minimum (arg :: Either a1 a2) | |
type Maximum (arg :: Either a1 a2) | |
type Length (a2 :: Either a1 a6989586621680450334) | |
type Null (a2 :: Either a1 a6989586621680450333) | |
type ToList (arg :: Either a1 a2) | |
type Fold (arg :: Either a m) | |
type Pure (a :: k1) | |
type Fail arg | |
type Return (arg :: a) | |
type Sequence (arg :: Either a1 (m a2)) | |
type SequenceA (arg :: Either a1 (f a2)) | |
type Elem (arg1 :: a1) (arg2 :: Either a2 a1) | |
type Foldl1 (arg1 :: a1 ~> (a1 ~> a1)) (arg2 :: Either a2 a1) | |
type Foldr1 (arg1 :: a1 ~> (a1 ~> a1)) (arg2 :: Either a2 a1) | |
type FoldMap (a2 :: a6989586621680450321 ~> k2) (a3 :: Either a1 a6989586621680450321) | |
type (a2 :: k1) <$ (a3 :: Either a1 b6989586621679544263) | |
type Fmap (a2 :: a6989586621679544260 ~> b6989586621679544261) (a3 :: Either a1 a6989586621679544260) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type (arg1 :: Either e a) <* (arg2 :: Either e b) | |
type (arg1 :: Either e a) *> (arg2 :: Either e b) | |
type (a1 :: Either e (a6989586621679544266 ~> b6989586621679544267)) <*> (a2 :: Either e a6989586621679544266) | |
Defined in Data.Singletons.Prelude.Monad.Internal type (a1 :: Either e (a6989586621679544266 ~> b6989586621679544267)) <*> (a2 :: Either e a6989586621679544266) = Apply (Apply (TFHelper_6989586621679607590Sym0 :: TyFun (Either e (a6989586621679544266 ~> b6989586621679544267)) (Either e a6989586621679544266 ~> Either e b6989586621679544267) -> Type) a1) a2 | |
type (arg1 :: Either e a) >> (arg2 :: Either e b) | |
type (a1 :: Either e a6989586621679544289) >>= (a2 :: a6989586621679544289 ~> Either e b6989586621679544290) | |
Defined in Data.Singletons.Prelude.Monad.Internal type (a1 :: Either e a6989586621679544289) >>= (a2 :: a6989586621679544289 ~> Either e b6989586621679544290) = Apply (Apply (TFHelper_6989586621679607702Sym0 :: TyFun (Either e a6989586621679544289) ((a6989586621679544289 ~> Either e b6989586621679544290) ~> Either e b6989586621679544290) -> Type) a1) a2 | |
type MapM (arg1 :: a1 ~> m b) (arg2 :: Either a2 a1) | |
type Traverse (a2 :: a6989586621680747832 ~> f6989586621680747831 b6989586621680747833) (a3 :: Either a1 a6989586621680747832) | |
Defined in Data.Singletons.Prelude.Traversable type Traverse (a2 :: a6989586621680747832 ~> f6989586621680747831 b6989586621680747833) (a3 :: Either a1 a6989586621680747832) = Apply (Apply (Traverse_6989586621680754034Sym0 :: TyFun (a6989586621680747832 ~> f6989586621680747831 b6989586621680747833) (Either a1 a6989586621680747832 ~> f6989586621680747831 (Either a1 b6989586621680747833)) -> Type) a2) a3 | |
type Foldl' (arg1 :: b ~> (a1 ~> b)) (arg2 :: b) (arg3 :: Either a2 a1) | |
type Foldl (arg1 :: b ~> (a1 ~> b)) (arg2 :: b) (arg3 :: Either a2 a1) | |
type Foldr' (arg1 :: a1 ~> (b ~> b)) (arg2 :: b) (arg3 :: Either a2 a1) | |
type Foldr (a2 :: a6989586621680450322 ~> (k2 ~> k2)) (a3 :: k2) (a4 :: Either a1 a6989586621680450322) | |
Defined in Data.Singletons.Prelude.Foldable | |
type LiftA2 (arg1 :: a ~> (b ~> c)) (arg2 :: Either e a) (arg3 :: Either e b) | |
type Rep1 (Either a :: Type -> Type) | Since: base-4.6.0.0 |
Defined in GHC.Generics type Rep1 (Either a :: Type -> Type) = D1 (MetaData "Either" "Data.Either" "base" False) (C1 (MetaCons "Left" PrefixI False) (S1 (MetaSel (Nothing :: Maybe Symbol) NoSourceUnpackedness NoSourceStrictness DecidedLazy) (Rec0 a)) :+: C1 (MetaCons "Right" PrefixI False) (S1 (MetaSel (Nothing :: Maybe Symbol) NoSourceUnpackedness NoSourceStrictness DecidedLazy) Par1)) | |
type Apply (RightsSym0 :: TyFun [Either a b] [b] -> Type) (a6989586621680432157 :: [Either a b]) | |
Defined in Data.Singletons.Prelude.Either | |
type Apply (LeftsSym0 :: TyFun [Either a b] [a] -> Type) (a6989586621680432162 :: [Either a b]) | |
type Apply (Traverse_6989586621680754034Sym1 a6989586621680754032 a2 :: TyFun (Either a2 a1) (f (Either a2 b)) -> Type) (a6989586621680754033 :: Either a2 a1) | |
type Rep (Either a b) | Since: base-4.6.0.0 |
Defined in GHC.Generics type Rep (Either a b) = D1 (MetaData "Either" "Data.Either" "base" False) (C1 (MetaCons "Left" PrefixI False) (S1 (MetaSel (Nothing :: Maybe Symbol) NoSourceUnpackedness NoSourceStrictness DecidedLazy) (Rec0 a)) :+: C1 (MetaCons "Right" PrefixI False) (S1 (MetaSel (Nothing :: Maybe Symbol) NoSourceUnpackedness NoSourceStrictness DecidedLazy) (Rec0 b))) | |
type Element (Either a b) | |
Defined in Data.MonoTraversable | |
data Sing (c :: Either a b) | |
type Demote (Either a b) | |
type Show_ (arg :: Either a b) | |
type Sconcat (arg :: NonEmpty (Either a b)) | |
type ShowList (arg1 :: [Either a b]) arg2 | |
type (a2 :: Either a1 b) <> (a3 :: Either a1 b) | |
type Min (arg1 :: Either a b) (arg2 :: Either a b) | |
type Max (arg1 :: Either a b) (arg2 :: Either a b) | |
type (arg1 :: Either a b) >= (arg2 :: Either a b) | |
type (arg1 :: Either a b) > (arg2 :: Either a b) | |
type (arg1 :: Either a b) <= (arg2 :: Either a b) | |
type (arg1 :: Either a b) < (arg2 :: Either a b) | |
type Compare (a2 :: Either a1 b) (a3 :: Either a1 b) | |
type (x :: Either a b) /= (y :: Either a b) | |
type (a2 :: Either a1 b1) == (b2 :: Either a1 b1) | |
Defined in Data.Singletons.Prelude.Eq | |
type ShowsPrec a2 (a3 :: Either a1 b) a4 | |
type Apply (Pure_6989586621679607578Sym0 :: TyFun a (Either e6989586621679606846 a) -> Type) (a6989586621679607577 :: a) | |
type Apply (LeftSym0 :: TyFun a (Either a b6989586621679073692) -> Type) (t6989586621679294231 :: a) | |
type Apply (RightSym0 :: TyFun b (Either a6989586621679073691 b) -> Type) (t6989586621679294233 :: b) | |
type Apply (Let6989586621679810761ASym0 :: TyFun k1 (Either a6989586621679073691 k1) -> Type) (wild_69895866216798101506989586621679810760 :: k1) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (ShowsPrec_6989586621680280497Sym0 :: TyFun Nat (Either a6989586621679073691 b6989586621679073692 ~> (Symbol ~> Symbol)) -> Type) (a6989586621680280494 :: Nat) | |
Defined in Data.Singletons.Prelude.Show type Apply (ShowsPrec_6989586621680280497Sym0 :: TyFun Nat (Either a6989586621679073691 b6989586621679073692 ~> (Symbol ~> Symbol)) -> Type) (a6989586621680280494 :: Nat) = (ShowsPrec_6989586621680280497Sym1 a6989586621680280494 a6989586621679073691 b6989586621679073692 :: TyFun (Either a6989586621679073691 b6989586621679073692) (Symbol ~> Symbol) -> Type) | |
type Apply (TFHelper_6989586621679607408Sym0 :: TyFun a6989586621679544262 (Either a6989586621679606834 b6989586621679544263 ~> Either a6989586621679606834 a6989586621679544262) -> Type) (a6989586621679607406 :: a6989586621679544262) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (TFHelper_6989586621679607408Sym0 :: TyFun a6989586621679544262 (Either a6989586621679606834 b6989586621679544263 ~> Either a6989586621679606834 a6989586621679544262) -> Type) (a6989586621679607406 :: a6989586621679544262) = (TFHelper_6989586621679607408Sym1 a6989586621679607406 a6989586621679606834 b6989586621679544263 :: TyFun (Either a6989586621679606834 b6989586621679544263) (Either a6989586621679606834 a6989586621679544262) -> Type) | |
type Apply (PartitionEithersSym0 :: TyFun [Either a b] ([a], [b]) -> Type) (a6989586621680432137 :: [Either a b]) | |
Defined in Data.Singletons.Prelude.Either | |
type Apply (Compare_6989586621679390532Sym0 :: TyFun (Either a6989586621679073691 b6989586621679073692) (Either a6989586621679073691 b6989586621679073692 ~> Ordering) -> Type) (a6989586621679390530 :: Either a6989586621679073691 b6989586621679073692) | |
Defined in Data.Singletons.Prelude.Ord type Apply (Compare_6989586621679390532Sym0 :: TyFun (Either a6989586621679073691 b6989586621679073692) (Either a6989586621679073691 b6989586621679073692 ~> Ordering) -> Type) (a6989586621679390530 :: Either a6989586621679073691 b6989586621679073692) = Compare_6989586621679390532Sym1 a6989586621679390530 | |
type Apply (Fmap_6989586621679607380Sym0 :: TyFun (a6989586621679544260 ~> b6989586621679544261) (Either a6989586621679606834 a6989586621679544260 ~> Either a6989586621679606834 b6989586621679544261) -> Type) (a6989586621679607378 :: a6989586621679544260 ~> b6989586621679544261) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (Fmap_6989586621679607380Sym0 :: TyFun (a6989586621679544260 ~> b6989586621679544261) (Either a6989586621679606834 a6989586621679544260 ~> Either a6989586621679606834 b6989586621679544261) -> Type) (a6989586621679607378 :: a6989586621679544260 ~> b6989586621679544261) = (Fmap_6989586621679607380Sym1 a6989586621679607378 a6989586621679606834 :: TyFun (Either a6989586621679606834 a6989586621679544260) (Either a6989586621679606834 b6989586621679544261) -> Type) | |
type Apply (TFHelper_6989586621679607590Sym0 :: TyFun (Either e6989586621679606846 (a6989586621679544266 ~> b6989586621679544267)) (Either e6989586621679606846 a6989586621679544266 ~> Either e6989586621679606846 b6989586621679544267) -> Type) (a6989586621679607588 :: Either e6989586621679606846 (a6989586621679544266 ~> b6989586621679544267)) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (TFHelper_6989586621679607590Sym0 :: TyFun (Either e6989586621679606846 (a6989586621679544266 ~> b6989586621679544267)) (Either e6989586621679606846 a6989586621679544266 ~> Either e6989586621679606846 b6989586621679544267) -> Type) (a6989586621679607588 :: Either e6989586621679606846 (a6989586621679544266 ~> b6989586621679544267)) = TFHelper_6989586621679607590Sym1 a6989586621679607588 | |
type Apply (ShowsPrec_6989586621680280497Sym1 a6989586621680280494 a6989586621679073691 b6989586621679073692 :: TyFun (Either a6989586621679073691 b6989586621679073692) (Symbol ~> Symbol) -> Type) (a6989586621680280495 :: Either a6989586621679073691 b6989586621679073692) | |
Defined in Data.Singletons.Prelude.Show type Apply (ShowsPrec_6989586621680280497Sym1 a6989586621680280494 a6989586621679073691 b6989586621679073692 :: TyFun (Either a6989586621679073691 b6989586621679073692) (Symbol ~> Symbol) -> Type) (a6989586621680280495 :: Either a6989586621679073691 b6989586621679073692) = ShowsPrec_6989586621680280497Sym2 a6989586621680280494 a6989586621680280495 | |
type Apply (TFHelper_6989586621679607702Sym0 :: TyFun (Either e6989586621679606863 a6989586621679544289) ((a6989586621679544289 ~> Either e6989586621679606863 b6989586621679544290) ~> Either e6989586621679606863 b6989586621679544290) -> Type) (a6989586621679607700 :: Either e6989586621679606863 a6989586621679544289) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (TFHelper_6989586621679607702Sym0 :: TyFun (Either e6989586621679606863 a6989586621679544289) ((a6989586621679544289 ~> Either e6989586621679606863 b6989586621679544290) ~> Either e6989586621679606863 b6989586621679544290) -> Type) (a6989586621679607700 :: Either e6989586621679606863 a6989586621679544289) = (TFHelper_6989586621679607702Sym1 a6989586621679607700 b6989586621679544290 :: TyFun (a6989586621679544289 ~> Either e6989586621679606863 b6989586621679544290) (Either e6989586621679606863 b6989586621679544290) -> Type) | |
type Apply (Either_Sym0 :: TyFun (a6989586621680430294 ~> c6989586621680430295) ((b6989586621680430296 ~> c6989586621680430295) ~> (Either a6989586621680430294 b6989586621680430296 ~> c6989586621680430295)) -> Type) (a6989586621680430330 :: a6989586621680430294 ~> c6989586621680430295) | |
Defined in Data.Singletons.Prelude.Either type Apply (Either_Sym0 :: TyFun (a6989586621680430294 ~> c6989586621680430295) ((b6989586621680430296 ~> c6989586621680430295) ~> (Either a6989586621680430294 b6989586621680430296 ~> c6989586621680430295)) -> Type) (a6989586621680430330 :: a6989586621680430294 ~> c6989586621680430295) = (Either_Sym1 a6989586621680430330 b6989586621680430296 :: TyFun (b6989586621680430296 ~> c6989586621680430295) (Either a6989586621680430294 b6989586621680430296 ~> c6989586621680430295) -> Type) | |
type Apply (Fmap_6989586621679607380Sym1 a6989586621679607378 a1 :: TyFun (Either a1 a2) (Either a1 b) -> Type) (a6989586621679607379 :: Either a1 a2) | |
type Apply (TFHelper_6989586621679607408Sym1 a6989586621679607406 a1 b :: TyFun (Either a1 b) (Either a1 a2) -> Type) (a6989586621679607407 :: Either a1 b) | |
type Apply (TFHelper_6989586621679607590Sym1 a6989586621679607588 :: TyFun (Either e a) (Either e b) -> Type) (a6989586621679607589 :: Either e a) | |
type Apply (TFHelper_6989586621679607702Sym1 a6989586621679607700 b :: TyFun (a ~> Either e b) (Either e b) -> Type) (a6989586621679607701 :: a ~> Either e b) | |
type Apply (Traverse_6989586621680754034Sym0 :: TyFun (a6989586621680747832 ~> f6989586621680747831 b6989586621680747833) (Either a6989586621680753425 a6989586621680747832 ~> f6989586621680747831 (Either a6989586621680753425 b6989586621680747833)) -> Type) (a6989586621680754032 :: a6989586621680747832 ~> f6989586621680747831 b6989586621680747833) | |
Defined in Data.Singletons.Prelude.Traversable type Apply (Traverse_6989586621680754034Sym0 :: TyFun (a6989586621680747832 ~> f6989586621680747831 b6989586621680747833) (Either a6989586621680753425 a6989586621680747832 ~> f6989586621680747831 (Either a6989586621680753425 b6989586621680747833)) -> Type) (a6989586621680754032 :: a6989586621680747832 ~> f6989586621680747831 b6989586621680747833) = (Traverse_6989586621680754034Sym1 a6989586621680754032 a6989586621680753425 :: TyFun (Either a6989586621680753425 a6989586621680747832) (f6989586621680747831 (Either a6989586621680753425 b6989586621680747833)) -> Type) | |
type Apply (Either_Sym1 a6989586621680430330 b6989586621680430296 :: TyFun (b6989586621680430296 ~> c6989586621680430295) (Either a6989586621680430294 b6989586621680430296 ~> c6989586621680430295) -> Type) (a6989586621680430331 :: b6989586621680430296 ~> c6989586621680430295) | |
Defined in Data.Singletons.Prelude.Either type Apply (Either_Sym1 a6989586621680430330 b6989586621680430296 :: TyFun (b6989586621680430296 ~> c6989586621680430295) (Either a6989586621680430294 b6989586621680430296 ~> c6989586621680430295) -> Type) (a6989586621680430331 :: b6989586621680430296 ~> c6989586621680430295) = Either_Sym2 a6989586621680430330 a6989586621680430331 |
(<$>) :: Functor f => (a -> b) -> f a -> f b infixl 4 #
An infix synonym for fmap
.
The name of this operator is an allusion to $
.
Note the similarities between their types:
($) :: (a -> b) -> a -> b (<$>) :: Functor f => (a -> b) -> f a -> f b
Whereas $
is function application, <$>
is function
application lifted over a Functor
.
Examples
Convert from a
to a Maybe
Int
using Maybe
String
show
:
>>>
show <$> Nothing
Nothing>>>
show <$> Just 3
Just "3"
Convert from an
to an Either
Int
Int
Either
Int
String
using show
:
>>>
show <$> Left 17
Left 17>>>
show <$> Right 17
Right "17"
Double each element of a list:
>>>
(*2) <$> [1,2,3]
[2,4,6]
Apply even
to the second element of a pair:
>>>
even <$> (2,2)
(2,True)
read :: Read a => String -> a #
The read
function reads input from a string, which must be
completely consumed by the input process. read
fails with an error
if the
parse is unsuccessful, and it is therefore discouraged from being used in
real applications. Use readMaybe
or readEither
for safe alternatives.
>>>
read "123" :: Int
123
>>>
read "hello" :: Int
*** Exception: Prelude.read: no parse
class Applicative f => Alternative (f :: Type -> Type) where #
A monoid on applicative functors.
If defined, some
and many
should be the least solutions
of the equations:
Methods
The identity of <|>
(<|>) :: f a -> f a -> f a infixl 3 #
An associative binary operation
One or more.
Zero or more.
Instances
class (Alternative m, Monad m) => MonadPlus (m :: Type -> Type) where #
Monads that also support choice and failure.
Minimal complete definition
Nothing
Methods
The identity of mplus
. It should also satisfy the equations
mzero >>= f = mzero v >> mzero = mzero
The default definition is
mzero = empty
An associative operation. The default definition is
mplus = (<|>
)
Instances
class Bifunctor (p :: Type -> Type -> Type) where #
A bifunctor is a type constructor that takes
two type arguments and is a functor in both arguments. That
is, unlike with Functor
, a type constructor such as Either
does not need to be partially applied for a Bifunctor
instance, and the methods in this class permit mapping
functions over the Left
value or the Right
value,
or both at the same time.
Formally, the class Bifunctor
represents a bifunctor
from Hask
-> Hask
.
Intuitively it is a bifunctor where both the first and second arguments are covariant.
You can define a Bifunctor
by either defining bimap
or by
defining both first
and second
.
If you supply bimap
, you should ensure that:
bimap
id
id
≡id
If you supply first
and second
, ensure:
first
id
≡id
second
id
≡id
If you supply both, you should also ensure:
bimap
f g ≡first
f.
second
g
These ensure by parametricity:
bimap
(f.
g) (h.
i) ≡bimap
f h.
bimap
g ifirst
(f.
g) ≡first
f.
first
gsecond
(f.
g) ≡second
f.
second
g
Since: base-4.8.0.0
Methods
bimap :: (a -> b) -> (c -> d) -> p a c -> p b d #
Map over both arguments at the same time.
bimap
f g ≡first
f.
second
g
Examples
>>>
bimap toUpper (+1) ('j', 3)
('J',4)
>>>
bimap toUpper (+1) (Left 'j')
Left 'J'
>>>
bimap toUpper (+1) (Right 3)
Right 4
Instances
Bifunctor Either | Since: base-4.8.0.0 |
Bifunctor (,) | Since: base-4.8.0.0 |
Bifunctor Arg | Since: base-4.9.0.0 |
Bifunctor Of | |
Bifunctor ((,,) x1) | Since: base-4.8.0.0 |
Bifunctor (Const :: Type -> Type -> Type) | Since: base-4.8.0.0 |
Bifunctor (Tagged :: Type -> Type -> Type) | |
Bifunctor (K1 i :: Type -> Type -> Type) | Since: base-4.9.0.0 |
Bifunctor ((,,,) x1 x2) | Since: base-4.8.0.0 |
Bifunctor ((,,,,) x1 x2 x3) | Since: base-4.8.0.0 |
Bifunctor ((,,,,,) x1 x2 x3 x4) | Since: base-4.8.0.0 |
Bifunctor ((,,,,,,) x1 x2 x3 x4 x5) | Since: base-4.8.0.0 |
class Monad m => MonadIO (m :: Type -> Type) where #
Monads in which IO
computations may be embedded.
Any monad built by applying a sequence of monad transformers to the
IO
monad will be an instance of this class.
Instances should satisfy the following laws, which state that liftIO
is a transformer of monads:
Instances
unless :: Applicative f => Bool -> f () -> f () #
The reverse of when
.
forM :: (Traversable t, Monad m) => t a -> (a -> m b) -> m (t b) #
for :: (Traversable t, Applicative f) => t a -> (a -> f b) -> f (t b) #
optional :: Alternative f => f a -> f (Maybe a) #
One or none.
newtype WrappedMonad (m :: Type -> Type) a #
Constructors
WrapMonad | |
Fields
|
Instances
newtype WrappedArrow (a :: Type -> Type -> Type) b c #
Constructors
WrapArrow | |
Fields
|
Instances
Lists, but with an Applicative
functor based on zipping.
Constructors
ZipList | |
Fields
|
Instances
Functor ZipList | Since: base-2.1 |
Applicative ZipList | f '<$>' 'ZipList' xs1 '<*>' ... '<*>' 'ZipList' xsN = 'ZipList' (zipWithN f xs1 ... xsN) where (\a b c -> stimes c [a, b]) <$> ZipList "abcd" <*> ZipList "567" <*> ZipList [1..] = ZipList (zipWith3 (\a b c -> stimes c [a, b]) "abcd" "567" [1..]) = ZipList {getZipList = ["a5","b6b6","c7c7c7"]} Since: base-2.1 |
Foldable ZipList | Since: base-4.9.0.0 |
Defined in Control.Applicative Methods fold :: Monoid m => ZipList m -> m # foldMap :: Monoid m => (a -> m) -> ZipList a -> m # foldr :: (a -> b -> b) -> b -> ZipList a -> b # foldr' :: (a -> b -> b) -> b -> ZipList a -> b # foldl :: (b -> a -> b) -> b -> ZipList a -> b # foldl' :: (b -> a -> b) -> b -> ZipList a -> b # foldr1 :: (a -> a -> a) -> ZipList a -> a # foldl1 :: (a -> a -> a) -> ZipList a -> a # elem :: Eq a => a -> ZipList a -> Bool # maximum :: Ord a => ZipList a -> a # minimum :: Ord a => ZipList a -> a # | |
Traversable ZipList | Since: base-4.9.0.0 |
Alternative ZipList | Since: base-4.11.0.0 |
NFData1 ZipList | Since: deepseq-1.4.3.0 |
Defined in Control.DeepSeq | |
Eq a => Eq (ZipList a) | Since: base-4.7.0.0 |
Ord a => Ord (ZipList a) | Since: base-4.7.0.0 |
Read a => Read (ZipList a) | Since: base-4.7.0.0 |
Show a => Show (ZipList a) | Since: base-4.7.0.0 |
Generic (ZipList a) | |
NFData a => NFData (ZipList a) | Since: deepseq-1.4.0.0 |
Defined in Control.DeepSeq | |
MonoFunctor (ZipList a) | |
MonoPointed (ZipList a) | |
Generic1 ZipList | |
type Rep (ZipList a) | Since: base-4.7.0.0 |
Defined in Control.Applicative | |
type Element (ZipList a) | |
Defined in Data.MonoTraversable | |
type Rep1 ZipList | Since: base-4.7.0.0 |
Defined in Control.Applicative |
appendFile :: FilePath -> String -> IO () #
The computation appendFile
file str
function appends the string str
,
to the file file
.
Note that writeFile
and appendFile
write a literal string
to a file. To write a value of any printable type, as with print
,
use the show
function to convert the value to a string first.
main = appendFile "squares" (show [(x,x*x) | x <- [0,0.1..2]])
interact :: (String -> String) -> IO () #
The interact
function takes a function of type String->String
as its argument. The entire input from the standard input device is
passed to this function as its argument, and the resulting string is
output on the standard output device.
getContents :: IO String #
The getContents
operation returns all user input as a single string,
which is read lazily as it is needed
(same as hGetContents
stdin
).
data SomeAsyncException where #
Superclass for asynchronous exceptions.
Since: base-4.7.0.0
Constructors
SomeAsyncException :: forall e. Exception e => e -> SomeAsyncException |
Instances
Show SomeAsyncException | Since: base-4.7.0.0 |
Defined in GHC.IO.Exception Methods showsPrec :: Int -> SomeAsyncException -> ShowS # show :: SomeAsyncException -> String # showList :: [SomeAsyncException] -> ShowS # | |
Exception SomeAsyncException | Since: base-4.7.0.0 |
Defined in GHC.IO.Exception Methods toException :: SomeAsyncException -> SomeException # fromException :: SomeException -> Maybe SomeAsyncException # |
File and directory names are values of type String
, whose precise
meaning is operating system dependent. Files can be opened, yielding a
handle which can then be used to operate on the contents of that file.
userError :: String -> IOError #
Construct an IOException
value with a string describing the error.
The fail
method of the IO
instance of the Monad
class raises a
userError
, thus:
instance Monad IO where ... fail s = ioError (userError s)
data IOException #
Exceptions that occur in the IO
monad.
An IOException
records a more specific error type, a descriptive
string and maybe the handle that was used when the error was
flagged.
Instances
Eq IOException | Since: base-4.1.0.0 |
Defined in GHC.IO.Exception | |
Show IOException | Since: base-4.1.0.0 |
Defined in GHC.IO.Exception Methods showsPrec :: Int -> IOException -> ShowS # show :: IOException -> String # showList :: [IOException] -> ShowS # | |
Exception IOException | Since: base-4.1.0.0 |
Defined in GHC.IO.Exception Methods toException :: IOException -> SomeException # fromException :: SomeException -> Maybe IOException # displayException :: IOException -> String # | |
Error IOException | |
Defined in Control.Monad.Trans.Error |
type IOError = IOException #
The Haskell 2010 type for exceptions in the IO
monad.
Any I/O operation may raise an IOException
instead of returning a result.
For a more general type of exception, including also those that arise
in pure code, see Exception
.
In Haskell 2010, this is an opaque type.
class (Typeable e, Show e) => Exception e where #
Any type that you wish to throw or catch as an exception must be an
instance of the Exception
class. The simplest case is a new exception
type directly below the root:
data MyException = ThisException | ThatException deriving Show instance Exception MyException
The default method definitions in the Exception
class do what we need
in this case. You can now throw and catch ThisException
and
ThatException
as exceptions:
*Main> throw ThisException `catch` \e -> putStrLn ("Caught " ++ show (e :: MyException)) Caught ThisException
In more complicated examples, you may wish to define a whole hierarchy of exceptions:
--------------------------------------------------------------------- -- Make the root exception type for all the exceptions in a compiler data SomeCompilerException = forall e . Exception e => SomeCompilerException e instance Show SomeCompilerException where show (SomeCompilerException e) = show e instance Exception SomeCompilerException compilerExceptionToException :: Exception e => e -> SomeException compilerExceptionToException = toException . SomeCompilerException compilerExceptionFromException :: Exception e => SomeException -> Maybe e compilerExceptionFromException x = do SomeCompilerException a <- fromException x cast a --------------------------------------------------------------------- -- Make a subhierarchy for exceptions in the frontend of the compiler data SomeFrontendException = forall e . Exception e => SomeFrontendException e instance Show SomeFrontendException where show (SomeFrontendException e) = show e instance Exception SomeFrontendException where toException = compilerExceptionToException fromException = compilerExceptionFromException frontendExceptionToException :: Exception e => e -> SomeException frontendExceptionToException = toException . SomeFrontendException frontendExceptionFromException :: Exception e => SomeException -> Maybe e frontendExceptionFromException x = do SomeFrontendException a <- fromException x cast a --------------------------------------------------------------------- -- Make an exception type for a particular frontend compiler exception data MismatchedParentheses = MismatchedParentheses deriving Show instance Exception MismatchedParentheses where toException = frontendExceptionToException fromException = frontendExceptionFromException
We can now catch a MismatchedParentheses
exception as
MismatchedParentheses
, SomeFrontendException
or
SomeCompilerException
, but not other types, e.g. IOException
:
*Main> throw MismatchedParentheses `catch` \e -> putStrLn ("Caught " ++ show (e :: MismatchedParentheses)) Caught MismatchedParentheses *Main> throw MismatchedParentheses `catch` \e -> putStrLn ("Caught " ++ show (e :: SomeFrontendException)) Caught MismatchedParentheses *Main> throw MismatchedParentheses `catch` \e -> putStrLn ("Caught " ++ show (e :: SomeCompilerException)) Caught MismatchedParentheses *Main> throw MismatchedParentheses `catch` \e -> putStrLn ("Caught " ++ show (e :: IOException)) *** Exception: MismatchedParentheses
Minimal complete definition
Nothing
Methods
toException :: e -> SomeException #
fromException :: SomeException -> Maybe e #
displayException :: e -> String #
Render this exception value in a human-friendly manner.
Default implementation:
.show
Since: base-4.8.0.0
Instances
newtype Const a (b :: k) :: forall k. Type -> k -> Type #
The Const
functor.
Instances
Generic1 (Const a :: k -> Type) | |
ToJSON2 (Const :: Type -> Type -> Type) | |
Defined in Data.Aeson.Types.ToJSON Methods liftToJSON2 :: (a -> Value) -> ([a] -> Value) -> (b -> Value) -> ([b] -> Value) -> Const a b -> Value # liftToJSONList2 :: (a -> Value) -> ([a] -> Value) -> (b -> Value) -> ([b] -> Value) -> [Const a b] -> Value # liftToEncoding2 :: (a -> Encoding) -> ([a] -> Encoding) -> (b -> Encoding) -> ([b] -> Encoding) -> Const a b -> Encoding # liftToEncodingList2 :: (a -> Encoding) -> ([a] -> Encoding) -> (b -> Encoding) -> ([b] -> Encoding) -> [Const a b] -> Encoding # | |
FromJSON2 (Const :: Type -> Type -> Type) | |
Defined in Data.Aeson.Types.FromJSON | |
Bifunctor (Const :: Type -> Type -> Type) | Since: base-4.8.0.0 |
Eq2 (Const :: Type -> Type -> Type) | Since: base-4.9.0.0 |
Ord2 (Const :: Type -> Type -> Type) | Since: base-4.9.0.0 |
Defined in Data.Functor.Classes | |
Read2 (Const :: Type -> Type -> Type) | Since: base-4.9.0.0 |
Defined in Data.Functor.Classes Methods liftReadsPrec2 :: (Int -> ReadS a) -> ReadS [a] -> (Int -> ReadS b) -> ReadS [b] -> Int -> ReadS (Const a b) # liftReadList2 :: (Int -> ReadS a) -> ReadS [a] -> (Int -> ReadS b) -> ReadS [b] -> ReadS [Const a b] # liftReadPrec2 :: ReadPrec a -> ReadPrec [a] -> ReadPrec b -> ReadPrec [b] -> ReadPrec (Const a b) # liftReadListPrec2 :: ReadPrec a -> ReadPrec [a] -> ReadPrec b -> ReadPrec [b] -> ReadPrec [Const a b] # | |
Show2 (Const :: Type -> Type -> Type) | Since: base-4.9.0.0 |
NFData2 (Const :: Type -> Type -> Type) | Since: deepseq-1.4.3.0 |
Defined in Control.DeepSeq | |
Hashable2 (Const :: Type -> Type -> Type) | |
Defined in Data.Hashable.Class | |
Functor (Const m :: Type -> Type) | Since: base-2.1 |
Monoid m => Applicative (Const m :: Type -> Type) | Since: base-2.0.1 |
Foldable (Const m :: Type -> Type) | Since: base-4.7.0.0 |
Defined in Data.Functor.Const Methods fold :: Monoid m0 => Const m m0 -> m0 # foldMap :: Monoid m0 => (a -> m0) -> Const m a -> m0 # foldr :: (a -> b -> b) -> b -> Const m a -> b # foldr' :: (a -> b -> b) -> b -> Const m a -> b # foldl :: (b -> a -> b) -> b -> Const m a -> b # foldl' :: (b -> a -> b) -> b -> Const m a -> b # foldr1 :: (a -> a -> a) -> Const m a -> a # foldl1 :: (a -> a -> a) -> Const m a -> a # elem :: Eq a => a -> Const m a -> Bool # maximum :: Ord a => Const m a -> a # minimum :: Ord a => Const m a -> a # | |
Traversable (Const m :: Type -> Type) | Since: base-4.7.0.0 |
ToJSON a => ToJSON1 (Const a :: Type -> Type) | |
Defined in Data.Aeson.Types.ToJSON Methods liftToJSON :: (a0 -> Value) -> ([a0] -> Value) -> Const a a0 -> Value # liftToJSONList :: (a0 -> Value) -> ([a0] -> Value) -> [Const a a0] -> Value # liftToEncoding :: (a0 -> Encoding) -> ([a0] -> Encoding) -> Const a a0 -> Encoding # liftToEncodingList :: (a0 -> Encoding) -> ([a0] -> Encoding) -> [Const a a0] -> Encoding # | |
FromJSON a => FromJSON1 (Const a :: Type -> Type) | |
Eq a => Eq1 (Const a :: Type -> Type) | Since: base-4.9.0.0 |
Ord a => Ord1 (Const a :: Type -> Type) | Since: base-4.9.0.0 |
Defined in Data.Functor.Classes | |
Read a => Read1 (Const a :: Type -> Type) | Since: base-4.9.0.0 |
Defined in Data.Functor.Classes Methods liftReadsPrec :: (Int -> ReadS a0) -> ReadS [a0] -> Int -> ReadS (Const a a0) # liftReadList :: (Int -> ReadS a0) -> ReadS [a0] -> ReadS [Const a a0] # liftReadPrec :: ReadPrec a0 -> ReadPrec [a0] -> ReadPrec (Const a a0) # liftReadListPrec :: ReadPrec a0 -> ReadPrec [a0] -> ReadPrec [Const a a0] # | |
Show a => Show1 (Const a :: Type -> Type) | Since: base-4.9.0.0 |
NFData a => NFData1 (Const a :: Type -> Type) | Since: deepseq-1.4.3.0 |
Defined in Control.DeepSeq | |
Hashable a => Hashable1 (Const a :: Type -> Type) | |
Defined in Data.Hashable.Class | |
PTraversable (Const m :: Type -> Type) | |
STraversable (Const m :: Type -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods sTraverse :: SApplicative f => Sing t1 -> Sing t2 -> Sing (Apply (Apply TraverseSym0 t1) t2) # sSequenceA :: SApplicative f => Sing t1 -> Sing (Apply SequenceASym0 t1) # sMapM :: SMonad m0 => Sing t1 -> Sing t2 -> Sing (Apply (Apply MapMSym0 t1) t2) # sSequence :: SMonad m0 => Sing t1 -> Sing (Apply SequenceSym0 t1) # | |
SuppressUnusedWarnings (Pure_6989586621680711244Sym0 :: TyFun a6989586621679544265 (Const m6989586621680710538 a6989586621679544265) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ToEnum_6989586621680711020Sym0 :: TyFun Nat (Const a6989586621680710503 b6989586621680710504) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (FromInteger_6989586621680711122Sym0 :: TyFun Nat (Const a6989586621680710516 b6989586621680710517) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ShowsPrec_6989586621680711151Sym0 :: TyFun Nat (Const a6989586621680710532 b6989586621680710533 ~> (Symbol ~> Symbol)) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (FromString_6989586621681196292Sym0 :: TyFun Symbol (Const a6989586621681196252 b6989586621681196253) -> Type) | |
Defined in Data.Singletons.Prelude.IsString Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680753902MkConstSym0 :: TyFun k1 (TyFun k2 (TyFun m6989586621680753398 (Const m6989586621680753398 ()) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ConstSym0 :: TyFun a6989586621679077697 (Const a6989586621679077697 b6989586621679077698) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621680711271Sym0 :: TyFun (Const m6989586621680710538 (a6989586621679544266 ~> b6989586621679544267)) (Const m6989586621680710538 a6989586621679544266 ~> Const m6989586621680710538 b6989586621679544267) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621680711133Sym0 :: TyFun (Const a6989586621680710528 b6989586621680710529) (Const a6989586621680710528 b6989586621680710529 ~> Const a6989586621680710528 b6989586621680710529) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621680711093Sym0 :: TyFun (Const a6989586621680710516 b6989586621680710517) (Const a6989586621680710516 b6989586621680710517 ~> Const a6989586621680710516 b6989586621680710517) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621680711081Sym0 :: TyFun (Const a6989586621680710516 b6989586621680710517) (Const a6989586621680710516 b6989586621680710517 ~> Const a6989586621680710516 b6989586621680710517) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621680711069Sym0 :: TyFun (Const a6989586621680710516 b6989586621680710517) (Const a6989586621680710516 b6989586621680710517 ~> Const a6989586621680710516 b6989586621680710517) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Succ_6989586621680711006Sym0 :: TyFun (Const a6989586621680710503 b6989586621680710504) (Const a6989586621680710503 b6989586621680710504) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Signum_6989586621680711115Sym0 :: TyFun (Const a6989586621680710516 b6989586621680710517) (Const a6989586621680710516 b6989586621680710517) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Pred_6989586621680711013Sym0 :: TyFun (Const a6989586621680710503 b6989586621680710504) (Const a6989586621680710503 b6989586621680710504) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Negate_6989586621680711101Sym0 :: TyFun (Const a6989586621680710516 b6989586621680710517) (Const a6989586621680710516 b6989586621680710517) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (GetConstSym0 :: TyFun (Const a6989586621680709133 b6989586621680709134) a6989586621680709133 -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (FromEnum_6989586621680711027Sym0 :: TyFun (Const a6989586621680710503 b6989586621680710504) Nat -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (EnumFromTo_6989586621680711038Sym0 :: TyFun (Const a6989586621680710503 b6989586621680710504) (Const a6989586621680710503 b6989586621680710504 ~> [Const a6989586621680710503 b6989586621680710504]) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (EnumFromThenTo_6989586621680711054Sym0 :: TyFun (Const a6989586621680710503 b6989586621680710504) (Const a6989586621680710503 b6989586621680710504 ~> (Const a6989586621680710503 b6989586621680710504 ~> [Const a6989586621680710503 b6989586621680710504])) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621680710998Sym0 :: TyFun (Const a6989586621680710501 b6989586621680710502) (Const a6989586621680710501 b6989586621680710502 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Abs_6989586621680711108Sym0 :: TyFun (Const a6989586621680710516 b6989586621680710517) (Const a6989586621680710516 b6989586621680710517) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680753910Scrutinee_6989586621680753502Sym0 :: TyFun (a6989586621680747832 ~> b6989586621679519977) (TyFun (t6989586621680747830 a6989586621680747832) (Const b6989586621679519977 (t6989586621680747830 ())) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Foldr_6989586621680711236Sym0 :: TyFun (a6989586621680450322 ~> (b6989586621680450323 ~> b6989586621680450323)) (b6989586621680450323 ~> (Const m6989586621680710537 a6989586621680450322 ~> b6989586621680450323)) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (FoldMap_6989586621680711209Sym0 :: TyFun (a6989586621680450321 ~> m6989586621680450320) (Const m6989586621680710537 a6989586621680450321 ~> m6989586621680450320) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Fmap_6989586621680711171Sym0 :: TyFun (a6989586621679544260 ~> b6989586621679544261) (Const m6989586621680710536 a6989586621679544260 ~> Const m6989586621680710536 b6989586621679544261) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SingI (ConstSym0 :: TyFun a6989586621679077697 (Const a6989586621679077697 b6989586621679077698) -> Type) | |
Defined in Data.Singletons.Prelude.Const | |
SuppressUnusedWarnings (Let6989586621680753910Scrutinee_6989586621680753502Sym1 f6989586621680753900 :: TyFun (t6989586621680747830 a6989586621680747832) (Const b6989586621679519977 (t6989586621680747830 ())) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680753902MkConstSym1 f6989586621680753900 :: TyFun k1 (TyFun m6989586621680753398 (Const m6989586621680753398 ()) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621680711190Sym0 :: TyFun a6989586621679544262 (Const m6989586621680710536 b6989586621679544263 ~> Const m6989586621680710536 a6989586621679544262) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Foldr_6989586621680711236Sym1 a6989586621680711233 m6989586621680710537 :: TyFun b6989586621680450323 (Const m6989586621680710537 a6989586621680450322 ~> b6989586621680450323) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621680711271Sym1 a6989586621680711269 :: TyFun (Const m6989586621680710538 a6989586621679544266) (Const m6989586621680710538 b6989586621679544267) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (FoldMap_6989586621680711209Sym1 a6989586621680711207 m6989586621680710537 :: TyFun (Const m6989586621680710537 a6989586621680450321) m6989586621680450320 -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Fmap_6989586621680711171Sym1 a6989586621680711169 m6989586621680710536 :: TyFun (Const m6989586621680710536 a6989586621679544260) (Const m6989586621680710536 b6989586621679544261) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621680711133Sym1 a6989586621680711131 :: TyFun (Const a6989586621680710528 b6989586621680710529) (Const a6989586621680710528 b6989586621680710529) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621680711093Sym1 a6989586621680711091 :: TyFun (Const a6989586621680710516 b6989586621680710517) (Const a6989586621680710516 b6989586621680710517) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621680711081Sym1 a6989586621680711079 :: TyFun (Const a6989586621680710516 b6989586621680710517) (Const a6989586621680710516 b6989586621680710517) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621680711069Sym1 a6989586621680711067 :: TyFun (Const a6989586621680710516 b6989586621680710517) (Const a6989586621680710516 b6989586621680710517) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ShowsPrec_6989586621680711151Sym1 a6989586621680711148 a6989586621680710532 b6989586621680710533 :: TyFun (Const a6989586621680710532 b6989586621680710533) (Symbol ~> Symbol) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (EnumFromTo_6989586621680711038Sym1 a6989586621680711036 :: TyFun (Const a6989586621680710503 b6989586621680710504) [Const a6989586621680710503 b6989586621680710504] -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (EnumFromThenTo_6989586621680711054Sym1 a6989586621680711051 :: TyFun (Const a6989586621680710503 b6989586621680710504) (Const a6989586621680710503 b6989586621680710504 ~> [Const a6989586621680710503 b6989586621680710504]) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621680710998Sym1 a6989586621680710996 :: TyFun (Const a6989586621680710501 b6989586621680710502) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Traverse_6989586621680754059Sym0 :: TyFun (a6989586621680747832 ~> f6989586621680747831 b6989586621680747833) (Const m6989586621680753427 a6989586621680747832 ~> f6989586621680747831 (Const m6989586621680753427 b6989586621680747833)) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (LiftA2_6989586621680711258Sym0 :: TyFun (a6989586621679544268 ~> (b6989586621679544269 ~> c6989586621679544270)) (Const m6989586621680710538 a6989586621679544268 ~> (Const m6989586621680710538 b6989586621679544269 ~> Const m6989586621680710538 c6989586621679544270)) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621680753902MkConstSym2 x6989586621680753901 f6989586621680753900 m6989586621680753398 :: TyFun m6989586621680753398 (Const m6989586621680753398 ()) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Traverse_6989586621680754059Sym1 a6989586621680754057 m6989586621680753427 :: TyFun (Const m6989586621680753427 a6989586621680747832) (f6989586621680747831 (Const m6989586621680753427 b6989586621680747833)) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (LiftA2_6989586621680711258Sym1 a6989586621680711255 m6989586621680710538 :: TyFun (Const m6989586621680710538 a6989586621679544268) (Const m6989586621680710538 b6989586621679544269 ~> Const m6989586621680710538 c6989586621679544270) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Foldr_6989586621680711236Sym2 a6989586621680711234 a6989586621680711233 m6989586621680710537 :: TyFun (Const m6989586621680710537 a6989586621680450322) b6989586621680450323 -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621680711190Sym1 a6989586621680711188 b6989586621679544263 m6989586621680710536 :: TyFun (Const m6989586621680710536 b6989586621679544263) (Const m6989586621680710536 a6989586621679544262) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (EnumFromThenTo_6989586621680711054Sym2 a6989586621680711052 a6989586621680711051 :: TyFun (Const a6989586621680710503 b6989586621680710504) [Const a6989586621680710503 b6989586621680710504] -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (LiftA2_6989586621680711258Sym2 a6989586621680711256 a6989586621680711255 :: TyFun (Const m6989586621680710538 b6989586621679544269) (Const m6989586621680710538 c6989586621679544270) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () # | |
Bounded a => Bounded (Const a b) | Since: base-4.9.0.0 |
Enum a => Enum (Const a b) | Since: base-4.9.0.0 |
Defined in Data.Functor.Const Methods succ :: Const a b -> Const a b # pred :: Const a b -> Const a b # fromEnum :: Const a b -> Int # enumFrom :: Const a b -> [Const a b] # enumFromThen :: Const a b -> Const a b -> [Const a b] # enumFromTo :: Const a b -> Const a b -> [Const a b] # enumFromThenTo :: Const a b -> Const a b -> Const a b -> [Const a b] # | |
Eq a => Eq (Const a b) | Since: base-4.9.0.0 |
Floating a => Floating (Const a b) | Since: base-4.9.0.0 |
Defined in Data.Functor.Const Methods exp :: Const a b -> Const a b # log :: Const a b -> Const a b # sqrt :: Const a b -> Const a b # (**) :: Const a b -> Const a b -> Const a b # logBase :: Const a b -> Const a b -> Const a b # sin :: Const a b -> Const a b # cos :: Const a b -> Const a b # tan :: Const a b -> Const a b # asin :: Const a b -> Const a b # acos :: Const a b -> Const a b # atan :: Const a b -> Const a b # sinh :: Const a b -> Const a b # cosh :: Const a b -> Const a b # tanh :: Const a b -> Const a b # asinh :: Const a b -> Const a b # acosh :: Const a b -> Const a b # atanh :: Const a b -> Const a b # log1p :: Const a b -> Const a b # expm1 :: Const a b -> Const a b # | |
Fractional a => Fractional (Const a b) | Since: base-4.9.0.0 |
Integral a => Integral (Const a b) | Since: base-4.9.0.0 |
Defined in Data.Functor.Const Methods quot :: Const a b -> Const a b -> Const a b # rem :: Const a b -> Const a b -> Const a b # div :: Const a b -> Const a b -> Const a b # mod :: Const a b -> Const a b -> Const a b # quotRem :: Const a b -> Const a b -> (Const a b, Const a b) # divMod :: Const a b -> Const a b -> (Const a b, Const a b) # | |
Num a => Num (Const a b) | Since: base-4.9.0.0 |
Defined in Data.Functor.Const | |
Ord a => Ord (Const a b) | Since: base-4.9.0.0 |
Read a => Read (Const a b) | This instance would be equivalent to the derived instances of the
Since: base-4.8.0.0 |
Real a => Real (Const a b) | Since: base-4.9.0.0 |
Defined in Data.Functor.Const Methods toRational :: Const a b -> Rational # | |
RealFloat a => RealFloat (Const a b) | Since: base-4.9.0.0 |
Defined in Data.Functor.Const Methods floatRadix :: Const a b -> Integer # floatDigits :: Const a b -> Int # floatRange :: Const a b -> (Int, Int) # decodeFloat :: Const a b -> (Integer, Int) # encodeFloat :: Integer -> Int -> Const a b # exponent :: Const a b -> Int # significand :: Const a b -> Const a b # scaleFloat :: Int -> Const a b -> Const a b # isInfinite :: Const a b -> Bool # isDenormalized :: Const a b -> Bool # isNegativeZero :: Const a b -> Bool # | |
RealFrac a => RealFrac (Const a b) | Since: base-4.9.0.0 |
Show a => Show (Const a b) | This instance would be equivalent to the derived instances of the
Since: base-4.8.0.0 |
Ix a => Ix (Const a b) | Since: base-4.9.0.0 |
Defined in Data.Functor.Const Methods range :: (Const a b, Const a b) -> [Const a b] # index :: (Const a b, Const a b) -> Const a b -> Int # unsafeIndex :: (Const a b, Const a b) -> Const a b -> Int inRange :: (Const a b, Const a b) -> Const a b -> Bool # rangeSize :: (Const a b, Const a b) -> Int # unsafeRangeSize :: (Const a b, Const a b) -> Int | |
IsString a => IsString (Const a b) | Since: base-4.9.0.0 |
Defined in Data.String Methods fromString :: String -> Const a b # | |
Generic (Const a b) | |
Semigroup a => Semigroup (Const a b) | Since: base-4.9.0.0 |
Monoid a => Monoid (Const a b) | Since: base-4.9.0.0 |
Hashable a => Hashable (Const a b) | |
Defined in Data.Hashable.Class | |
ToJSON a => ToJSON (Const a b) | |
Defined in Data.Aeson.Types.ToJSON | |
FromJSON a => FromJSON (Const a b) | |
Storable a => Storable (Const a b) | Since: base-4.9.0.0 |
Defined in Data.Functor.Const | |
Bits a => Bits (Const a b) | Since: base-4.9.0.0 |
Defined in Data.Functor.Const Methods (.&.) :: Const a b -> Const a b -> Const a b # (.|.) :: Const a b -> Const a b -> Const a b # xor :: Const a b -> Const a b -> Const a b # complement :: Const a b -> Const a b # shift :: Const a b -> Int -> Const a b # rotate :: Const a b -> Int -> Const a b # setBit :: Const a b -> Int -> Const a b # clearBit :: Const a b -> Int -> Const a b # complementBit :: Const a b -> Int -> Const a b # testBit :: Const a b -> Int -> Bool # bitSizeMaybe :: Const a b -> Maybe Int # isSigned :: Const a b -> Bool # shiftL :: Const a b -> Int -> Const a b # unsafeShiftL :: Const a b -> Int -> Const a b # shiftR :: Const a b -> Int -> Const a b # unsafeShiftR :: Const a b -> Int -> Const a b # rotateL :: Const a b -> Int -> Const a b # | |
FiniteBits a => FiniteBits (Const a b) | Since: base-4.9.0.0 |
Defined in Data.Functor.Const Methods finiteBitSize :: Const a b -> Int # countLeadingZeros :: Const a b -> Int # countTrailingZeros :: Const a b -> Int # | |
NFData a => NFData (Const a b) | Since: deepseq-1.4.0.0 |
Defined in Control.DeepSeq | |
MonoFunctor (Const m a) | |
MonoFoldable (Const m a) | |
Defined in Data.MonoTraversable Methods ofoldMap :: Monoid m0 => (Element (Const m a) -> m0) -> Const m a -> m0 # ofoldr :: (Element (Const m a) -> b -> b) -> b -> Const m a -> b # ofoldl' :: (a0 -> Element (Const m a) -> a0) -> a0 -> Const m a -> a0 # otoList :: Const m a -> [Element (Const m a)] # oall :: (Element (Const m a) -> Bool) -> Const m a -> Bool # oany :: (Element (Const m a) -> Bool) -> Const m a -> Bool # olength64 :: Const m a -> Int64 # ocompareLength :: Integral i => Const m a -> i -> Ordering # otraverse_ :: Applicative f => (Element (Const m a) -> f b) -> Const m a -> f () # ofor_ :: Applicative f => Const m a -> (Element (Const m a) -> f b) -> f () # omapM_ :: Applicative m0 => (Element (Const m a) -> m0 ()) -> Const m a -> m0 () # oforM_ :: Applicative m0 => Const m a -> (Element (Const m a) -> m0 ()) -> m0 () # ofoldlM :: Monad m0 => (a0 -> Element (Const m a) -> m0 a0) -> a0 -> Const m a -> m0 a0 # ofoldMap1Ex :: Semigroup m0 => (Element (Const m a) -> m0) -> Const m a -> m0 # ofoldr1Ex :: (Element (Const m a) -> Element (Const m a) -> Element (Const m a)) -> Const m a -> Element (Const m a) # ofoldl1Ex' :: (Element (Const m a) -> Element (Const m a) -> Element (Const m a)) -> Const m a -> Element (Const m a) # headEx :: Const m a -> Element (Const m a) # lastEx :: Const m a -> Element (Const m a) # unsafeHead :: Const m a -> Element (Const m a) # unsafeLast :: Const m a -> Element (Const m a) # maximumByEx :: (Element (Const m a) -> Element (Const m a) -> Ordering) -> Const m a -> Element (Const m a) # minimumByEx :: (Element (Const m a) -> Element (Const m a) -> Ordering) -> Const m a -> Element (Const m a) # | |
MonoTraversable (Const m a) | |
Monoid m => MonoPointed (Const m a) | |
Pretty a => Pretty (Const a b) | |
Defined in Data.Text.Prettyprint.Doc.Internal | |
PIsString (Const a b) | |
Defined in Data.Singletons.Prelude.IsString Associated Types type FromString arg :: a # | |
SIsString a => SIsString (Const a b) | |
Defined in Data.Singletons.Prelude.IsString Methods sFromString :: Sing t -> Sing (Apply FromStringSym0 t) # | |
type Rep1 (Const a :: k -> Type) | Since: base-4.9.0.0 |
Defined in Data.Functor.Const | |
type Apply (FromEnum_6989586621680711027Sym0 :: TyFun (Const a b) Nat -> Type) (a6989586621680711026 :: Const a b) | |
type Apply (GetConstSym0 :: TyFun (Const a b) a -> Type) (x6989586621680709135 :: Const a b) | |
Defined in Data.Singletons.Prelude.Const | |
type Apply (Compare_6989586621680710998Sym1 a6989586621680710996 :: TyFun (Const a b) Ordering -> Type) (a6989586621680710997 :: Const a b) | |
type Apply (FoldMap_6989586621680711209Sym1 a6989586621680711207 m1 :: TyFun (Const m1 a) m2 -> Type) (a6989586621680711208 :: Const m1 a) | |
type Apply (Foldr_6989586621680711236Sym2 a6989586621680711234 a6989586621680711233 m :: TyFun (Const m a) b -> Type) (a6989586621680711235 :: Const m a) | |
type Apply (EnumFromTo_6989586621680711038Sym1 a6989586621680711036 :: TyFun (Const a b) [Const a b] -> Type) (a6989586621680711037 :: Const a b) | |
type Apply (EnumFromThenTo_6989586621680711054Sym2 a6989586621680711052 a6989586621680711051 :: TyFun (Const a b) [Const a b] -> Type) (a6989586621680711053 :: Const a b) | |
Defined in Data.Singletons.Prelude.Const | |
type Apply (Traverse_6989586621680754059Sym1 a6989586621680754057 m :: TyFun (Const m a) (f (Const m b)) -> Type) (a6989586621680754058 :: Const m a) | |
type Product (arg :: Const m a) | |
type Sum (arg :: Const m a) | |
type Minimum (arg :: Const m a) | |
type Maximum (arg :: Const m a) | |
type Length (arg :: Const m a) | |
type Null (arg :: Const m a) | |
type ToList (arg :: Const m a) | |
type Fold (arg :: Const m1 m2) | |
type Pure (a :: k1) | |
type Sequence (arg :: Const m1 (m2 a)) | |
type SequenceA (arg :: Const m (f a)) | |
type Elem (arg1 :: a) (arg2 :: Const m a) | |
type Foldl1 (arg1 :: a ~> (a ~> a)) (arg2 :: Const m a) | |
type Foldr1 (arg1 :: a ~> (a ~> a)) (arg2 :: Const m a) | |
type FoldMap (a1 :: a6989586621680450321 ~> k2) (a2 :: Const m a6989586621680450321) | |
type (a1 :: k1) <$ (a2 :: Const m b6989586621679544263) | |
type Fmap (a1 :: a6989586621679544260 ~> b6989586621679544261) (a2 :: Const m a6989586621679544260) | |
Defined in Data.Singletons.Prelude.Const | |
type (arg1 :: Const m a) <* (arg2 :: Const m b) | |
type (arg1 :: Const m a) *> (arg2 :: Const m b) | |
type (a1 :: Const m (a6989586621679544266 ~> b6989586621679544267)) <*> (a2 :: Const m a6989586621679544266) | |
Defined in Data.Singletons.Prelude.Const type (a1 :: Const m (a6989586621679544266 ~> b6989586621679544267)) <*> (a2 :: Const m a6989586621679544266) = Apply (Apply (TFHelper_6989586621680711271Sym0 :: TyFun (Const m (a6989586621679544266 ~> b6989586621679544267)) (Const m a6989586621679544266 ~> Const m b6989586621679544267) -> Type) a1) a2 | |
type MapM (arg1 :: a ~> m1 b) (arg2 :: Const m2 a) | |
type Traverse (a1 :: a6989586621680747832 ~> f6989586621680747831 b6989586621680747833) (a2 :: Const m a6989586621680747832) | |
Defined in Data.Singletons.Prelude.Traversable type Traverse (a1 :: a6989586621680747832 ~> f6989586621680747831 b6989586621680747833) (a2 :: Const m a6989586621680747832) = Apply (Apply (Traverse_6989586621680754059Sym0 :: TyFun (a6989586621680747832 ~> f6989586621680747831 b6989586621680747833) (Const m a6989586621680747832 ~> f6989586621680747831 (Const m b6989586621680747833)) -> Type) a1) a2 | |
type Foldl' (arg1 :: b ~> (a ~> b)) (arg2 :: b) (arg3 :: Const m a) | |
type Foldl (arg1 :: b ~> (a ~> b)) (arg2 :: b) (arg3 :: Const m a) | |
type Foldr' (arg1 :: a ~> (b ~> b)) (arg2 :: b) (arg3 :: Const m a) | |
type Foldr (a1 :: a6989586621680450322 ~> (k2 ~> k2)) (a2 :: k2) (a3 :: Const m a6989586621680450322) | |
Defined in Data.Singletons.Prelude.Const | |
type LiftA2 (a1 :: a6989586621679544268 ~> (b6989586621679544269 ~> c6989586621679544270)) (a2 :: Const m a6989586621679544268) (a3 :: Const m b6989586621679544269) | |
Defined in Data.Singletons.Prelude.Const type LiftA2 (a1 :: a6989586621679544268 ~> (b6989586621679544269 ~> c6989586621679544270)) (a2 :: Const m a6989586621679544268) (a3 :: Const m b6989586621679544269) = Apply (Apply (Apply (LiftA2_6989586621680711258Sym0 :: TyFun (a6989586621679544268 ~> (b6989586621679544269 ~> c6989586621679544270)) (Const m a6989586621679544268 ~> (Const m b6989586621679544269 ~> Const m c6989586621679544270)) -> Type) a1) a2) a3 | |
type Apply (Let6989586621680753902MkConstSym0 :: TyFun k1 (TyFun k2 (TyFun m6989586621680753398 (Const m6989586621680753398 ()) -> Type) -> Type) -> Type) (f6989586621680753900 :: k1) | |
Defined in Data.Singletons.Prelude.Traversable type Apply (Let6989586621680753902MkConstSym0 :: TyFun k1 (TyFun k2 (TyFun m6989586621680753398 (Const m6989586621680753398 ()) -> Type) -> Type) -> Type) (f6989586621680753900 :: k1) = (Let6989586621680753902MkConstSym1 f6989586621680753900 :: TyFun k2 (TyFun m6989586621680753398 (Const m6989586621680753398 ()) -> Type) -> Type) | |
type Apply (ShowsPrec_6989586621680711151Sym0 :: TyFun Nat (Const a6989586621680710532 b6989586621680710533 ~> (Symbol ~> Symbol)) -> Type) (a6989586621680711148 :: Nat) | |
Defined in Data.Singletons.Prelude.Const type Apply (ShowsPrec_6989586621680711151Sym0 :: TyFun Nat (Const a6989586621680710532 b6989586621680710533 ~> (Symbol ~> Symbol)) -> Type) (a6989586621680711148 :: Nat) = (ShowsPrec_6989586621680711151Sym1 a6989586621680711148 a6989586621680710532 b6989586621680710533 :: TyFun (Const a6989586621680710532 b6989586621680710533) (Symbol ~> Symbol) -> Type) | |
type Apply (Let6989586621680753902MkConstSym1 f6989586621680753900 :: TyFun k1 (TyFun m6989586621680753398 (Const m6989586621680753398 ()) -> Type) -> Type) (x6989586621680753901 :: k1) | |
Defined in Data.Singletons.Prelude.Traversable type Apply (Let6989586621680753902MkConstSym1 f6989586621680753900 :: TyFun k1 (TyFun m6989586621680753398 (Const m6989586621680753398 ()) -> Type) -> Type) (x6989586621680753901 :: k1) = (Let6989586621680753902MkConstSym2 f6989586621680753900 x6989586621680753901 m6989586621680753398 :: TyFun m6989586621680753398 (Const m6989586621680753398 ()) -> Type) | |
type Apply (Foldr_6989586621680711236Sym1 a6989586621680711233 m6989586621680710537 :: TyFun b6989586621680450323 (Const m6989586621680710537 a6989586621680450322 ~> b6989586621680450323) -> Type) (a6989586621680711234 :: b6989586621680450323) | |
Defined in Data.Singletons.Prelude.Const type Apply (Foldr_6989586621680711236Sym1 a6989586621680711233 m6989586621680710537 :: TyFun b6989586621680450323 (Const m6989586621680710537 a6989586621680450322 ~> b6989586621680450323) -> Type) (a6989586621680711234 :: b6989586621680450323) = (Foldr_6989586621680711236Sym2 a6989586621680711233 a6989586621680711234 m6989586621680710537 :: TyFun (Const m6989586621680710537 a6989586621680450322) b6989586621680450323 -> Type) | |
type Apply (TFHelper_6989586621680711190Sym0 :: TyFun a6989586621679544262 (Const m6989586621680710536 b6989586621679544263 ~> Const m6989586621680710536 a6989586621679544262) -> Type) (a6989586621680711188 :: a6989586621679544262) | |
Defined in Data.Singletons.Prelude.Const type Apply (TFHelper_6989586621680711190Sym0 :: TyFun a6989586621679544262 (Const m6989586621680710536 b6989586621679544263 ~> Const m6989586621680710536 a6989586621679544262) -> Type) (a6989586621680711188 :: a6989586621679544262) = (TFHelper_6989586621680711190Sym1 a6989586621680711188 b6989586621679544263 m6989586621680710536 :: TyFun (Const m6989586621680710536 b6989586621679544263) (Const m6989586621680710536 a6989586621679544262) -> Type) | |
type Apply (Let6989586621680753910Scrutinee_6989586621680753502Sym0 :: TyFun (a6989586621680747832 ~> b6989586621679519977) (TyFun (t6989586621680747830 a6989586621680747832) (Const b6989586621679519977 (t6989586621680747830 ())) -> Type) -> Type) (f6989586621680753900 :: a6989586621680747832 ~> b6989586621679519977) | |
Defined in Data.Singletons.Prelude.Traversable type Apply (Let6989586621680753910Scrutinee_6989586621680753502Sym0 :: TyFun (a6989586621680747832 ~> b6989586621679519977) (TyFun (t6989586621680747830 a6989586621680747832) (Const b6989586621679519977 (t6989586621680747830 ())) -> Type) -> Type) (f6989586621680753900 :: a6989586621680747832 ~> b6989586621679519977) = (Let6989586621680753910Scrutinee_6989586621680753502Sym1 f6989586621680753900 :: TyFun (t6989586621680747830 a6989586621680747832) (Const b6989586621679519977 (t6989586621680747830 ())) -> Type) | |
type Apply (Foldr_6989586621680711236Sym0 :: TyFun (a6989586621680450322 ~> (b6989586621680450323 ~> b6989586621680450323)) (b6989586621680450323 ~> (Const m6989586621680710537 a6989586621680450322 ~> b6989586621680450323)) -> Type) (a6989586621680711233 :: a6989586621680450322 ~> (b6989586621680450323 ~> b6989586621680450323)) | |
Defined in Data.Singletons.Prelude.Const type Apply (Foldr_6989586621680711236Sym0 :: TyFun (a6989586621680450322 ~> (b6989586621680450323 ~> b6989586621680450323)) (b6989586621680450323 ~> (Const m6989586621680710537 a6989586621680450322 ~> b6989586621680450323)) -> Type) (a6989586621680711233 :: a6989586621680450322 ~> (b6989586621680450323 ~> b6989586621680450323)) = (Foldr_6989586621680711236Sym1 a6989586621680711233 m6989586621680710537 :: TyFun b6989586621680450323 (Const m6989586621680710537 a6989586621680450322 ~> b6989586621680450323) -> Type) | |
type Apply (Fmap_6989586621680711171Sym0 :: TyFun (a6989586621679544260 ~> b6989586621679544261) (Const m6989586621680710536 a6989586621679544260 ~> Const m6989586621680710536 b6989586621679544261) -> Type) (a6989586621680711169 :: a6989586621679544260 ~> b6989586621679544261) | |
Defined in Data.Singletons.Prelude.Const type Apply (Fmap_6989586621680711171Sym0 :: TyFun (a6989586621679544260 ~> b6989586621679544261) (Const m6989586621680710536 a6989586621679544260 ~> Const m6989586621680710536 b6989586621679544261) -> Type) (a6989586621680711169 :: a6989586621679544260 ~> b6989586621679544261) = (Fmap_6989586621680711171Sym1 a6989586621680711169 m6989586621680710536 :: TyFun (Const m6989586621680710536 a6989586621679544260) (Const m6989586621680710536 b6989586621679544261) -> Type) | |
type Apply (FoldMap_6989586621680711209Sym0 :: TyFun (a6989586621680450321 ~> m6989586621680450320) (Const m6989586621680710537 a6989586621680450321 ~> m6989586621680450320) -> Type) (a6989586621680711207 :: a6989586621680450321 ~> m6989586621680450320) | |
Defined in Data.Singletons.Prelude.Const type Apply (FoldMap_6989586621680711209Sym0 :: TyFun (a6989586621680450321 ~> m6989586621680450320) (Const m6989586621680710537 a6989586621680450321 ~> m6989586621680450320) -> Type) (a6989586621680711207 :: a6989586621680450321 ~> m6989586621680450320) = (FoldMap_6989586621680711209Sym1 a6989586621680711207 m6989586621680710537 :: TyFun (Const m6989586621680710537 a6989586621680450321) m6989586621680450320 -> Type) | |
type Apply (Traverse_6989586621680754059Sym0 :: TyFun (a6989586621680747832 ~> f6989586621680747831 b6989586621680747833) (Const m6989586621680753427 a6989586621680747832 ~> f6989586621680747831 (Const m6989586621680753427 b6989586621680747833)) -> Type) (a6989586621680754057 :: a6989586621680747832 ~> f6989586621680747831 b6989586621680747833) | |
Defined in Data.Singletons.Prelude.Traversable type Apply (Traverse_6989586621680754059Sym0 :: TyFun (a6989586621680747832 ~> f6989586621680747831 b6989586621680747833) (Const m6989586621680753427 a6989586621680747832 ~> f6989586621680747831 (Const m6989586621680753427 b6989586621680747833)) -> Type) (a6989586621680754057 :: a6989586621680747832 ~> f6989586621680747831 b6989586621680747833) = (Traverse_6989586621680754059Sym1 a6989586621680754057 m6989586621680753427 :: TyFun (Const m6989586621680753427 a6989586621680747832) (f6989586621680747831 (Const m6989586621680753427 b6989586621680747833)) -> Type) | |
type Apply (LiftA2_6989586621680711258Sym0 :: TyFun (a6989586621679544268 ~> (b6989586621679544269 ~> c6989586621679544270)) (Const m6989586621680710538 a6989586621679544268 ~> (Const m6989586621680710538 b6989586621679544269 ~> Const m6989586621680710538 c6989586621679544270)) -> Type) (a6989586621680711255 :: a6989586621679544268 ~> (b6989586621679544269 ~> c6989586621679544270)) | |
Defined in Data.Singletons.Prelude.Const type Apply (LiftA2_6989586621680711258Sym0 :: TyFun (a6989586621679544268 ~> (b6989586621679544269 ~> c6989586621679544270)) (Const m6989586621680710538 a6989586621679544268 ~> (Const m6989586621680710538 b6989586621679544269 ~> Const m6989586621680710538 c6989586621679544270)) -> Type) (a6989586621680711255 :: a6989586621679544268 ~> (b6989586621679544269 ~> c6989586621679544270)) = (LiftA2_6989586621680711258Sym1 a6989586621680711255 m6989586621680710538 :: TyFun (Const m6989586621680710538 a6989586621679544268) (Const m6989586621680710538 b6989586621679544269 ~> Const m6989586621680710538 c6989586621679544270) -> Type) | |
type Apply (TFHelper_6989586621680711271Sym0 :: TyFun (Const m6989586621680710538 (a6989586621679544266 ~> b6989586621679544267)) (Const m6989586621680710538 a6989586621679544266 ~> Const m6989586621680710538 b6989586621679544267) -> Type) (a6989586621680711269 :: Const m6989586621680710538 (a6989586621679544266 ~> b6989586621679544267)) | |
Defined in Data.Singletons.Prelude.Const type Apply (TFHelper_6989586621680711271Sym0 :: TyFun (Const m6989586621680710538 (a6989586621679544266 ~> b6989586621679544267)) (Const m6989586621680710538 a6989586621679544266 ~> Const m6989586621680710538 b6989586621679544267) -> Type) (a6989586621680711269 :: Const m6989586621680710538 (a6989586621679544266 ~> b6989586621679544267)) = TFHelper_6989586621680711271Sym1 a6989586621680711269 | |
type Apply (Compare_6989586621680710998Sym0 :: TyFun (Const a6989586621680710501 b6989586621680710502) (Const a6989586621680710501 b6989586621680710502 ~> Ordering) -> Type) (a6989586621680710996 :: Const a6989586621680710501 b6989586621680710502) | |
Defined in Data.Singletons.Prelude.Const type Apply (Compare_6989586621680710998Sym0 :: TyFun (Const a6989586621680710501 b6989586621680710502) (Const a6989586621680710501 b6989586621680710502 ~> Ordering) -> Type) (a6989586621680710996 :: Const a6989586621680710501 b6989586621680710502) = Compare_6989586621680710998Sym1 a6989586621680710996 | |
type Apply (EnumFromTo_6989586621680711038Sym0 :: TyFun (Const a6989586621680710503 b6989586621680710504) (Const a6989586621680710503 b6989586621680710504 ~> [Const a6989586621680710503 b6989586621680710504]) -> Type) (a6989586621680711036 :: Const a6989586621680710503 b6989586621680710504) | |
Defined in Data.Singletons.Prelude.Const type Apply (EnumFromTo_6989586621680711038Sym0 :: TyFun (Const a6989586621680710503 b6989586621680710504) (Const a6989586621680710503 b6989586621680710504 ~> [Const a6989586621680710503 b6989586621680710504]) -> Type) (a6989586621680711036 :: Const a6989586621680710503 b6989586621680710504) = EnumFromTo_6989586621680711038Sym1 a6989586621680711036 | |
type Apply (EnumFromThenTo_6989586621680711054Sym0 :: TyFun (Const a6989586621680710503 b6989586621680710504) (Const a6989586621680710503 b6989586621680710504 ~> (Const a6989586621680710503 b6989586621680710504 ~> [Const a6989586621680710503 b6989586621680710504])) -> Type) (a6989586621680711051 :: Const a6989586621680710503 b6989586621680710504) | |
Defined in Data.Singletons.Prelude.Const type Apply (EnumFromThenTo_6989586621680711054Sym0 :: TyFun (Const a6989586621680710503 b6989586621680710504) (Const a6989586621680710503 b6989586621680710504 ~> (Const a6989586621680710503 b6989586621680710504 ~> [Const a6989586621680710503 b6989586621680710504])) -> Type) (a6989586621680711051 :: Const a6989586621680710503 b6989586621680710504) = EnumFromThenTo_6989586621680711054Sym1 a6989586621680711051 | |
type Apply (TFHelper_6989586621680711069Sym0 :: TyFun (Const a6989586621680710516 b6989586621680710517) (Const a6989586621680710516 b6989586621680710517 ~> Const a6989586621680710516 b6989586621680710517) -> Type) (a6989586621680711067 :: Const a6989586621680710516 b6989586621680710517) | |
Defined in Data.Singletons.Prelude.Const type Apply (TFHelper_6989586621680711069Sym0 :: TyFun (Const a6989586621680710516 b6989586621680710517) (Const a6989586621680710516 b6989586621680710517 ~> Const a6989586621680710516 b6989586621680710517) -> Type) (a6989586621680711067 :: Const a6989586621680710516 b6989586621680710517) = TFHelper_6989586621680711069Sym1 a6989586621680711067 | |
type Apply (TFHelper_6989586621680711081Sym0 :: TyFun (Const a6989586621680710516 b6989586621680710517) (Const a6989586621680710516 b6989586621680710517 ~> Const a6989586621680710516 b6989586621680710517) -> Type) (a6989586621680711079 :: Const a6989586621680710516 b6989586621680710517) | |
Defined in Data.Singletons.Prelude.Const type Apply (TFHelper_6989586621680711081Sym0 :: TyFun (Const a6989586621680710516 b6989586621680710517) (Const a6989586621680710516 b6989586621680710517 ~> Const a6989586621680710516 b6989586621680710517) -> Type) (a6989586621680711079 :: Const a6989586621680710516 b6989586621680710517) = TFHelper_6989586621680711081Sym1 a6989586621680711079 | |
type Apply (TFHelper_6989586621680711093Sym0 :: TyFun (Const a6989586621680710516 b6989586621680710517) (Const a6989586621680710516 b6989586621680710517 ~> Const a6989586621680710516 b6989586621680710517) -> Type) (a6989586621680711091 :: Const a6989586621680710516 b6989586621680710517) | |
Defined in Data.Singletons.Prelude.Const type Apply (TFHelper_6989586621680711093Sym0 :: TyFun (Const a6989586621680710516 b6989586621680710517) (Const a6989586621680710516 b6989586621680710517 ~> Const a6989586621680710516 b6989586621680710517) -> Type) (a6989586621680711091 :: Const a6989586621680710516 b6989586621680710517) = TFHelper_6989586621680711093Sym1 a6989586621680711091 | |
type Apply (TFHelper_6989586621680711133Sym0 :: TyFun (Const a6989586621680710528 b6989586621680710529) (Const a6989586621680710528 b6989586621680710529 ~> Const a6989586621680710528 b6989586621680710529) -> Type) (a6989586621680711131 :: Const a6989586621680710528 b6989586621680710529) | |
Defined in Data.Singletons.Prelude.Const type Apply (TFHelper_6989586621680711133Sym0 :: TyFun (Const a6989586621680710528 b6989586621680710529) (Const a6989586621680710528 b6989586621680710529 ~> Const a6989586621680710528 b6989586621680710529) -> Type) (a6989586621680711131 :: Const a6989586621680710528 b6989586621680710529) = TFHelper_6989586621680711133Sym1 a6989586621680711131 | |
type Apply (ShowsPrec_6989586621680711151Sym1 a6989586621680711148 a6989586621680710532 b6989586621680710533 :: TyFun (Const a6989586621680710532 b6989586621680710533) (Symbol ~> Symbol) -> Type) (a6989586621680711149 :: Const a6989586621680710532 b6989586621680710533) | |
Defined in Data.Singletons.Prelude.Const type Apply (ShowsPrec_6989586621680711151Sym1 a6989586621680711148 a6989586621680710532 b6989586621680710533 :: TyFun (Const a6989586621680710532 b6989586621680710533) (Symbol ~> Symbol) -> Type) (a6989586621680711149 :: Const a6989586621680710532 b6989586621680710533) = ShowsPrec_6989586621680711151Sym2 a6989586621680711148 a6989586621680711149 | |
type Apply (EnumFromThenTo_6989586621680711054Sym1 a6989586621680711051 :: TyFun (Const a6989586621680710503 b6989586621680710504) (Const a6989586621680710503 b6989586621680710504 ~> [Const a6989586621680710503 b6989586621680710504]) -> Type) (a6989586621680711052 :: Const a6989586621680710503 b6989586621680710504) | |
Defined in Data.Singletons.Prelude.Const type Apply (EnumFromThenTo_6989586621680711054Sym1 a6989586621680711051 :: TyFun (Const a6989586621680710503 b6989586621680710504) (Const a6989586621680710503 b6989586621680710504 ~> [Const a6989586621680710503 b6989586621680710504]) -> Type) (a6989586621680711052 :: Const a6989586621680710503 b6989586621680710504) = EnumFromThenTo_6989586621680711054Sym2 a6989586621680711051 a6989586621680711052 | |
type Apply (LiftA2_6989586621680711258Sym1 a6989586621680711255 m6989586621680710538 :: TyFun (Const m6989586621680710538 a6989586621679544268) (Const m6989586621680710538 b6989586621679544269 ~> Const m6989586621680710538 c6989586621679544270) -> Type) (a6989586621680711256 :: Const m6989586621680710538 a6989586621679544268) | |
Defined in Data.Singletons.Prelude.Const type Apply (LiftA2_6989586621680711258Sym1 a6989586621680711255 m6989586621680710538 :: TyFun (Const m6989586621680710538 a6989586621679544268) (Const m6989586621680710538 b6989586621679544269 ~> Const m6989586621680710538 c6989586621679544270) -> Type) (a6989586621680711256 :: Const m6989586621680710538 a6989586621679544268) = LiftA2_6989586621680711258Sym2 a6989586621680711255 a6989586621680711256 | |
type Rep (Const a b) | Since: base-4.9.0.0 |
Defined in Data.Functor.Const | |
type Element (Const m a) | |
Defined in Data.MonoTraversable | |
data Sing (c :: Const a b) | |
type Mempty | |
Defined in Data.Singletons.Prelude.Const | |
type MaxBound | |
Defined in Data.Singletons.Prelude.Const | |
type MinBound | |
Defined in Data.Singletons.Prelude.Const | |
type Demote (Const a b) | |
Defined in Data.Singletons.Prelude.Const | |
type FromString a2 | |
Defined in Data.Singletons.Prelude.IsString | |
type Mconcat (arg :: [Const a b]) | |
type Show_ (arg :: Const a b) | |
type Sconcat (arg :: NonEmpty (Const a b)) | |
type FromEnum (a2 :: Const a1 b) | |
type ToEnum a2 | |
type Pred (a2 :: Const a1 b) | |
type Succ (a2 :: Const a1 b) | |
type FromInteger a2 | |
Defined in Data.Singletons.Prelude.Const | |
type Signum (a2 :: Const a1 b) | |
type Abs (a2 :: Const a1 b) | |
type Negate (a2 :: Const a1 b) | |
type Mappend (arg1 :: Const a b) (arg2 :: Const a b) | |
type ShowList (arg1 :: [Const a b]) arg2 | |
type (a2 :: Const a1 b) <> (a3 :: Const a1 b) | |
type EnumFromTo (a2 :: Const a1 b) (a3 :: Const a1 b) | |
type (a2 :: Const a1 b) * (a3 :: Const a1 b) | |
type (a2 :: Const a1 b) - (a3 :: Const a1 b) | |
type (a2 :: Const a1 b) + (a3 :: Const a1 b) | |
type Min (arg1 :: Const a b) (arg2 :: Const a b) | |
type Max (arg1 :: Const a b) (arg2 :: Const a b) | |
type (arg1 :: Const a b) >= (arg2 :: Const a b) | |
type (arg1 :: Const a b) > (arg2 :: Const a b) | |
type (arg1 :: Const a b) <= (arg2 :: Const a b) | |
type (arg1 :: Const a b) < (arg2 :: Const a b) | |
type Compare (a2 :: Const a1 b) (a3 :: Const a1 b) | |
type (x :: Const a b) /= (y :: Const a b) | |
type (a2 :: Const a1 b1) == (b2 :: Const a1 b1) | |
Defined in Data.Singletons.Prelude.Const | |
type ShowsPrec a2 (a3 :: Const a1 b) a4 | |
type EnumFromThenTo (a2 :: Const a1 b) (a3 :: Const a1 b) (a4 :: Const a1 b) | |
type Apply (Pure_6989586621680711244Sym0 :: TyFun a (Const m6989586621680710538 a) -> Type) (a6989586621680711243 :: a) | |
type Apply (FromString_6989586621681196292Sym0 :: TyFun Symbol (Const a6989586621681196252 b6989586621681196253) -> Type) (a6989586621681196291 :: Symbol) | |
Defined in Data.Singletons.Prelude.IsString | |
type Apply (ConstSym0 :: TyFun a (Const a b6989586621679077698) -> Type) (t6989586621680708818 :: a) | |
type Apply (ToEnum_6989586621680711020Sym0 :: TyFun Nat (Const a6989586621680710503 b6989586621680710504) -> Type) (a6989586621680711019 :: Nat) | |
type Apply (FromInteger_6989586621680711122Sym0 :: TyFun Nat (Const a6989586621680710516 b6989586621680710517) -> Type) (a6989586621680711121 :: Nat) | |
type Apply (Let6989586621680753902MkConstSym2 x6989586621680753901 f6989586621680753900 m :: TyFun m (Const m ()) -> Type) (a6989586621680753905 :: m) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Apply (Let6989586621680753910Scrutinee_6989586621680753502Sym1 f6989586621680753900 :: TyFun (t6989586621680747830 a6989586621680747832) (Const b6989586621679519977 (t6989586621680747830 ())) -> Type) (x6989586621680753901 :: t6989586621680747830 a6989586621680747832) | |
Defined in Data.Singletons.Prelude.Traversable type Apply (Let6989586621680753910Scrutinee_6989586621680753502Sym1 f6989586621680753900 :: TyFun (t6989586621680747830 a6989586621680747832) (Const b6989586621679519977 (t6989586621680747830 ())) -> Type) (x6989586621680753901 :: t6989586621680747830 a6989586621680747832) = Let6989586621680753910Scrutinee_6989586621680753502 f6989586621680753900 x6989586621680753901 | |
type Apply (Succ_6989586621680711006Sym0 :: TyFun (Const a b) (Const a b) -> Type) (a6989586621680711005 :: Const a b) | |
type Apply (Pred_6989586621680711013Sym0 :: TyFun (Const a b) (Const a b) -> Type) (a6989586621680711012 :: Const a b) | |
type Apply (Negate_6989586621680711101Sym0 :: TyFun (Const a b) (Const a b) -> Type) (a6989586621680711100 :: Const a b) | |
type Apply (Abs_6989586621680711108Sym0 :: TyFun (Const a b) (Const a b) -> Type) (a6989586621680711107 :: Const a b) | |
type Apply (Signum_6989586621680711115Sym0 :: TyFun (Const a b) (Const a b) -> Type) (a6989586621680711114 :: Const a b) | |
type Apply (Fmap_6989586621680711171Sym1 a6989586621680711169 m :: TyFun (Const m a) (Const m b) -> Type) (a6989586621680711170 :: Const m a) | |
type Apply (TFHelper_6989586621680711271Sym1 a6989586621680711269 :: TyFun (Const m a) (Const m b) -> Type) (a6989586621680711270 :: Const m a) | |
type Apply (TFHelper_6989586621680711069Sym1 a6989586621680711067 :: TyFun (Const a b) (Const a b) -> Type) (a6989586621680711068 :: Const a b) | |
type Apply (TFHelper_6989586621680711081Sym1 a6989586621680711079 :: TyFun (Const a b) (Const a b) -> Type) (a6989586621680711080 :: Const a b) | |
type Apply (TFHelper_6989586621680711093Sym1 a6989586621680711091 :: TyFun (Const a b) (Const a b) -> Type) (a6989586621680711092 :: Const a b) | |
type Apply (TFHelper_6989586621680711133Sym1 a6989586621680711131 :: TyFun (Const a b) (Const a b) -> Type) (a6989586621680711132 :: Const a b) | |
type Apply (TFHelper_6989586621680711190Sym1 a6989586621680711188 b m :: TyFun (Const m b) (Const m a) -> Type) (a6989586621680711189 :: Const m b) | |
type Apply (LiftA2_6989586621680711258Sym2 a6989586621680711256 a6989586621680711255 :: TyFun (Const m b) (Const m c) -> Type) (a6989586621680711257 :: Const m b) | |
fromRight :: b -> Either a b -> b #
Return the contents of a Right
-value or a default value otherwise.
Examples
Basic usage:
>>>
fromRight 1 (Right 3)
3>>>
fromRight 1 (Left "foo")
1
Since: base-4.10.0.0
fromLeft :: a -> Either a b -> a #
Return the contents of a Left
-value or a default value otherwise.
Examples
Basic usage:
>>>
fromLeft 1 (Left 3)
3>>>
fromLeft 1 (Right "foo")
1
Since: base-4.10.0.0
isRight :: Either a b -> Bool #
Return True
if the given value is a Right
-value, False
otherwise.
Examples
Basic usage:
>>>
isRight (Left "foo")
False>>>
isRight (Right 3)
True
Assuming a Left
value signifies some sort of error, we can use
isRight
to write a very simple reporting function that only
outputs "SUCCESS" when a computation has succeeded.
This example shows how isRight
might be used to avoid pattern
matching when one does not care about the value contained in the
constructor:
>>>
import Control.Monad ( when )
>>>
let report e = when (isRight e) $ putStrLn "SUCCESS"
>>>
report (Left "parse error")
>>>
report (Right 1)
SUCCESS
Since: base-4.7.0.0
isLeft :: Either a b -> Bool #
Return True
if the given value is a Left
-value, False
otherwise.
Examples
Basic usage:
>>>
isLeft (Left "foo")
True>>>
isLeft (Right 3)
False
Assuming a Left
value signifies some sort of error, we can use
isLeft
to write a very simple error-reporting function that does
absolutely nothing in the case of success, and outputs "ERROR" if
any error occurred.
This example shows how isLeft
might be used to avoid pattern
matching when one does not care about the value contained in the
constructor:
>>>
import Control.Monad ( when )
>>>
let report e = when (isLeft e) $ putStrLn "ERROR"
>>>
report (Right 1)
>>>
report (Left "parse error")
ERROR
Since: base-4.7.0.0
partitionEithers :: [Either a b] -> ([a], [b]) #
Partitions a list of Either
into two lists.
All the Left
elements are extracted, in order, to the first
component of the output. Similarly the Right
elements are extracted
to the second component of the output.
Examples
Basic usage:
>>>
let list = [ Left "foo", Right 3, Left "bar", Right 7, Left "baz" ]
>>>
partitionEithers list
(["foo","bar","baz"],[3,7])
The pair returned by
should be the same
pair as partitionEithers
x(
:lefts
x, rights
x)
>>>
let list = [ Left "foo", Right 3, Left "bar", Right 7, Left "baz" ]
>>>
partitionEithers list == (lefts list, rights list)
True
either :: (a -> c) -> (b -> c) -> Either a b -> c #
Case analysis for the Either
type.
If the value is
, apply the first function to Left
aa
;
if it is
, apply the second function to Right
bb
.
Examples
We create two values of type
, one using the
Either
String
Int
Left
constructor and another using the Right
constructor. Then
we apply "either" the length
function (if we have a String
)
or the "times-two" function (if we have an Int
):
>>>
let s = Left "foo" :: Either String Int
>>>
let n = Right 3 :: Either String Int
>>>
either length (*2) s
3>>>
either length (*2) n
6
comparing :: Ord a => (b -> a) -> b -> b -> Ordering #
comparing p x y = compare (p x) (p y)
Useful combinator for use in conjunction with the xxxBy
family
of functions from Data.List, for example:
... sortBy (comparing fst) ...
The Down
type allows you to reverse sort order conveniently. A value of type
contains a value of type Down
aa
(represented as
).
If Down
aa
has an
instance associated with it then comparing two
values thus wrapped will give you the opposite of their normal sort order.
This is particularly useful when sorting in generalised list comprehensions,
as in: Ord
then sortWith by
Down
x
Since: base-4.6.0.0
Constructors
Down a |
Instances
Monad Down | Since: base-4.11.0.0 |
Functor Down | Since: base-4.11.0.0 |
MonadFix Down | Since: base-4.12.0.0 |
Defined in Control.Monad.Fix | |
Applicative Down | Since: base-4.11.0.0 |
Foldable Down | Since: base-4.12.0.0 |
Defined in Data.Foldable Methods fold :: Monoid m => Down m -> m # foldMap :: Monoid m => (a -> m) -> Down a -> m # foldr :: (a -> b -> b) -> b -> Down a -> b # foldr' :: (a -> b -> b) -> b -> Down a -> b # foldl :: (b -> a -> b) -> b -> Down a -> b # foldl' :: (b -> a -> b) -> b -> Down a -> b # foldr1 :: (a -> a -> a) -> Down a -> a # foldl1 :: (a -> a -> a) -> Down a -> a # elem :: Eq a => a -> Down a -> Bool # maximum :: Ord a => Down a -> a # | |
Traversable Down | Since: base-4.12.0.0 |
Eq1 Down | Since: base-4.12.0.0 |
Ord1 Down | Since: base-4.12.0.0 |
Defined in Data.Functor.Classes | |
Read1 Down | Since: base-4.12.0.0 |
Defined in Data.Functor.Classes | |
Show1 Down | Since: base-4.12.0.0 |
NFData1 Down | Since: deepseq-1.4.3.0 |
Defined in Control.DeepSeq | |
Eq a => Eq (Down a) | Since: base-4.6.0.0 |
Num a => Num (Down a) | Since: base-4.11.0.0 |
Ord a => Ord (Down a) | Since: base-4.6.0.0 |
Read a => Read (Down a) | Since: base-4.7.0.0 |
Show a => Show (Down a) | Since: base-4.7.0.0 |
Generic (Down a) | |
Semigroup a => Semigroup (Down a) | Since: base-4.11.0.0 |
Monoid a => Monoid (Down a) | Since: base-4.11.0.0 |
NFData a => NFData (Down a) | Since: deepseq-1.4.0.0 |
Defined in Control.DeepSeq | |
PMonoid (Down a) | |
SMonoid a => SMonoid (Down a) | |
Defined in Data.Singletons.Prelude.Monoid | |
PSemigroup (Down a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
SSemigroup a => SSemigroup (Down a) | |
PNum (Down a) | |
SNum a => SNum (Down a) | |
Defined in Data.Singletons.Prelude.Num Methods (%+) :: Sing t1 -> Sing t2 -> Sing (Apply (Apply (+@#@$) t1) t2) # (%-) :: Sing t1 -> Sing t2 -> Sing (Apply (Apply (-@#@$) t1) t2) # (%*) :: Sing t1 -> Sing t2 -> Sing (Apply (Apply (*@#@$) t1) t2) # sNegate :: Sing t -> Sing (Apply NegateSym0 t) # sAbs :: Sing t -> Sing (Apply AbsSym0 t) # sSignum :: Sing t -> Sing (Apply SignumSym0 t) # sFromInteger :: Sing t -> Sing (Apply FromIntegerSym0 t) # | |
POrd (Down a) | |
SOrd a => SOrd (Down a) | |
Defined in Data.Singletons.Prelude.Ord Methods sCompare :: Sing t1 -> Sing t2 -> Sing (Apply (Apply CompareSym0 t1) t2) # (%<) :: Sing t1 -> Sing t2 -> Sing (Apply (Apply (<@#@$) t1) t2) # (%<=) :: Sing t1 -> Sing t2 -> Sing (Apply (Apply (<=@#@$) t1) t2) # (%>) :: Sing t1 -> Sing t2 -> Sing (Apply (Apply (>@#@$) t1) t2) # (%>=) :: Sing t1 -> Sing t2 -> Sing (Apply (Apply (>=@#@$) t1) t2) # sMax :: Sing t1 -> Sing t2 -> Sing (Apply (Apply MaxSym0 t1) t2) # sMin :: Sing t1 -> Sing t2 -> Sing (Apply (Apply MinSym0 t1) t2) # | |
Generic1 Down | |
SuppressUnusedWarnings (Pure_6989586621681198706Sym0 :: TyFun a6989586621679544265 (Down a6989586621679544265) -> Type) | |
Defined in Data.Singletons.Prelude.Applicative Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (DownSym0 :: TyFun a6989586621679077472 (Down a6989586621679077472) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679389261Sym0 :: TyFun (Down a6989586621679389233) (Down a6989586621679389233 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SingI (DownSym0 :: TyFun a (Down a) -> Type) | |
Defined in Data.Singletons.Prelude.Ord | |
SuppressUnusedWarnings (TFHelper_6989586621679714008Sym0 :: TyFun a6989586621679544262 (Down b6989586621679544263 ~> Down a6989586621679544262) -> Type) | |
Defined in Data.Singletons.Prelude.Functor Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621681207909Sym0 :: TyFun (Down a6989586621679544289) ((a6989586621679544289 ~> Down b6989586621679544290) ~> Down b6989586621679544290) -> Type) | |
Defined in Data.Singletons.Prelude.Monad Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679389261Sym1 a6989586621679389259 :: TyFun (Down a6989586621679389233) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621681198717Sym0 :: TyFun (Down (a6989586621679544266 ~> b6989586621679544267)) (Down a6989586621679544266 ~> Down b6989586621679544267) -> Type) | |
Defined in Data.Singletons.Prelude.Applicative Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Fmap_6989586621679713989Sym0 :: TyFun (a6989586621679544260 ~> b6989586621679544261) (Down a6989586621679544260 ~> Down b6989586621679544261) -> Type) | |
Defined in Data.Singletons.Prelude.Functor Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621681198717Sym1 a6989586621681198715 :: TyFun (Down a6989586621679544266) (Down b6989586621679544267) -> Type) | |
Defined in Data.Singletons.Prelude.Applicative Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679714008Sym1 a6989586621679714006 b6989586621679544263 :: TyFun (Down b6989586621679544263) (Down a6989586621679544262) -> Type) | |
Defined in Data.Singletons.Prelude.Functor Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Fmap_6989586621679713989Sym1 a6989586621679713987 :: TyFun (Down a6989586621679544260) (Down b6989586621679544261) -> Type) | |
Defined in Data.Singletons.Prelude.Functor Methods suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621681207909Sym1 a6989586621681207907 b6989586621679544290 :: TyFun (a6989586621679544289 ~> Down b6989586621679544290) (Down b6989586621679544290) -> Type) | |
Defined in Data.Singletons.Prelude.Monad Methods suppressUnusedWarnings :: () # | |
type Pure (a :: k1) | |
type Fail arg | |
type Return (arg :: a) | |
type (a1 :: k1) <$ (a2 :: Down b6989586621679544263) | |
type Fmap (a1 :: a6989586621679544260 ~> b6989586621679544261) (a2 :: Down a6989586621679544260) | |
Defined in Data.Singletons.Prelude.Functor | |
type (arg1 :: Down a) <* (arg2 :: Down b) | |
type (arg1 :: Down a) *> (arg2 :: Down b) | |
type (a1 :: Down (a6989586621679544266 ~> b6989586621679544267)) <*> (a2 :: Down a6989586621679544266) | |
Defined in Data.Singletons.Prelude.Applicative | |
type (arg1 :: Down a) >> (arg2 :: Down b) | |
type (a1 :: Down a6989586621679544289) >>= (a2 :: a6989586621679544289 ~> Down b6989586621679544290) | |
Defined in Data.Singletons.Prelude.Monad | |
type LiftA2 (arg1 :: a ~> (b ~> c)) (arg2 :: Down a) (arg3 :: Down b) | |
type Apply (Compare_6989586621679389261Sym1 a6989586621679389259 :: TyFun (Down a) Ordering -> Type) (a6989586621679389260 :: Down a) | |
type Rep (Down a) | Since: base-4.12.0.0 |
Defined in GHC.Generics | |
data Sing (b :: Down a) | |
type Mempty | |
Defined in Data.Singletons.Prelude.Monoid | |
type Demote (Down a) | |
Defined in Data.Singletons.Prelude.Ord | |
type Rep1 Down | Since: base-4.12.0.0 |
Defined in GHC.Generics | |
type Mconcat (arg :: [Down a]) | |
type Sconcat (arg :: NonEmpty (Down a)) | |
type FromInteger a2 | |
Defined in Data.Singletons.Prelude.Num | |
type Signum (a2 :: Down a1) | |
type Abs (a2 :: Down a1) | |
type Negate (a2 :: Down a1) | |
type Mappend (arg1 :: Down a) (arg2 :: Down a) | |
type (a2 :: Down a1) <> (a3 :: Down a1) | |
type (a2 :: Down a1) * (a3 :: Down a1) | |
type (a2 :: Down a1) - (a3 :: Down a1) | |
type (a2 :: Down a1) + (a3 :: Down a1) | |
type Min (arg1 :: Down a) (arg2 :: Down a) | |
type Max (arg1 :: Down a) (arg2 :: Down a) | |
type (arg1 :: Down a) >= (arg2 :: Down a) | |
type (arg1 :: Down a) > (arg2 :: Down a) | |
type (arg1 :: Down a) <= (arg2 :: Down a) | |
type (arg1 :: Down a) < (arg2 :: Down a) | |
type Compare (a2 :: Down a1) (a3 :: Down a1) | |
type (x :: Down a) /= (y :: Down a) | |
type (a2 :: Down a1) == (b :: Down a1) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Pure_6989586621681198706Sym0 :: TyFun a (Down a) -> Type) (a6989586621681198705 :: a) | |
Defined in Data.Singletons.Prelude.Applicative | |
type Apply (DownSym0 :: TyFun a (Down a) -> Type) (t6989586621679388748 :: a) | |
type Apply (TFHelper_6989586621681198717Sym1 a6989586621681198715 :: TyFun (Down a) (Down b) -> Type) (a6989586621681198716 :: Down a) | |
type Apply (Fmap_6989586621679713989Sym1 a6989586621679713987 :: TyFun (Down a) (Down b) -> Type) (a6989586621679713988 :: Down a) | |
type Apply (TFHelper_6989586621679714008Sym1 a6989586621679714006 b :: TyFun (Down b) (Down a) -> Type) (a6989586621679714007 :: Down b) | |
type Apply (TFHelper_6989586621681207909Sym1 a6989586621681207907 b :: TyFun (a ~> Down b) (Down b) -> Type) (a6989586621681207908 :: a ~> Down b) | |
type Apply (TFHelper_6989586621679714008Sym0 :: TyFun a6989586621679544262 (Down b6989586621679544263 ~> Down a6989586621679544262) -> Type) (a6989586621679714006 :: a6989586621679544262) | |
Defined in Data.Singletons.Prelude.Functor type Apply (TFHelper_6989586621679714008Sym0 :: TyFun a6989586621679544262 (Down b6989586621679544263 ~> Down a6989586621679544262) -> Type) (a6989586621679714006 :: a6989586621679544262) = (TFHelper_6989586621679714008Sym1 a6989586621679714006 b6989586621679544263 :: TyFun (Down b6989586621679544263) (Down a6989586621679544262) -> Type) | |
type Apply (Compare_6989586621679389261Sym0 :: TyFun (Down a6989586621679389233) (Down a6989586621679389233 ~> Ordering) -> Type) (a6989586621679389259 :: Down a6989586621679389233) | |
type Apply (TFHelper_6989586621681198717Sym0 :: TyFun (Down (a6989586621679544266 ~> b6989586621679544267)) (Down a6989586621679544266 ~> Down b6989586621679544267) -> Type) (a6989586621681198715 :: Down (a6989586621679544266 ~> b6989586621679544267)) | |
Defined in Data.Singletons.Prelude.Applicative type Apply (TFHelper_6989586621681198717Sym0 :: TyFun (Down (a6989586621679544266 ~> b6989586621679544267)) (Down a6989586621679544266 ~> Down b6989586621679544267) -> Type) (a6989586621681198715 :: Down (a6989586621679544266 ~> b6989586621679544267)) = TFHelper_6989586621681198717Sym1 a6989586621681198715 | |
type Apply (TFHelper_6989586621681207909Sym0 :: TyFun (Down a6989586621679544289) ((a6989586621679544289 ~> Down b6989586621679544290) ~> Down b6989586621679544290) -> Type) (a6989586621681207907 :: Down a6989586621679544289) | |
Defined in Data.Singletons.Prelude.Monad type Apply (TFHelper_6989586621681207909Sym0 :: TyFun (Down a6989586621679544289) ((a6989586621679544289 ~> Down b6989586621679544290) ~> Down b6989586621679544290) -> Type) (a6989586621681207907 :: Down a6989586621679544289) = (TFHelper_6989586621681207909Sym1 a6989586621681207907 b6989586621679544290 :: TyFun (a6989586621679544289 ~> Down b6989586621679544290) (Down b6989586621679544290) -> Type) | |
type Apply (Fmap_6989586621679713989Sym0 :: TyFun (a6989586621679544260 ~> b6989586621679544261) (Down a6989586621679544260 ~> Down b6989586621679544261) -> Type) (a6989586621679713987 :: a6989586621679544260 ~> b6989586621679544261) | |
Defined in Data.Singletons.Prelude.Functor |
See openFile
Constructors
ReadMode | |
WriteMode | |
AppendMode | |
ReadWriteMode |
The lex
function reads a single lexeme from the input, discarding
initial white space, and returning the characters that constitute the
lexeme. If the input string contains only white space, lex
returns a
single successful `lexeme' consisting of the empty string. (Thus
.) If there is no legal lexeme at the
beginning of the input string, lex
"" = [("","")]lex
fails (i.e. returns []
).
This lexer is not completely faithful to the Haskell lexical syntax in the following respects:
- Qualified names are not handled properly
- Octal and hexadecimal numerics are not recognized as a single token
- Comments are not treated properly
void :: Functor f => f a -> f () #
discards or ignores the result of evaluation, such
as the return value of an void
valueIO
action.
Examples
Replace the contents of a
with unit:Maybe
Int
>>>
void Nothing
Nothing>>>
void (Just 3)
Just ()
Replace the contents of an
with unit,
resulting in an Either
Int
Int
:Either
Int
'()'
>>>
void (Left 8675309)
Left 8675309>>>
void (Right 8675309)
Right ()
Replace every element of a list with unit:
>>>
void [1,2,3]
[(),(),()]
Replace the second element of a pair with unit:
>>>
void (1,2)
(1,())
Discard the result of an IO
action:
>>>
mapM print [1,2]
1 2 [(),()]>>>
void $ mapM print [1,2]
1 2
lcm :: Integral a => a -> a -> a #
is the smallest positive integer that both lcm
x yx
and y
divide.
gcd :: Integral a => a -> a -> a #
is the non-negative factor of both gcd
x yx
and y
of which
every common factor of x
and y
is also a factor; for example
, gcd
4 2 = 2
, gcd
(-4) 6 = 2
= gcd
0 44
.
= gcd
0 00
.
(That is, the common divisor that is "greatest" in the divisibility
preordering.)
Note: Since for signed fixed-width integer types,
,
the result may be negative if one of the arguments is abs
minBound
< 0
(and
necessarily is if the other is minBound
0
or
) for such types.minBound
(^^) :: (Fractional a, Integral b) => a -> b -> a infixr 8 #
raise a number to an integral power
showString :: String -> ShowS #
utility function converting a String
to a show function that
simply prepends the string unchanged.
utility function converting a Char
to a show function that
simply prepends the character unchanged.
unzip :: [(a, b)] -> ([a], [b]) #
unzip
transforms a list of pairs into a list of first components
and a list of second components.
(!!) :: [a] -> Int -> a infixl 9 #
List index (subscript) operator, starting from 0.
It is an instance of the more general genericIndex
,
which takes an index of any integral type.
cycle
ties a finite list into a circular one, or equivalently,
the infinite repetition of the original list. It is the identity
on infinite lists.
Return all the elements of a list except the last one. The list must be non-empty.
mapMaybe :: (a -> Maybe b) -> [a] -> [b] #
The mapMaybe
function is a version of map
which can throw
out elements. In particular, the functional argument returns
something of type
. If this is Maybe
bNothing
, no element
is added on to the result list. If it is
, then Just
bb
is
included in the result list.
Examples
Using
is a shortcut for mapMaybe
f x
in most cases:catMaybes
$ map
f x
>>>
import Text.Read ( readMaybe )
>>>
let readMaybeInt = readMaybe :: String -> Maybe Int
>>>
mapMaybe readMaybeInt ["1", "Foo", "3"]
[1,3]>>>
catMaybes $ map readMaybeInt ["1", "Foo", "3"]
[1,3]
If we map the Just
constructor, the entire list should be returned:
>>>
mapMaybe Just [1,2,3]
[1,2,3]
listToMaybe :: [a] -> Maybe a #
The listToMaybe
function returns Nothing
on an empty list
or
where Just
aa
is the first element of the list.
Examples
Basic usage:
>>>
listToMaybe []
Nothing
>>>
listToMaybe [9]
Just 9
>>>
listToMaybe [1,2,3]
Just 1
Composing maybeToList
with listToMaybe
should be the identity
on singleton/empty lists:
>>>
maybeToList $ listToMaybe [5]
[5]>>>
maybeToList $ listToMaybe []
[]
But not on lists with more than one element:
>>>
maybeToList $ listToMaybe [1,2,3]
[1]
maybeToList :: Maybe a -> [a] #
The maybeToList
function returns an empty list when given
Nothing
or a singleton list when not given Nothing
.
Examples
Basic usage:
>>>
maybeToList (Just 7)
[7]
>>>
maybeToList Nothing
[]
One can use maybeToList
to avoid pattern matching when combined
with a function that (safely) works on lists:
>>>
import Text.Read ( readMaybe )
>>>
sum $ maybeToList (readMaybe "3")
3>>>
sum $ maybeToList (readMaybe "")
0
fromMaybe :: a -> Maybe a -> a #
The fromMaybe
function takes a default value and and Maybe
value. If the Maybe
is Nothing
, it returns the default values;
otherwise, it returns the value contained in the Maybe
.
Examples
Basic usage:
>>>
fromMaybe "" (Just "Hello, World!")
"Hello, World!"
>>>
fromMaybe "" Nothing
""
Read an integer from a string using readMaybe
. If we fail to
parse an integer, we want to return 0
by default:
>>>
import Text.Read ( readMaybe )
>>>
fromMaybe 0 (readMaybe "5")
5>>>
fromMaybe 0 (readMaybe "")
0
maybe :: b -> (a -> b) -> Maybe a -> b #
The maybe
function takes a default value, a function, and a Maybe
value. If the Maybe
value is Nothing
, the function returns the
default value. Otherwise, it applies the function to the value inside
the Just
and returns the result.
Examples
Basic usage:
>>>
maybe False odd (Just 3)
True
>>>
maybe False odd Nothing
False
Read an integer from a string using readMaybe
. If we succeed,
return twice the integer; that is, apply (*2)
to it. If instead
we fail to parse an integer, return 0
by default:
>>>
import Text.Read ( readMaybe )
>>>
maybe 0 (*2) (readMaybe "5")
10>>>
maybe 0 (*2) (readMaybe "")
0
Apply show
to a Maybe Int
. If we have Just n
, we want to show
the underlying Int
n
. But if we have Nothing
, we return the
empty string instead of (for example) "Nothing":
>>>
maybe "" show (Just 5)
"5">>>
maybe "" show Nothing
""
uncurry :: (a -> b -> c) -> (a, b) -> c #
uncurry
converts a curried function to a function on pairs.
Examples
>>>
uncurry (+) (1,2)
3
>>>
uncurry ($) (show, 1)
"1"
>>>
map (uncurry max) [(1,2), (3,4), (6,8)]
[2,4,8]
until :: (a -> Bool) -> (a -> a) -> a -> a #
yields the result of applying until
p ff
until p
holds.
($!) :: (a -> b) -> a -> b infixr 0 #
Strict (call-by-value) application operator. It takes a function and an argument, evaluates the argument to weak head normal form (WHNF), then calls the function with that value.
flip :: (a -> b -> c) -> b -> a -> c #
takes its (first) two arguments in the reverse order of flip
ff
.
>>>
flip (++) "hello" "world"
"worldhello"
const x
is a unary function which evaluates to x
for all inputs.
>>>
const 42 "hello"
42
>>>
map (const 42) [0..3]
[42,42,42,42]
when :: Applicative f => Bool -> f () -> f () #
Conditional execution of Applicative
expressions. For example,
when debug (putStrLn "Debugging")
will output the string Debugging
if the Boolean value debug
is True
, and otherwise do nothing.
(=<<) :: Monad m => (a -> m b) -> m a -> m b infixr 1 #
Same as >>=
, but with the arguments interchanged.
liftA3 :: Applicative f => (a -> b -> c -> d) -> f a -> f b -> f c -> f d #
Lift a ternary function to actions.
liftA :: Applicative f => (a -> b) -> f a -> f b #
(<**>) :: Applicative f => f a -> f (a -> b) -> f b infixl 4 #
A variant of <*>
with the arguments reversed.
undefined :: HasCallStack => a #
errorWithoutStackTrace :: [Char] -> a #
A variant of error
that does not produce a stack trace.
Since: base-4.9.0.0
error :: HasCallStack => [Char] -> a #
error
stops execution and displays an error message.
data SomeException where #
The SomeException
type is the root of the exception type hierarchy.
When an exception of type e
is thrown, behind the scenes it is
encapsulated in a SomeException
.
Constructors
SomeException :: forall e. Exception e => e -> SomeException |
Instances
Show SomeException | Since: base-3.0 |
Defined in GHC.Exception.Type Methods showsPrec :: Int -> SomeException -> ShowS # show :: SomeException -> String # showList :: [SomeException] -> ShowS # | |
Exception SomeException | Since: base-3.0 |
Defined in GHC.Exception.Type Methods toException :: SomeException -> SomeException # fromException :: SomeException -> Maybe SomeException # displayException :: SomeException -> String # |
lift :: (MonadTrans t, Monad m) => m a -> t m a #
Lift a computation from the argument monad to the constructed monad.
class Monad m => MonadThrow (m :: Type -> Type) #
A class for monads in which exceptions may be thrown.
Instances should obey the following law:
throwM e >> x = throwM e
In other words, throwing an exception short-circuits the rest of the monadic computation.
Minimal complete definition
Instances
handleIOError :: MonadCatch m => (IOError -> m a) -> m a -> m a #
Flipped catchIOError
catchIOError :: MonadCatch m => m a -> (IOError -> m a) -> m a #
Catch all IOError
(eqv. IOException
) exceptions. Still somewhat too
general, but better than using catchAll
. See catchIf
for an easy way
of catching specific IOError
s based on the predicates in System.IO.Error.
uninterruptibleMask_ :: MonadMask m => m a -> m a #
Like uninterruptibleMask
, but does not pass a restore
action to the
argument.
class MonadThrow m => MonadCatch (m :: Type -> Type) #
A class for monads which allow exceptions to be caught, in particular
exceptions which were thrown by throwM
.
Instances should obey the following law:
catch (throwM e) f = f e
Note that the ability to catch an exception does not guarantee that we can
deal with all possible exit points from a computation. Some monads, such as
continuation-based stacks, allow for more than just a success/failure
strategy, and therefore catch
cannot be used by those monads to properly
implement a function such as finally
. For more information, see
MonadMask
.
Minimal complete definition
Instances
MonadCatch IO | |
MonadCatch STM | |
e ~ SomeException => MonadCatch (Either e) | Since: exceptions-0.8.3 |
MonadCatch m => MonadCatch (MaybeT m) | Catches exceptions from the base monad. |
MonadCatch m => MonadCatch (ResourceT m) | |
MonadCatch m => MonadCatch (ListT m) | |
MonadCatch m => MonadCatch (ByteString m) | |
Defined in Data.ByteString.Streaming.Internal Methods catch :: Exception e => ByteString m a -> (e -> ByteString m a) -> ByteString m a # | |
(MonadCatch m, Monoid w) => MonadCatch (WriterT w m) | |
(MonadCatch m, Monoid w) => MonadCatch (WriterT w m) | |
MonadCatch m => MonadCatch (StateT s m) | |
MonadCatch m => MonadCatch (StateT s m) | |
MonadCatch m => MonadCatch (ExceptT e m) | Catches exceptions from the base monad. |
(Error e, MonadCatch m) => MonadCatch (ErrorT e m) | Catches exceptions from the base monad. |
MonadCatch m => MonadCatch (IdentityT m) | |
MonadCatch m => MonadCatch (ReaderT r m) | |
(MonadCatch m, Monoid w) => MonadCatch (RWST r w s m) | |
(MonadCatch m, Monoid w) => MonadCatch (RWST r w s m) | |
class MonadCatch m => MonadMask (m :: Type -> Type) where #
A class for monads which provide for the ability to account for all possible exit points from a computation, and to mask asynchronous exceptions. Continuation-based monads are invalid instances of this class.
Instances should ensure that, in the following code:
fg = f `finally` g
The action g
is called regardless of what occurs within f
, including
async exceptions. Some monads allow f
to abort the computation via other
effects than throwing an exception. For simplicity, we will consider aborting
and throwing an exception to be two forms of "throwing an error".
If f
and g
both throw an error, the error thrown by fg
depends on which
errors we're talking about. In a monad transformer stack, the deeper layers
override the effects of the inner layers; for example, ExceptT e1 (Except
e2) a
represents a value of type Either e2 (Either e1 a)
, so throwing both
an e1
and an e2
will result in Left e2
. If f
and g
both throw an
error from the same layer, instances should ensure that the error from g
wins.
Effects other than throwing an error are also overriden by the deeper layers.
For example, StateT s Maybe a
represents a value of type s -> Maybe (a,
s)
, so if an error thrown from f
causes this function to return Nothing
,
any changes to the state which f
also performed will be erased. As a
result, g
will see the state as it was before f
. Once g
completes,
f
's error will be rethrown, so g
' state changes will be erased as well.
This is the normal interaction between effects in a monad transformer stack.
By contrast, lifted-base's
version of finally
always discards all of g
's non-IO effects, and g
never sees any of f
's non-IO effects, regardless of the layer ordering and
regardless of whether f
throws an error. This is not the result of
interacting effects, but a consequence of MonadBaseControl
's approach.
Methods
mask :: ((forall a. m a -> m a) -> m b) -> m b #
Runs an action with asynchronous exceptions disabled. The action is
provided a method for restoring the async. environment to what it was
at the mask
call. See Control.Exception's mask
.
uninterruptibleMask :: ((forall a. m a -> m a) -> m b) -> m b #
Like mask
, but the masked computation is not interruptible (see
Control.Exception's uninterruptibleMask
. WARNING:
Only use if you need to mask exceptions around an interruptible operation
AND you can guarantee the interruptible operation will only block for a
short period of time. Otherwise you render the program/thread unresponsive
and/or unkillable.
Arguments
:: m a | acquire some resource |
-> (a -> ExitCase b -> m c) | release the resource, observing the outcome of the inner action |
-> (a -> m b) | inner action to perform with the resource |
-> m (b, c) |
A generalized version of bracket
which uses ExitCase
to distinguish
the different exit cases, and returns the values of both the use
and
release
actions. In practice, this extra information is rarely needed,
so it is often more convenient to use one of the simpler functions which
are defined in terms of this one, such as bracket
, finally
, onError
,
and bracketOnError
.
This function exists because in order to thread their effects through the
execution of bracket
, monad transformers need values to be threaded from
use
to release
and from release
to the output value.
NOTE This method was added in version 0.9.0 of this
library. Previously, implementation of functions like bracket
and finally
in this module were based on the mask
and
uninterruptibleMask
functions only, disallowing some classes of
tranformers from having MonadMask
instances (notably
multi-exit-point transformers like ExceptT
). If you are a
library author, you'll now need to provide an implementation for
this method. The StateT
implementation demonstrates most of the
subtleties:
generalBracket acquire release use = StateT $ s0 -> do ((b, _s2), (c, s3)) <- generalBracket (runStateT acquire s0) ((resource, s1) exitCase -> case exitCase of ExitCaseSuccess (b, s2) -> runStateT (release resource (ExitCaseSuccess b)) s2 -- In the two other cases, the base monad overridesuse
's state -- changes and the state reverts tos1
. ExitCaseException e -> runStateT (release resource (ExitCaseException e)) s1 ExitCaseAbort -> runStateT (release resource ExitCaseAbort) s1 ) ((resource, s1) -> runStateT (use resource) s1) return ((b, c), s3)
The StateT s m
implementation of generalBracket
delegates to the m
implementation of generalBracket
. The acquire
, use
, and release
arguments given to StateT
's implementation produce actions of type
StateT s m a
, StateT s m b
, and StateT s m c
. In order to run those
actions in the base monad, we need to call runStateT
, from which we
obtain actions of type m (a, s)
, m (b, s)
, and m (c, s)
. Since each
action produces the next state, it is important to feed the state produced
by the previous action to the next action.
In the ExitCaseSuccess
case, the state starts at s0
, flows through
acquire
to become s1
, flows through use
to become s2
, and finally
flows through release
to become s3
. In the other two cases, release
does not receive the value s2
, so its action cannot see the state changes
performed by use
. This is fine, because in those two cases, an error was
thrown in the base monad, so as per the usual interaction between effects
in a monad transformer stack, those state changes get reverted. So we start
from s1
instead.
Finally, the m
implementation of generalBracket
returns the pairs
(b, s)
and (c, s)
. For monad transformers other than StateT
, this
will be some other type representing the effects and values performed and
returned by the use
and release
actions. The effect part of the use
result, in this case _s2
, usually needs to be discarded, since those
effects have already been incorporated in the release
action.
The only effect which is intentionally not incorporated in the release
action is the effect of throwing an error. In that case, the error must be
re-thrown. One subtlety which is easy to miss is that in the case in which
use
and release
both throw an error, the error from release
should
take priority. Here is an implementation for ExceptT
which demonstrates
how to do this.
generalBracket acquire release use = ExceptT $ do (eb, ec) <- generalBracket (runExceptT acquire) (eresource exitCase -> case eresource of Left e -> return (Left e) -- nothing to release, acquire didn't succeed Right resource -> case exitCase of ExitCaseSuccess (Right b) -> runExceptT (release resource (ExitCaseSuccess b)) ExitCaseException e -> runExceptT (release resource (ExitCaseException e)) _ -> runExceptT (release resource ExitCaseAbort)) (either (return . Left) (runExceptT . use)) return $ do -- The order in which we perform those twoEither
effects determines -- which error will win if they are bothLeft
s. We want the error from --release
to win. c <- ec b <- eb return (b, c)
Since: exceptions-0.9.0
Instances
MonadMask IO | |
e ~ SomeException => MonadMask (Either e) | Since: exceptions-0.8.3 |
Defined in Control.Monad.Catch | |
MonadMask m => MonadMask (MaybeT m) | Since: exceptions-0.10.0 |
Defined in Control.Monad.Catch | |
MonadMask m => MonadMask (ResourceT m) | |
Defined in Control.Monad.Trans.Resource.Internal Methods mask :: ((forall a. ResourceT m a -> ResourceT m a) -> ResourceT m b) -> ResourceT m b # uninterruptibleMask :: ((forall a. ResourceT m a -> ResourceT m a) -> ResourceT m b) -> ResourceT m b # generalBracket :: ResourceT m a -> (a -> ExitCase b -> ResourceT m c) -> (a -> ResourceT m b) -> ResourceT m (b, c) # | |
(MonadMask m, Monoid w) => MonadMask (WriterT w m) | |
Defined in Control.Monad.Catch Methods mask :: ((forall a. WriterT w m a -> WriterT w m a) -> WriterT w m b) -> WriterT w m b # uninterruptibleMask :: ((forall a. WriterT w m a -> WriterT w m a) -> WriterT w m b) -> WriterT w m b # generalBracket :: WriterT w m a -> (a -> ExitCase b -> WriterT w m c) -> (a -> WriterT w m b) -> WriterT w m (b, c) # | |
(MonadMask m, Monoid w) => MonadMask (WriterT w m) | |
Defined in Control.Monad.Catch Methods mask :: ((forall a. WriterT w m a -> WriterT w m a) -> WriterT w m b) -> WriterT w m b # uninterruptibleMask :: ((forall a. WriterT w m a -> WriterT w m a) -> WriterT w m b) -> WriterT w m b # generalBracket :: WriterT w m a -> (a -> ExitCase b -> WriterT w m c) -> (a -> WriterT w m b) -> WriterT w m (b, c) # | |
MonadMask m => MonadMask (StateT s m) | |
Defined in Control.Monad.Catch Methods mask :: ((forall a. StateT s m a -> StateT s m a) -> StateT s m b) -> StateT s m b # uninterruptibleMask :: ((forall a. StateT s m a -> StateT s m a) -> StateT s m b) -> StateT s m b # generalBracket :: StateT s m a -> (a -> ExitCase b -> StateT s m c) -> (a -> StateT s m b) -> StateT s m (b, c) # | |
MonadMask m => MonadMask (StateT s m) | |
Defined in Control.Monad.Catch Methods mask :: ((forall a. StateT s m a -> StateT s m a) -> StateT s m b) -> StateT s m b # uninterruptibleMask :: ((forall a. StateT s m a -> StateT s m a) -> StateT s m b) -> StateT s m b # generalBracket :: StateT s m a -> (a -> ExitCase b -> StateT s m c) -> (a -> StateT s m b) -> StateT s m (b, c) # | |
MonadMask m => MonadMask (ExceptT e m) | Since: exceptions-0.9.0 |
Defined in Control.Monad.Catch Methods mask :: ((forall a. ExceptT e m a -> ExceptT e m a) -> ExceptT e m b) -> ExceptT e m b # uninterruptibleMask :: ((forall a. ExceptT e m a -> ExceptT e m a) -> ExceptT e m b) -> ExceptT e m b # generalBracket :: ExceptT e m a -> (a -> ExitCase b -> ExceptT e m c) -> (a -> ExceptT e m b) -> ExceptT e m (b, c) # | |
(Error e, MonadMask m) => MonadMask (ErrorT e m) | |
Defined in Control.Monad.Catch Methods mask :: ((forall a. ErrorT e m a -> ErrorT e m a) -> ErrorT e m b) -> ErrorT e m b # uninterruptibleMask :: ((forall a. ErrorT e m a -> ErrorT e m a) -> ErrorT e m b) -> ErrorT e m b # generalBracket :: ErrorT e m a -> (a -> ExitCase b -> ErrorT e m c) -> (a -> ErrorT e m b) -> ErrorT e m (b, c) # | |
MonadMask m => MonadMask (IdentityT m) | |
Defined in Control.Monad.Catch Methods mask :: ((forall a. IdentityT m a -> IdentityT m a) -> IdentityT m b) -> IdentityT m b # uninterruptibleMask :: ((forall a. IdentityT m a -> IdentityT m a) -> IdentityT m b) -> IdentityT m b # generalBracket :: IdentityT m a -> (a -> ExitCase b -> IdentityT m c) -> (a -> IdentityT m b) -> IdentityT m (b, c) # | |
MonadMask m => MonadMask (ReaderT r m) | |
Defined in Control.Monad.Catch Methods mask :: ((forall a. ReaderT r m a -> ReaderT r m a) -> ReaderT r m b) -> ReaderT r m b # uninterruptibleMask :: ((forall a. ReaderT r m a -> ReaderT r m a) -> ReaderT r m b) -> ReaderT r m b # generalBracket :: ReaderT r m a -> (a -> ExitCase b -> ReaderT r m c) -> (a -> ReaderT r m b) -> ReaderT r m (b, c) # | |
(MonadMask m, Monoid w) => MonadMask (RWST r w s m) | |
Defined in Control.Monad.Catch Methods mask :: ((forall a. RWST r w s m a -> RWST r w s m a) -> RWST r w s m b) -> RWST r w s m b # uninterruptibleMask :: ((forall a. RWST r w s m a -> RWST r w s m a) -> RWST r w s m b) -> RWST r w s m b # generalBracket :: RWST r w s m a -> (a -> ExitCase b -> RWST r w s m c) -> (a -> RWST r w s m b) -> RWST r w s m (b, c) # | |
(MonadMask m, Monoid w) => MonadMask (RWST r w s m) | |
Defined in Control.Monad.Catch Methods mask :: ((forall a. RWST r w s m a -> RWST r w s m a) -> RWST r w s m b) -> RWST r w s m b # uninterruptibleMask :: ((forall a. RWST r w s m a -> RWST r w s m a) -> RWST r w s m b) -> RWST r w s m b # generalBracket :: RWST r w s m a -> (a -> ExitCase b -> RWST r w s m c) -> (a -> RWST r w s m b) -> RWST r w s m (b, c) # |
class (Applicative b, Applicative m, Monad b, Monad m) => MonadBase (b :: Type -> Type) (m :: Type -> Type) | m -> b where #
Instances
repack :: (MonoFoldable a, IsSequence b, Element a ~ Element b) => a -> b #
Repack from one type to another, dropping to a list in the middle.
repack = pack . unpack
.
Since: mono-traversable-1.0.0
unpack :: MonoFoldable mono => mono -> [Element mono] #
Synonym for otoList
Since: mono-traversable-1.0.0
pack :: IsSequence seq => [Element seq] -> seq #
Synonym for fromList
Since: mono-traversable-1.0.0
sortOn :: (Ord o, SemiSequence seq) => (Element seq -> o) -> seq -> seq #
Same as sortBy . comparing
.
Since 0.7.0
catMaybes :: (IsSequence (f (Maybe t)), Functor f, Element (f (Maybe t)) ~ Maybe t) => f (Maybe t) -> f t #
Takes all of the Just
values from a sequence of Maybe t
s and
concatenates them into an unboxed sequence of t
s.
Since 0.6.2
sort :: (SemiSequence seq, Ord (Element seq)) => seq -> seq #
Sort a ordered sequence.
> sort
[4,3,1,2]
[1,2,3,4]
splitSeqLazyText :: Text -> Text -> [Text] #
splitSeqStrictText :: Text -> Text -> [Text] #
stripSuffixLazyBS :: ByteString -> ByteString -> Maybe ByteString #
stripPrefixLazyBS :: ByteString -> ByteString -> Maybe ByteString #
splitSeqLazyBS :: Word8 -> ByteString -> [ByteString] #
stripSuffixStrictBS :: ByteString -> ByteString -> Maybe ByteString #
stripPrefixStrictBS :: ByteString -> ByteString -> Maybe ByteString #
splitElemStrictBS :: Word8 -> ByteString -> [ByteString] #
deleteBy :: (IsSequence seq, Eq (Element seq)) => (Element seq -> Element seq -> Bool) -> Element seq -> seq -> seq #
Since: mono-traversable-0.10.2
delete :: (IsSequence seq, Eq (Element seq)) => Element seq -> seq -> seq #
Since: mono-traversable-0.10.2
groupAll :: (IsSequence seq, Eq (Element seq)) => seq -> [seq] #
Similar to standard group
, but operates on the whole collection,
not just the consecutive items.
Equivalent to groupAllOn
id
isInfixOf :: (IsSequence seq, Eq (Element seq)) => seq -> seq -> Bool #
isInfixOf
takes two sequences and returns true
if the first
sequence is contained, wholly and intact, anywhere within the second.
isSuffixOf :: (IsSequence seq, Eq (Element seq)) => seq -> seq -> Bool #
isSuffixOf
takes two sequences and returns True
if the first
sequence is a suffix of the second.
isPrefixOf :: (IsSequence seq, Eq (Element seq)) => seq -> seq -> Bool #
isPrefixOf
takes two sequences and returns True
if the first
sequence is a prefix of the second.
ensureSuffix :: (Eq (Element seq), IsSequence seq) => seq -> seq -> seq #
Append a suffix to a sequence, unless it already has that suffix.
>ensureSuffix
"bar" "foobar" "foobar" >ensureSuffix
"abc" "foobar" "foobarabc"
Since: mono-traversable-1.0.3
ensurePrefix :: (Eq (Element seq), IsSequence seq) => seq -> seq -> seq #
ensurePrefix
will add a prefix to a sequence if it doesn't
exist, and otherwise have no effect.
>ensurePrefix
"foo" "foobar" "foobar" >ensurePrefix
"abc" "foobar" "abcfoobar"
Since: mono-traversable-1.0.3
dropSuffix :: (IsSequence seq, Eq (Element seq)) => seq -> seq -> seq #
dropSuffix
drops the given suffix from a sequence. It returns the
original sequence if the sequence doesn't end with the given suffix.
>dropSuffix
"bar" "foobar" "foo" >dropSuffix
"abc" "foobar" "foobar"
Since: mono-traversable-1.0.7.0
dropPrefix :: (IsSequence seq, Eq (Element seq)) => seq -> seq -> seq #
dropPrefix
drops the given prefix from a sequence. It returns the
original sequence if the sequence doesn't start with the given prefix.
>dropPrefix
"foo" "foobar" "bar" >dropPrefix
"abc" "foobar" "foobar"
Since: mono-traversable-1.0.7.0
stripSuffix :: (IsSequence seq, Eq (Element seq)) => seq -> seq -> Maybe seq #
stripSuffix
drops the given suffix from a sequence.
It returns Nothing
if the sequence did not end with the suffix
given, or Just
the sequence before the suffix, if it does.
>stripSuffix
"bar" "foobar"Just
"foo" >stripSuffix
"abc" "foobar"Nothing
stripPrefix :: (IsSequence seq, Eq (Element seq)) => seq -> seq -> Maybe seq #
stripPrefix
drops the given prefix from a sequence.
It returns Nothing
if the sequence did not start with the prefix
given, or Just
the sequence after the prefix, if it does.
>stripPrefix
"foo" "foobar"Just
"bar" >stripPrefix
"abc" "foobar"Nothing
replaceSeq :: (IsSequence seq, Eq (Element seq)) => seq -> seq -> seq -> seq #
replaces all replaceSeq
old newold
subsequences with new
.
replaceSeq old new === ointercalate new . splitSeq old
Since: mono-traversable-1.0.1
splitSeq :: (IsSequence seq, Eq (Element seq)) => seq -> seq -> [seq] #
splits a sequence into components delimited by
separator subsequence. splitSeq
splitSeq
is the right inverse of intercalate
:
ointercalate x . splitSeq x === id
splitElem
can be considered a special case of splitSeq
splitSeq (singleton sep) === splitElem sep
is another special case: it splits just before each
element, and in line with splitSeq
memptysplitWhen
rules, it has at least one output
component:
>splitSeq
"" "" [""] >splitSeq
"" "a" ["", "a"] >splitSeq
"" "ab" ["", "a", "b"]
Since 0.9.3
initDef :: IsSequence seq => seq -> seq #
tailDef :: IsSequence seq => seq -> seq #
defaultSnoc :: IsSequence seq => seq -> Element seq -> seq #
defaultCons :: IsSequence seq => Element seq -> seq -> seq #
vectorSort :: (Vector v e, Ord e) => v e -> v e #
Sort a vector.
vectorSortBy :: Vector v e => (e -> e -> Ordering) -> v e -> v e #
Sort a vector using an supplied element ordering function.
defaultSplitWhen :: IsSequence seq => (Element seq -> Bool) -> seq -> [seq] #
Use splitWhen
from Data.List.Split
defaultSortBy :: IsSequence seq => (Element seq -> Element seq -> Ordering) -> seq -> seq #
defaultReverse :: IsSequence seq => seq -> seq #
defaultIntersperse :: IsSequence seq => Element seq -> seq -> seq #
Use Data.List's implementation of intersperse
.
defaultFind :: MonoFoldable seq => (Element seq -> Bool) -> seq -> Maybe (Element seq) #
singleton :: MonoPointed seq => Element seq -> seq #
class (Integral (Index seq), GrowingAppend seq) => SemiSequence seq where #
SemiSequence
was created to share code between IsSequence
and NonNull
.
Semi
means SemiGroup
A SemiSequence
can accomodate a SemiGroup
such as NonEmpty
or NonNull
A Monoid should be able to fill out IsSequence
.
SemiSequence
operations maintain the same type because they all maintain the same number of elements or increase them.
However, a decreasing function such as filter may change they type.
For example, from NonEmpty
to '[]'
This type-changing function exists on NonNull
as nfilter
filter
and other such functions are placed in IsSequence
NOTE: Like GrowingAppend
, ideally we'd have a Semigroup
superclass
constraint here, but that would pull in more dependencies to this package
than desired.
Methods
intersperse :: Element seq -> seq -> seq #
intersperse
takes an element and intersperses that element between
the elements of the sequence.
> intersperse
',' "abcde"
"a,b,c,d,e"
Reverse a sequence
> reverse
"hello world"
"dlrow olleh"
find :: (Element seq -> Bool) -> seq -> Maybe (Element seq) #
find
takes a predicate and a sequence and returns the first element in
the sequence matching the predicate, or Nothing
if there isn't an element
that matches the predicate.
>find
(== 5) [1 .. 10]Just
5 >find
(== 15) [1 .. 10]Nothing
sortBy :: (Element seq -> Element seq -> Ordering) -> seq -> seq #
Sort a sequence using an supplied element ordering function.
> let compare' x y = casecompare
x y of LT -> GT; EQ -> EQ; GT -> LT >sortBy
compare' [5,3,6,1,2,4] [6,5,4,3,2,1]
cons :: Element seq -> seq -> seq #
Prepend an element onto a sequence.
> 4 `cons
` [1,2,3]
[4,1,2,3]
snoc :: seq -> Element seq -> seq #
Append an element onto a sequence.
> [1,2,3] `snoc
` 4
[1,2,3,4]
Instances
class (Monoid seq, MonoTraversable seq, SemiSequence seq, MonoPointed seq) => IsSequence seq where #
Sequence Laws:
fromList
.otoList
=id
fromList
(x <> y) =fromList
x <>fromList
yotoList
(fromList
x <>fromList
y) = x <> y
Minimal complete definition
Nothing
Methods
fromList :: [Element seq] -> seq #
Convert a list to a sequence.
>fromList
[a
,b
,c
] :: Text "abc"
lengthIndex :: seq -> Index seq #
lengthIndex
returns the length of a sequence as
.Index
seq
Since: mono-traversable-1.0.2
break :: (Element seq -> Bool) -> seq -> (seq, seq) #
break
applies a predicate to a sequence, and returns a tuple where
the first element is the longest prefix (possibly empty) of elements that
do not satisfy the predicate. The second element of the tuple is the
remainder of the sequence.
is equivalent to break
pspan
(not
. p)
>break
(> 3) (fromList
[1,2,3,4,1,2,3,4] ::Vector
Int
) (fromList [1,2,3],fromList [4,1,2,3,4]) >break
(<z
) (fromList
"abc" ::Text
) ("","abc") >break
(>z
) (fromList
"abc" ::Text
) ("abc","")
span :: (Element seq -> Bool) -> seq -> (seq, seq) #
span
applies a predicate to a sequence, and returns a tuple where
the first element is the longest prefix (possibly empty) that
does satisfy the predicate. The second element of the tuple is the
remainder of the sequence.
is equivalent to span
p xs(
takeWhile
p xs, dropWhile
p xs)
>span
(< 3) (fromList
[1,2,3,4,1,2,3,4] ::Vector
Int
) (fromList [1,2],fromList [3,4,1,2,3,4]) >span
(<z
) (fromList
"abc" ::Text
) ("abc","") >span
(< 0) 1,2,3
dropWhile :: (Element seq -> Bool) -> seq -> seq #
dropWhile
returns the suffix remaining after takeWhile
.
>dropWhile
(< 3) [1,2,3,4,5,1,2,3] [3,4,5,1,2,3] >dropWhile
(<z
) (fromList
"abc" ::Text
) ""
takeWhile :: (Element seq -> Bool) -> seq -> seq #
takeWhile
applies a predicate to a sequence, and returns the
longest prefix (possibly empty) of the sequence of elements that
satisfy the predicate.
>takeWhile
(< 3) [1,2,3,4,5,1,2,3] [1,2] >takeWhile
(<z
) (fromList
"abc" ::Text
) "abc"
splitAt :: Index seq -> seq -> (seq, seq) #
returns a tuple where the first element is the prefix of
the sequence splitAt
n sese
with length n
, and the second element is the remainder of
the sequence.
>splitAt
6 "Hello world!" ("Hello ","world!") >splitAt
3 (fromList
[1,2,3,4,5] ::Vector
Int
) (fromList [1,2,3],fromList [4,5])
unsafeSplitAt :: Index seq -> seq -> (seq, seq) #
Equivalent to splitAt
.
take :: Index seq -> seq -> seq #
returns the prefix of a sequence of length take
nn
, or the
sequence itself if n >
.olength
seq
>take
3 "abcdefg" "abc" >take
4 (fromList
[1,2,3,4,5,6] ::Vector
Int
) fromList [1,2,3,4]
unsafeTake :: Index seq -> seq -> seq #
Equivalent to take
.
drop :: Index seq -> seq -> seq #
returns the suffix of a sequence after the first drop
nn
elements, or an empty sequence if n >
.olength
seq
>drop
3 "abcdefg" "defg" >drop
4 (fromList
[1,2,3,4,5,6] ::Vector
Int
) fromList [5,6]
unsafeDrop :: Index seq -> seq -> seq #
Equivalent to drop
dropEnd :: Index seq -> seq -> seq #
Same as drop
but drops from the end of the sequence instead.
>dropEnd
3 "abcdefg" "abcd" >dropEnd
4 (fromList
[1,2,3,4,5,6] ::Vector
Int
) fromList [1,2]
Since: mono-traversable-1.0.4.0
partition :: (Element seq -> Bool) -> seq -> (seq, seq) #
partition
takes a predicate and a sequence and returns the pair of
sequences of elements which do and do not satisfy the predicate.
partition
p se = (filter
p se,filter
(not
. p) se)
uncons :: seq -> Maybe (Element seq, seq) #
uncons
returns the tuple of the first element of a sequence and the rest
of the sequence, or Nothing
if the sequence is empty.
>uncons
(fromList
[1,2,3,4] ::Vector
Int
)Just
(1,fromList [2,3,4]) >uncons
([] :: [Int
])Nothing
unsnoc :: seq -> Maybe (seq, Element seq) #
unsnoc
returns the tuple of the init of a sequence and the last element,
or Nothing
if the sequence is empty.
>unsnoc
(fromList
[1,2,3,4] ::Vector
Int
)Just
(fromList [1,2,3],4) >unsnoc
([] :: [Int
])Nothing
filter :: (Element seq -> Bool) -> seq -> seq #
filter
given a predicate returns a sequence of all elements that satisfy
the predicate.
> filter
(< 5) [1 .. 10]
[1,2,3,4]
filterM :: Monad m => (Element seq -> m Bool) -> seq -> m seq #
The monadic version of filter
.
replicate :: Index seq -> Element seq -> seq #
is a sequence of length replicate
n xn
with x
as the
value of every element.
>replicate
10a
:: Text "aaaaaaaaaa"
replicateM :: Monad m => Index seq -> m (Element seq) -> m seq #
The monadic version of replicateM
.
groupBy :: (Element seq -> Element seq -> Bool) -> seq -> [seq] #
group
takes a sequence and returns a list of sequences such that the
concatenation of the result is equal to the argument. Each subsequence in
the result contains only equal elements, using the supplied equality test.
> groupBy
(==) Mississippi
[M,"i","ss","i","ss","i","pp","i"]
groupAllOn :: Eq b => (Element seq -> b) -> seq -> [seq] #
Similar to standard groupBy
, but operates on the whole collection,
not just the consecutive items.
subsequences :: seq -> [seq] #
subsequences
returns a list of all subsequences of the argument.
> subsequences
"abc"
["","a","b","ab","c","ac","bc","abc"]
permutations :: seq -> [seq] #
permutations
returns a list of all permutations of the argument.
> permutations
"abc"
["abc","bac","cba","bca","cab","acb"]
Unsafe
Get the tail of a sequence, throw an exception if the sequence is empty.
> tailEx
[1,2,3]
[2,3]
Safe version of tailEx
.
Returns Nothing
instead of throwing an exception when encountering
an empty monomorphic container.
Since: mono-traversable-1.0.0
Unsafe
Get the init of a sequence, throw an exception if the sequence is empty.
> initEx
[1,2,3]
[1,2]
Safe version of initEx
.
Returns Nothing
instead of throwing an exception when encountering
an empty monomorphic container.
Since: mono-traversable-1.0.0
unsafeTail :: seq -> seq #
Equivalent to tailEx
.
unsafeInit :: seq -> seq #
Equivalent to initEx
.
index :: seq -> Index seq -> Maybe (Element seq) #
Get the element of a sequence at a certain index, returns Nothing
if that index does not exist.
>index
(fromList
[1,2,3] ::Vector
Int
) 1Just
2 >index
(fromList
[1,2,3] ::Vector
Int
) 4Nothing
indexEx :: seq -> Index seq -> Element seq #
Unsafe
Get the element of a sequence at a certain index, throws an exception if the index does not exist.
unsafeIndex :: seq -> Index seq -> Element seq #
Equivalent to indexEx
.
splitWhen :: (Element seq -> Bool) -> seq -> [seq] #
splitWhen
splits a sequence into components delimited by separators,
where the predicate returns True for a separator element. The resulting
components do not contain the separators. Two adjacent separators result
in an empty component in the output. The number of resulting components
is greater by one than number of separators.
Since 0.9.3
Instances
class (IsSequence t, IsString t, Element t ~ Char) => Textual t where #
A typeclass for sequences whose elements are Char
s.
Methods
Break up a textual sequence into a list of words, which were delimited by white space.
> words
"abc def ghi"
["abc","def","ghi"]
unwords :: (Element seq ~ t, MonoFoldable seq) => seq -> t #
Join a list of textual sequences using seperating spaces.
> unwords
["abc","def","ghi"]
"abc def ghi"
Break up a textual sequence at newline characters.
> lines
"hello\nworld"
["hello","world"]
unlines :: (Element seq ~ t, MonoFoldable seq) => seq -> t #
Join a list of textual sequences using newlines.
> unlines
["abc","def","ghi"]
"abc\ndef\nghi"
Convert a textual sequence to lower-case.
> toLower
"HELLO WORLD"
"hello world"
Convert a textual sequence to upper-case.
> toUpper
"hello world"
"HELLO WORLD"
toCaseFold :: t -> t #
Convert a textual sequence to folded-case.
Slightly different from toLower
, see Data.Text.
toCaseFold
Split a textual sequence into two parts, split at the first space.
> breakWord
"hello world"
("hello","world")
Split a textual sequence into two parts, split at the newline.
> breakLine
"abc\ndef"
("abc","def")
Instances
Textual Text | |
Textual Text | |
c ~ Char => Textual [c] | |
Defined in Data.Sequences Methods unwords :: (Element seq ~ [c], MonoFoldable seq) => seq -> [c] # unlines :: (Element seq ~ [c], MonoFoldable seq) => seq -> [c] # toCaseFold :: [c] -> [c] # |
class (IsSequence lazy, IsSequence strict) => LazySequence lazy strict | lazy -> strict, strict -> lazy where #
Lazy sequences containing strict chunks of data.
Since: mono-traversable-1.0.0
Instances
LazySequence ByteString ByteString | |
Defined in Data.Sequences Methods toChunks :: ByteString -> [ByteString0] # fromChunks :: [ByteString0] -> ByteString # toStrict :: ByteString -> ByteString0 # fromStrict :: ByteString0 -> ByteString # | |
LazySequence Text Text | |
class (Textual textual, IsSequence binary) => Utf8 textual binary | textual -> binary, binary -> textual where #
Textual data which can be encoded to and decoded from UTF8.
Since: mono-traversable-1.0.0
Methods
encodeUtf8 :: textual -> binary #
Encode from textual to binary using UTF-8 encoding
Since: mono-traversable-1.0.0
decodeUtf8 :: binary -> textual #
Note that this function is required to be pure. In the case of a decoding error, Unicode replacement characters must be used.
Since: mono-traversable-1.0.0
Instances
Utf8 Text ByteString | |
Defined in Data.Sequences | |
Utf8 Text ByteString | |
Defined in Data.Sequences | |
(c ~ Char, w ~ Word8) => Utf8 [c] [w] | |
Defined in Data.Sequences |
sequence_ :: (Applicative m, MonoFoldable mono, Element mono ~ m ()) => mono -> m () #
Synonym for osequence_
Since: mono-traversable-1.0.0
foldM :: (MonoFoldable mono, Monad m) => (a -> Element mono -> m a) -> a -> mono -> m a #
Synonym for ofoldM
Since: mono-traversable-1.0.0
concat :: (MonoFoldable mono, Monoid (Element mono)) => mono -> Element mono #
Synonym for oconcat
Since: mono-traversable-1.0.0
fold :: (MonoFoldable mono, Monoid (Element mono)) => mono -> Element mono #
Synonym for ofold
Since: mono-traversable-1.0.0
intercalate :: (MonoFoldable mono, Monoid (Element mono)) => Element mono -> mono -> Element mono #
Synonym for ointercalate
Since: mono-traversable-1.0.0
point :: MonoPointed mono => Element mono -> mono #
Synonym for opoint
Since: mono-traversable-1.0.0
notElem :: (MonoFoldable mono, Eq (Element mono)) => Element mono -> mono -> Bool #
Synonym for onotElem
Since: mono-traversable-1.0.0
elem :: (MonoFoldable mono, Eq (Element mono)) => Element mono -> mono -> Bool #
Synonym for oelem
Since: mono-traversable-1.0.0
concatMap :: (MonoFoldable mono, Monoid m) => (Element mono -> m) -> mono -> m #
Synonym for oconcatMap
Since: mono-traversable-1.0.0
or :: (MonoFoldable mono, Element mono ~ Bool) => mono -> Bool #
Synonym for oor
Since: mono-traversable-1.0.0
and :: (MonoFoldable mono, Element mono ~ Bool) => mono -> Bool #
Synonym for oand
Since: mono-traversable-1.0.0
product :: (MonoFoldable mono, Num (Element mono)) => mono -> Element mono #
Synonym for oproduct
Since: mono-traversable-1.0.0
sum :: (MonoFoldable mono, Num (Element mono)) => mono -> Element mono #
Synonym for osum
Since: mono-traversable-1.0.0
foldl1Ex' :: MonoFoldable mono => (Element mono -> Element mono -> Element mono) -> mono -> Element mono #
Synonym for ofoldl1Ex'
Since: mono-traversable-1.0.0
foldr1Ex :: MonoFoldable mono => (Element mono -> Element mono -> Element mono) -> mono -> Element mono #
Synonym for ofoldr1Ex
Since: mono-traversable-1.0.0
foldMap1Ex :: (MonoFoldable mono, Semigroup m) => (Element mono -> m) -> mono -> m #
Synonym for ofoldMap1Ex
Since: mono-traversable-1.0.0
foldlM :: (MonoFoldable mono, Monad m) => (a -> Element mono -> m a) -> a -> mono -> m a #
Synonym for ofoldlM
Since: mono-traversable-1.0.0
for_ :: (MonoFoldable mono, Applicative f) => mono -> (Element mono -> f b) -> f () #
Synonym for ofor_
Since: mono-traversable-1.0.0
traverse_ :: (MonoFoldable mono, Applicative f) => (Element mono -> f b) -> mono -> f () #
Synonym for otraverse_
Since: mono-traversable-1.0.0
compareLength :: (MonoFoldable mono, Integral i) => mono -> i -> Ordering #
Synonym for ocompareLength
Since: mono-traversable-1.0.0
length64 :: MonoFoldable mono => mono -> Int64 #
Synonym for olength64
Since: mono-traversable-1.0.0
length :: MonoFoldable mono => mono -> Int #
Synonym for olength
Since: mono-traversable-1.0.0
null :: MonoFoldable mono => mono -> Bool #
Synonym for onull
Since: mono-traversable-1.0.0
any :: MonoFoldable mono => (Element mono -> Bool) -> mono -> Bool #
Synonym for oany
Since: mono-traversable-1.0.0
all :: MonoFoldable mono => (Element mono -> Bool) -> mono -> Bool #
Synonym for oall
Since: mono-traversable-1.0.0
toList :: MonoFoldable mono => mono -> [Element mono] #
Synonym for otoList
Since: mono-traversable-1.0.0
foldl' :: MonoFoldable mono => (a -> Element mono -> a) -> a -> mono -> a #
Synonym for ofoldl'
Since: mono-traversable-1.0.0
foldr :: MonoFoldable mono => (Element mono -> b -> b) -> b -> mono -> b #
Synonym for ofoldr
Since: mono-traversable-1.0.0
foldMap :: (MonoFoldable mono, Monoid m) => (Element mono -> m) -> mono -> m #
Synonym for ofoldMap
Since: mono-traversable-1.0.0
class (Monoid set, Semigroup set, MonoFoldable set, Eq (ContainerKey set), GrowingAppend set) => SetContainer set where #
A container whose values are stored in Key-Value pairs.
Minimal complete definition
Methods
member :: ContainerKey set -> set -> Bool #
Check if there is a value with the supplied key in the container.
notMember :: ContainerKey set -> set -> Bool #
Check if there isn't a value with the supplied key in the container.
Get the union of two containers.
unions :: (MonoFoldable mono, Element mono ~ set) => mono -> set #
Combine a collection of SetContainer
s, with left-most values overriding
when there are matching keys.
Since: mono-traversable-1.0.0
difference :: set -> set -> set #
Get the difference of two containers.
intersection :: set -> set -> set #
Get the intersection of two containers.
keys :: set -> [ContainerKey set] #
Get a list of all of the keys in the container.
Instances
SetContainer IntSet | |
Defined in Data.Containers Associated Types type ContainerKey IntSet :: Type # Methods member :: ContainerKey IntSet -> IntSet -> Bool # notMember :: ContainerKey IntSet -> IntSet -> Bool # union :: IntSet -> IntSet -> IntSet # unions :: (MonoFoldable mono, Element mono ~ IntSet) => mono -> IntSet # difference :: IntSet -> IntSet -> IntSet # intersection :: IntSet -> IntSet -> IntSet # keys :: IntSet -> [ContainerKey IntSet] # | |
Eq key => SetContainer [(key, value)] | |
Defined in Data.Containers Associated Types type ContainerKey [(key, value)] :: Type # Methods member :: ContainerKey [(key, value)] -> [(key, value)] -> Bool # notMember :: ContainerKey [(key, value)] -> [(key, value)] -> Bool # union :: [(key, value)] -> [(key, value)] -> [(key, value)] # unions :: (MonoFoldable mono, Element mono ~ [(key, value)]) => mono -> [(key, value)] # difference :: [(key, value)] -> [(key, value)] -> [(key, value)] # intersection :: [(key, value)] -> [(key, value)] -> [(key, value)] # keys :: [(key, value)] -> [ContainerKey [(key, value)]] # | |
SetContainer (IntMap value) | This instance uses the functions from Data.IntMap.Strict. |
Defined in Data.Containers Associated Types type ContainerKey (IntMap value) :: Type # Methods member :: ContainerKey (IntMap value) -> IntMap value -> Bool # notMember :: ContainerKey (IntMap value) -> IntMap value -> Bool # union :: IntMap value -> IntMap value -> IntMap value # unions :: (MonoFoldable mono, Element mono ~ IntMap value) => mono -> IntMap value # difference :: IntMap value -> IntMap value -> IntMap value # intersection :: IntMap value -> IntMap value -> IntMap value # keys :: IntMap value -> [ContainerKey (IntMap value)] # | |
Ord element => SetContainer (Set element) | |
Defined in Data.Containers Associated Types type ContainerKey (Set element) :: Type # 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)] # | |
(Eq element, Hashable element) => SetContainer (HashSet element) | |
Defined in Data.Containers Associated Types type ContainerKey (HashSet element) :: Type # Methods member :: ContainerKey (HashSet element) -> HashSet element -> Bool # notMember :: ContainerKey (HashSet element) -> HashSet element -> Bool # union :: HashSet element -> HashSet element -> HashSet element # unions :: (MonoFoldable mono, Element mono ~ HashSet element) => mono -> HashSet element # difference :: HashSet element -> HashSet element -> HashSet element # intersection :: HashSet element -> HashSet element -> HashSet element # keys :: HashSet element -> [ContainerKey (HashSet element)] # | |
(Eq key, Hashable key) => SetContainer (HashMap key value) | This instance uses the functions from Data.HashMap.Strict. |
Defined in Data.Containers Associated Types type ContainerKey (HashMap key value) :: Type # Methods member :: ContainerKey (HashMap key value) -> HashMap key value -> Bool # notMember :: ContainerKey (HashMap key value) -> HashMap key value -> Bool # union :: HashMap key value -> HashMap key value -> HashMap key value # unions :: (MonoFoldable mono, Element mono ~ HashMap key value) => mono -> HashMap key value # difference :: HashMap key value -> HashMap key value -> HashMap key value # intersection :: HashMap key value -> HashMap key value -> HashMap key value # keys :: HashMap key value -> [ContainerKey (HashMap key value)] # | |
Ord k => SetContainer (Map k v) | This instance uses the functions from Data.Map.Strict. |
Defined in Data.Containers Associated Types type ContainerKey (Map k v) :: Type # Methods member :: ContainerKey (Map k v) -> Map k v -> Bool # notMember :: ContainerKey (Map k v) -> Map k v -> Bool # union :: Map k v -> Map k v -> Map k v # unions :: (MonoFoldable mono, Element mono ~ Map k v) => mono -> Map k v # difference :: Map k v -> Map k v -> Map k v # intersection :: Map k v -> Map k v -> Map k v # keys :: Map k v -> [ContainerKey (Map k v)] # |
class PolyMap (map :: Type -> Type) where #
A guaranteed-polymorphic Map
, which allows for more polymorphic versions
of functions.
Methods
differenceMap :: map value1 -> map value2 -> map value1 #
Get the difference between two maps, using the left map's values.
intersectionMap :: map value1 -> map value2 -> map value1 #
Get the intersection of two maps, using the left map's values.
intersectionWithMap :: (value1 -> value2 -> value3) -> map value1 -> map value2 -> map value3 #
Get the intersection of two maps with a supplied function that takes in the left map's value and the right map's value.
Instances
PolyMap IntMap | This instance uses the functions from Data.IntMap.Strict. |
Defined in Data.Containers Methods differenceMap :: IntMap value1 -> IntMap value2 -> IntMap value1 # intersectionMap :: IntMap value1 -> IntMap value2 -> IntMap value1 # intersectionWithMap :: (value1 -> value2 -> value3) -> IntMap value1 -> IntMap value2 -> IntMap value3 # | |
(Eq key, Hashable key) => PolyMap (HashMap key) | This instance uses the functions from Data.HashMap.Strict. |
Defined in Data.Containers Methods differenceMap :: HashMap key value1 -> HashMap key value2 -> HashMap key value1 # intersectionMap :: HashMap key value1 -> HashMap key value2 -> HashMap key value1 # intersectionWithMap :: (value1 -> value2 -> value3) -> HashMap key value1 -> HashMap key value2 -> HashMap key value3 # | |
Ord key => PolyMap (Map key) | This instance uses the functions from Data.Map.Strict. |
Defined in Data.Containers Methods differenceMap :: Map key value1 -> Map key value2 -> Map key value1 # intersectionMap :: Map key value1 -> Map key value2 -> Map key value1 # intersectionWithMap :: (value1 -> value2 -> value3) -> Map key value1 -> Map key value2 -> Map key value3 # |
class BiPolyMap (map :: Type -> Type -> Type) where #
A Map
type polymorphic in both its key and value.
Associated Types
type BPMKeyConstraint (map :: Type -> Type -> Type) key :: Constraint #
Methods
Arguments
:: (BPMKeyConstraint map k1, BPMKeyConstraint map k2) | |
=> (v -> v -> v) | combine values that now overlap |
-> (k1 -> k2) | |
-> map k1 v | |
-> map k2 v |
Instances
BiPolyMap HashMap | |
Defined in Data.Containers Associated Types type BPMKeyConstraint HashMap key :: Constraint # Methods mapKeysWith :: (BPMKeyConstraint HashMap k1, BPMKeyConstraint HashMap k2) => (v -> v -> v) -> (k1 -> k2) -> HashMap k1 v -> HashMap k2 v # | |
BiPolyMap Map | |
Defined in Data.Containers Associated Types type BPMKeyConstraint Map key :: Constraint # Methods mapKeysWith :: (BPMKeyConstraint Map k1, BPMKeyConstraint Map k2) => (v -> v -> v) -> (k1 -> k2) -> Map k1 v -> Map k2 v # |
class (MonoTraversable map, SetContainer map) => IsMap map where #
Polymorphic typeclass for interacting with different map types
Minimal complete definition
lookup, insertMap, deleteMap, singletonMap, mapFromList, mapToList
Associated Types
Methods
lookup :: ContainerKey map -> map -> Maybe (MapValue map) #
Look up a value in a map with a specified key.
insertMap :: ContainerKey map -> MapValue map -> map -> map #
Insert a key-value pair into a map.
deleteMap :: ContainerKey map -> map -> map #
Delete a key-value pair of a map using a specified key.
singletonMap :: ContainerKey map -> MapValue map -> map #
Create a map from a single key-value pair.
mapFromList :: [(ContainerKey map, MapValue map)] -> map #
Convert a list of key-value pairs to a map
mapToList :: map -> [(ContainerKey map, MapValue map)] #
Convert a map to a list of key-value pairs.
findWithDefault :: MapValue map -> ContainerKey map -> map -> MapValue map #
Like lookup
, but uses a default value when the key does
not exist in the map.
Arguments
:: (MapValue map -> MapValue map -> MapValue map) | function that accepts the new value and the previous value and returns the value that will be set in the map. |
-> ContainerKey map | key |
-> MapValue map | new value to insert |
-> map | input map |
-> map | resulting map |
Insert a key-value pair into a map.
Inserts the value directly if the key does not exist in the map. Otherwise, apply a supplied function that accepts the new value and the previous value and insert that result into the map.
Arguments
:: (ContainerKey map -> MapValue map -> MapValue map -> MapValue map) | function that accepts the key, the new value, and the previous value and returns the value that will be set in the map. |
-> ContainerKey map | key |
-> MapValue map | new value to insert |
-> map | input map |
-> map | resulting map |
Insert a key-value pair into a map.
Inserts the value directly if the key does not exist in the map. Otherwise, apply a supplied function that accepts the key, the new value, and the previous value and insert that result into the map.
Arguments
:: (ContainerKey map -> MapValue map -> MapValue map -> MapValue map) | function that accepts the key, the new value, and the previous value and returns the value that will be set in the map. |
-> ContainerKey map | key |
-> MapValue map | new value to insert |
-> map | input map |
-> (Maybe (MapValue map), map) | previous value and the resulting map |
Insert a key-value pair into a map, return the previous key's value if it existed.
Inserts the value directly if the key does not exist in the map. Otherwise, apply a supplied function that accepts the key, the new value, and the previous value and insert that result into the map.
Arguments
:: (MapValue map -> MapValue map) | function to apply to the previous value |
-> ContainerKey map | key |
-> map | input map |
-> map | resulting map |
Apply a function to the value of a given key.
Returns the input map when the key-value pair does not exist.
Arguments
:: (ContainerKey map -> MapValue map -> MapValue map) | function that accepts the key and the previous value and returns the new value |
-> ContainerKey map | key |
-> map | input map |
-> map | resulting map |
Equivalent to adjustMap
, but the function accepts the key,
as well as the previous value.
Arguments
:: (MapValue map -> Maybe (MapValue map)) | function that accepts the previous value
and returns the new value or |
-> ContainerKey map | key |
-> map | input map |
-> map | resulting map |
Apply a function to the value of a given key.
If the function returns Nothing
, this deletes the key-value pair.
Returns the input map when the key-value pair does not exist.
Arguments
:: (ContainerKey map -> MapValue map -> Maybe (MapValue map)) | function that accepts the key and the previous value
and returns the new value or |
-> ContainerKey map | key |
-> map | input map |
-> map | resulting map |
Equivalent to updateMap
, but the function accepts the key,
as well as the previous value.
Arguments
:: (ContainerKey map -> MapValue map -> Maybe (MapValue map)) | function that accepts the key and the previous value
and returns the new value or |
-> ContainerKey map | key |
-> map | input map |
-> (Maybe (MapValue map), map) | previous/new value and the resulting map |
Apply a function to the value of a given key.
If the map does not contain the key this returns Nothing
and the input map.
If the map does contain the key but the function returns Nothing
,
this returns the previous value and the map with the key-value pair removed.
If the map contains the key and the function returns a value, this returns the new value and the map with the key-value pair with the new value.
Arguments
:: (Maybe (MapValue map) -> Maybe (MapValue map)) | function that accepts the previous value and
returns the new value or |
-> ContainerKey map | key |
-> map | input map |
-> map | resulting map |
Update/Delete the value of a given key.
Applies a function to previous value of a given key, if it results in Nothing
delete the key-value pair from the map, otherwise replace the previous value
with the new value.
Arguments
:: (MapValue map -> MapValue map -> MapValue map) | function that accepts the first map's value and the second map's value and returns the new value that will be used |
-> map | first map |
-> map | second map |
-> map | resulting map |
Combine two maps.
When a key exists in both maps, apply a function to both of the values and use the result of that as the value of the key in the resulting map.
Arguments
:: (ContainerKey map -> MapValue map -> MapValue map -> MapValue map) | function that accepts the key, the first map's value and the second map's value and returns the new value that will be used |
-> map | first map |
-> map | second map |
-> map | resulting map |
Arguments
:: (MapValue map -> MapValue map -> MapValue map) | function that accepts the first map's value and the second map's value and returns the new value that will be used |
-> [map] | input list of maps |
-> map | resulting map |
Combine a list of maps.
When a key exists in two different maps, apply a function to both of the values and use the result of that as the value of the key in the resulting map.
Arguments
:: (ContainerKey map -> MapValue map -> MapValue map) | function that accepts the key and the previous value and returns the new value |
-> map | input map |
-> map | resulting map |
Apply a function over every key-value pair of a map.
Arguments
:: (MapValue map -> MapValue map -> MapValue map) | function that accepts the first map's value and the second map's value and returns the new value that will be used |
-> (ContainerKey map -> ContainerKey map) | function that accepts the previous key and returns the new key |
-> map | input map |
-> map | resulting map |
Apply a function over every key of a pair and run
unionsWith
over the results.
filterMap :: (MapValue map -> Bool) -> map -> map #
Filter values in a map.
Since: mono-traversable-1.0.9.0
Instances
Eq key => IsMap [(key, value)] | |
Defined in Data.Containers Methods lookup :: ContainerKey [(key, value)] -> [(key, value)] -> Maybe (MapValue [(key, value)]) # insertMap :: ContainerKey [(key, value)] -> MapValue [(key, value)] -> [(key, value)] -> [(key, value)] # deleteMap :: ContainerKey [(key, value)] -> [(key, value)] -> [(key, value)] # singletonMap :: ContainerKey [(key, value)] -> MapValue [(key, value)] -> [(key, value)] # mapFromList :: [(ContainerKey [(key, value)], MapValue [(key, value)])] -> [(key, value)] # mapToList :: [(key, value)] -> [(ContainerKey [(key, value)], MapValue [(key, value)])] # findWithDefault :: MapValue [(key, value)] -> ContainerKey [(key, value)] -> [(key, value)] -> MapValue [(key, value)] # insertWith :: (MapValue [(key, value)] -> MapValue [(key, value)] -> MapValue [(key, value)]) -> ContainerKey [(key, value)] -> MapValue [(key, value)] -> [(key, value)] -> [(key, value)] # insertWithKey :: (ContainerKey [(key, value)] -> MapValue [(key, value)] -> MapValue [(key, value)] -> MapValue [(key, value)]) -> ContainerKey [(key, value)] -> MapValue [(key, value)] -> [(key, value)] -> [(key, value)] # insertLookupWithKey :: (ContainerKey [(key, value)] -> MapValue [(key, value)] -> MapValue [(key, value)] -> MapValue [(key, value)]) -> ContainerKey [(key, value)] -> MapValue [(key, value)] -> [(key, value)] -> (Maybe (MapValue [(key, value)]), [(key, value)]) # adjustMap :: (MapValue [(key, value)] -> MapValue [(key, value)]) -> ContainerKey [(key, value)] -> [(key, value)] -> [(key, value)] # adjustWithKey :: (ContainerKey [(key, value)] -> MapValue [(key, value)] -> MapValue [(key, value)]) -> ContainerKey [(key, value)] -> [(key, value)] -> [(key, value)] # updateMap :: (MapValue [(key, value)] -> Maybe (MapValue [(key, value)])) -> ContainerKey [(key, value)] -> [(key, value)] -> [(key, value)] # updateWithKey :: (ContainerKey [(key, value)] -> MapValue [(key, value)] -> Maybe (MapValue [(key, value)])) -> ContainerKey [(key, value)] -> [(key, value)] -> [(key, value)] # updateLookupWithKey :: (ContainerKey [(key, value)] -> MapValue [(key, value)] -> Maybe (MapValue [(key, value)])) -> ContainerKey [(key, value)] -> [(key, value)] -> (Maybe (MapValue [(key, value)]), [(key, value)]) # alterMap :: (Maybe (MapValue [(key, value)]) -> Maybe (MapValue [(key, value)])) -> ContainerKey [(key, value)] -> [(key, value)] -> [(key, value)] # unionWith :: (MapValue [(key, value)] -> MapValue [(key, value)] -> MapValue [(key, value)]) -> [(key, value)] -> [(key, value)] -> [(key, value)] # unionWithKey :: (ContainerKey [(key, value)] -> MapValue [(key, value)] -> MapValue [(key, value)] -> MapValue [(key, value)]) -> [(key, value)] -> [(key, value)] -> [(key, value)] # unionsWith :: (MapValue [(key, value)] -> MapValue [(key, value)] -> MapValue [(key, value)]) -> [[(key, value)]] -> [(key, value)] # mapWithKey :: (ContainerKey [(key, value)] -> MapValue [(key, value)] -> MapValue [(key, value)]) -> [(key, value)] -> [(key, value)] # omapKeysWith :: (MapValue [(key, value)] -> MapValue [(key, value)] -> MapValue [(key, value)]) -> (ContainerKey [(key, value)] -> ContainerKey [(key, value)]) -> [(key, value)] -> [(key, value)] # filterMap :: (MapValue [(key, value)] -> Bool) -> [(key, value)] -> [(key, value)] # | |
IsMap (IntMap value) | This instance uses the functions from Data.IntMap.Strict. |
Defined in Data.Containers Methods lookup :: ContainerKey (IntMap value) -> IntMap value -> Maybe (MapValue (IntMap value)) # insertMap :: ContainerKey (IntMap value) -> MapValue (IntMap value) -> IntMap value -> IntMap value # deleteMap :: ContainerKey (IntMap value) -> IntMap value -> IntMap value # singletonMap :: ContainerKey (IntMap value) -> MapValue (IntMap value) -> IntMap value # mapFromList :: [(ContainerKey (IntMap value), MapValue (IntMap value))] -> IntMap value # mapToList :: IntMap value -> [(ContainerKey (IntMap value), MapValue (IntMap value))] # findWithDefault :: MapValue (IntMap value) -> ContainerKey (IntMap value) -> IntMap value -> MapValue (IntMap value) # insertWith :: (MapValue (IntMap value) -> MapValue (IntMap value) -> MapValue (IntMap value)) -> ContainerKey (IntMap value) -> MapValue (IntMap value) -> IntMap value -> IntMap value # insertWithKey :: (ContainerKey (IntMap value) -> MapValue (IntMap value) -> MapValue (IntMap value) -> MapValue (IntMap value)) -> ContainerKey (IntMap value) -> MapValue (IntMap value) -> IntMap value -> IntMap value # insertLookupWithKey :: (ContainerKey (IntMap value) -> MapValue (IntMap value) -> MapValue (IntMap value) -> MapValue (IntMap value)) -> ContainerKey (IntMap value) -> MapValue (IntMap value) -> IntMap value -> (Maybe (MapValue (IntMap value)), IntMap value) # adjustMap :: (MapValue (IntMap value) -> MapValue (IntMap value)) -> ContainerKey (IntMap value) -> IntMap value -> IntMap value # adjustWithKey :: (ContainerKey (IntMap value) -> MapValue (IntMap value) -> MapValue (IntMap value)) -> ContainerKey (IntMap value) -> IntMap value -> IntMap value # updateMap :: (MapValue (IntMap value) -> Maybe (MapValue (IntMap value))) -> ContainerKey (IntMap value) -> IntMap value -> IntMap value # updateWithKey :: (ContainerKey (IntMap value) -> MapValue (IntMap value) -> Maybe (MapValue (IntMap value))) -> ContainerKey (IntMap value) -> IntMap value -> IntMap value # updateLookupWithKey :: (ContainerKey (IntMap value) -> MapValue (IntMap value) -> Maybe (MapValue (IntMap value))) -> ContainerKey (IntMap value) -> IntMap value -> (Maybe (MapValue (IntMap value)), IntMap value) # alterMap :: (Maybe (MapValue (IntMap value)) -> Maybe (MapValue (IntMap value))) -> ContainerKey (IntMap value) -> IntMap value -> IntMap value # unionWith :: (MapValue (IntMap value) -> MapValue (IntMap value) -> MapValue (IntMap value)) -> IntMap value -> IntMap value -> IntMap value # unionWithKey :: (ContainerKey (IntMap value) -> MapValue (IntMap value) -> MapValue (IntMap value) -> MapValue (IntMap value)) -> IntMap value -> IntMap value -> IntMap value # unionsWith :: (MapValue (IntMap value) -> MapValue (IntMap value) -> MapValue (IntMap value)) -> [IntMap value] -> IntMap value # mapWithKey :: (ContainerKey (IntMap value) -> MapValue (IntMap value) -> MapValue (IntMap value)) -> IntMap value -> IntMap value # omapKeysWith :: (MapValue (IntMap value) -> MapValue (IntMap value) -> MapValue (IntMap value)) -> (ContainerKey (IntMap value) -> ContainerKey (IntMap value)) -> IntMap value -> IntMap value # filterMap :: (MapValue (IntMap value) -> Bool) -> IntMap value -> IntMap value # | |
(Eq key, Hashable key) => IsMap (HashMap key value) | This instance uses the functions from Data.HashMap.Strict. |
Defined in Data.Containers Methods lookup :: ContainerKey (HashMap key value) -> HashMap key value -> Maybe (MapValue (HashMap key value)) # insertMap :: ContainerKey (HashMap key value) -> MapValue (HashMap key value) -> HashMap key value -> HashMap key value # deleteMap :: ContainerKey (HashMap key value) -> HashMap key value -> HashMap key value # singletonMap :: ContainerKey (HashMap key value) -> MapValue (HashMap key value) -> HashMap key value # mapFromList :: [(ContainerKey (HashMap key value), MapValue (HashMap key value))] -> HashMap key value # mapToList :: HashMap key value -> [(ContainerKey (HashMap key value), MapValue (HashMap key value))] # findWithDefault :: MapValue (HashMap key value) -> ContainerKey (HashMap key value) -> HashMap key value -> MapValue (HashMap key value) # insertWith :: (MapValue (HashMap key value) -> MapValue (HashMap key value) -> MapValue (HashMap key value)) -> ContainerKey (HashMap key value) -> MapValue (HashMap key value) -> HashMap key value -> HashMap key value # insertWithKey :: (ContainerKey (HashMap key value) -> MapValue (HashMap key value) -> MapValue (HashMap key value) -> MapValue (HashMap key value)) -> ContainerKey (HashMap key value) -> MapValue (HashMap key value) -> HashMap key value -> HashMap key value # insertLookupWithKey :: (ContainerKey (HashMap key value) -> MapValue (HashMap key value) -> MapValue (HashMap key value) -> MapValue (HashMap key value)) -> ContainerKey (HashMap key value) -> MapValue (HashMap key value) -> HashMap key value -> (Maybe (MapValue (HashMap key value)), HashMap key value) # adjustMap :: (MapValue (HashMap key value) -> MapValue (HashMap key value)) -> ContainerKey (HashMap key value) -> HashMap key value -> HashMap key value # adjustWithKey :: (ContainerKey (HashMap key value) -> MapValue (HashMap key value) -> MapValue (HashMap key value)) -> ContainerKey (HashMap key value) -> HashMap key value -> HashMap key value # updateMap :: (MapValue (HashMap key value) -> Maybe (MapValue (HashMap key value))) -> ContainerKey (HashMap key value) -> HashMap key value -> HashMap key value # updateWithKey :: (ContainerKey (HashMap key value) -> MapValue (HashMap key value) -> Maybe (MapValue (HashMap key value))) -> ContainerKey (HashMap key value) -> HashMap key value -> HashMap key value # updateLookupWithKey :: (ContainerKey (HashMap key value) -> MapValue (HashMap key value) -> Maybe (MapValue (HashMap key value))) -> ContainerKey (HashMap key value) -> HashMap key value -> (Maybe (MapValue (HashMap key value)), HashMap key value) # alterMap :: (Maybe (MapValue (HashMap key value)) -> Maybe (MapValue (HashMap key value))) -> ContainerKey (HashMap key value) -> HashMap key value -> HashMap key value # unionWith :: (MapValue (HashMap key value) -> MapValue (HashMap key value) -> MapValue (HashMap key value)) -> HashMap key value -> HashMap key value -> HashMap key value # unionWithKey :: (ContainerKey (HashMap key value) -> MapValue (HashMap key value) -> MapValue (HashMap key value) -> MapValue (HashMap key value)) -> HashMap key value -> HashMap key value -> HashMap key value # unionsWith :: (MapValue (HashMap key value) -> MapValue (HashMap key value) -> MapValue (HashMap key value)) -> [HashMap key value] -> HashMap key value # mapWithKey :: (ContainerKey (HashMap key value) -> MapValue (HashMap key value) -> MapValue (HashMap key value)) -> HashMap key value -> HashMap key value # omapKeysWith :: (MapValue (HashMap key value) -> MapValue (HashMap key value) -> MapValue (HashMap key value)) -> (ContainerKey (HashMap key value) -> ContainerKey (HashMap key value)) -> HashMap key value -> HashMap key value # filterMap :: (MapValue (HashMap key value) -> Bool) -> HashMap key value -> HashMap key value # | |
Ord key => IsMap (Map key value) | This instance uses the functions from Data.Map.Strict. |
Defined in Data.Containers Methods lookup :: ContainerKey (Map key value) -> Map key value -> Maybe (MapValue (Map key value)) # insertMap :: ContainerKey (Map key value) -> MapValue (Map key value) -> Map key value -> Map key value # deleteMap :: ContainerKey (Map key value) -> Map key value -> Map key value # singletonMap :: ContainerKey (Map key value) -> MapValue (Map key value) -> Map key value # mapFromList :: [(ContainerKey (Map key value), MapValue (Map key value))] -> Map key value # mapToList :: Map key value -> [(ContainerKey (Map key value), MapValue (Map key value))] # findWithDefault :: MapValue (Map key value) -> ContainerKey (Map key value) -> Map key value -> MapValue (Map key value) # insertWith :: (MapValue (Map key value) -> MapValue (Map key value) -> MapValue (Map key value)) -> ContainerKey (Map key value) -> MapValue (Map key value) -> Map key value -> Map key value # insertWithKey :: (ContainerKey (Map key value) -> MapValue (Map key value) -> MapValue (Map key value) -> MapValue (Map key value)) -> ContainerKey (Map key value) -> MapValue (Map key value) -> Map key value -> Map key value # insertLookupWithKey :: (ContainerKey (Map key value) -> MapValue (Map key value) -> MapValue (Map key value) -> MapValue (Map key value)) -> ContainerKey (Map key value) -> MapValue (Map key value) -> Map key value -> (Maybe (MapValue (Map key value)), Map key value) # adjustMap :: (MapValue (Map key value) -> MapValue (Map key value)) -> ContainerKey (Map key value) -> Map key value -> Map key value # adjustWithKey :: (ContainerKey (Map key value) -> MapValue (Map key value) -> MapValue (Map key value)) -> ContainerKey (Map key value) -> Map key value -> Map key value # updateMap :: (MapValue (Map key value) -> Maybe (MapValue (Map key value))) -> ContainerKey (Map key value) -> Map key value -> Map key value # updateWithKey :: (ContainerKey (Map key value) -> MapValue (Map key value) -> Maybe (MapValue (Map key value))) -> ContainerKey (Map key value) -> Map key value -> Map key value # updateLookupWithKey :: (ContainerKey (Map key value) -> MapValue (Map key value) -> Maybe (MapValue (Map key value))) -> ContainerKey (Map key value) -> Map key value -> (Maybe (MapValue (Map key value)), Map key value) # alterMap :: (Maybe (MapValue (Map key value)) -> Maybe (MapValue (Map key value))) -> ContainerKey (Map key value) -> Map key value -> Map key value # unionWith :: (MapValue (Map key value) -> MapValue (Map key value) -> MapValue (Map key value)) -> Map key value -> Map key value -> Map key value # unionWithKey :: (ContainerKey (Map key value) -> MapValue (Map key value) -> MapValue (Map key value) -> MapValue (Map key value)) -> Map key value -> Map key value -> Map key value # unionsWith :: (MapValue (Map key value) -> MapValue (Map key value) -> MapValue (Map key value)) -> [Map key value] -> Map key value # mapWithKey :: (ContainerKey (Map key value) -> MapValue (Map key value) -> MapValue (Map key value)) -> Map key value -> Map key value # omapKeysWith :: (MapValue (Map key value) -> MapValue (Map key value) -> MapValue (Map key value)) -> (ContainerKey (Map key value) -> ContainerKey (Map key value)) -> Map key value -> Map key value # filterMap :: (MapValue (Map key value) -> Bool) -> Map key value -> Map key value # |
class (SetContainer set, Element set ~ ContainerKey set) => IsSet set where #
Polymorphic typeclass for interacting with different set types
Methods
insertSet :: Element set -> set -> set #
Insert a value into a set.
deleteSet :: Element set -> set -> set #
Delete a value from a set.
singletonSet :: Element set -> set #
Create a set from a single element.
setFromList :: [Element set] -> set #
Convert a list to a set.
setToList :: set -> [Element set] #
Convert a set to a list.
Instances
IsSet IntSet | |
Ord element => IsSet (Set element) | |
(Eq element, Hashable element) => IsSet (HashSet element) | |
Defined in Data.Containers Methods insertSet :: Element (HashSet element) -> HashSet element -> HashSet element # deleteSet :: Element (HashSet element) -> HashSet element -> HashSet element # singletonSet :: Element (HashSet element) -> HashSet element # setFromList :: [Element (HashSet element)] -> HashSet element # setToList :: HashSet element -> [Element (HashSet element)] # |
class MonoFunctor mono => MonoZip mono where #
Zip operations on MonoFunctor
s.
Methods
ozipWith :: (Element mono -> Element mono -> Element mono) -> mono -> mono -> mono #
Combine each element of two MonoZip
s using a supplied function.
ozip :: mono -> mono -> [(Element mono, Element mono)] #
Take two MonoZip
s and return a list of the pairs of their elements.
Instances
MonoZip ByteString | |
Defined in Data.Containers Methods ozipWith :: (Element ByteString -> Element ByteString -> Element ByteString) -> ByteString -> ByteString -> ByteString # ozip :: ByteString -> ByteString -> [(Element ByteString, Element ByteString)] # ounzip :: [(Element ByteString, Element ByteString)] -> (ByteString, ByteString) # | |
MonoZip ByteString | |
Defined in Data.Containers Methods ozipWith :: (Element ByteString -> Element ByteString -> Element ByteString) -> ByteString -> ByteString -> ByteString # ozip :: ByteString -> ByteString -> [(Element ByteString, Element ByteString)] # ounzip :: [(Element ByteString, Element ByteString)] -> (ByteString, ByteString) # | |
MonoZip Text | |
MonoZip Text | |
class SetContainer set => HasKeysSet set where #
Type class for maps whose keys can be converted into sets.
Instances
HasKeysSet (IntMap v) | |
(Hashable k, Eq k) => HasKeysSet (HashMap k v) | |
Ord k => HasKeysSet (Map k v) | |
class (IsString t, LeftReductiveMonoid t, LeftGCDMonoid t, FactorialMonoid t) => TextualMonoid t where #
The TextualMonoid
class is an extension of FactorialMonoid
specialized for monoids that can contain
characters. Its methods are generally equivalent to their namesake functions from Data.List and Data.Text, and
they satisfy the following laws:
unfoldr splitCharacterPrefix . fromString == id splitCharacterPrefix . primePrefix == fmap (\(c, t)-> (c, mempty)) . splitCharacterPrefix map f . fromString == fromString . List.map f concatMap (fromString . f) . fromString == fromString . List.concatMap f foldl ft fc a . fromString == List.foldl fc a foldr ft fc a . fromString == List.foldr fc a foldl' ft fc a . fromString == List.foldl' fc a scanl f c . fromString == fromString . List.scanl f c scanr f c . fromString == fromString . List.scanr f c mapAccumL f a . fromString == fmap fromString . List.mapAccumL f a mapAccumL f a . fromString == fmap fromString . List.mapAccumL f a takeWhile pt pc . fromString == fromString . takeWhile pc dropWhile pt pc . fromString == fromString . dropWhile pc mconcat . intersperse (singleton c) . split (== c) == id find p . fromString == List.find p elem c . fromString == List.elem c
A TextualMonoid
may contain non-character data insterspersed between its characters. Every class method that
returns a modified TextualMonoid
instance generally preserves this non-character data. Methods like foldr
can
access both the non-character and character data and expect two arguments for the two purposes. For each of these
methods there is also a simplified version with underscore in name (like foldr_
) that ignores the non-character
data.
All of the following expressions are identities:
map id concatMap singleton foldl (<>) (\a c-> a <> singleton c) mempty foldr (<>) ((<>) . singleton) mempty foldl' (<>) (\a c-> a <> singleton c) mempty scanl1 (const id) scanr1 const uncurry (mapAccumL (,)) uncurry (mapAccumR (,)) takeWhile (const True) (const True) dropWhile (const False) (const False) toString undefined . fromString
Minimal complete definition
Methods
Contructs a new data type instance Like fromString
, but from a Text
input instead of String
.
fromText == fromString . Text.unpack
Instances
catchesAsync :: (MonadCatch m, MonadThrow m) => m a -> [Handler m a] -> m a #
catches
without async exception safety
Generally it's better to avoid using this function since we do not want to recover from async exceptions, see https://github.com/fpco/safe-exceptions#quickstart
Since: safe-exceptions-0.1.2.0
catchesDeep :: (MonadCatch m, MonadThrow m, MonadIO m, NFData a) => m a -> [Handler m a] -> m a #
Same as catches
, but fully force evaluation of the result value
to find all impure exceptions.
Since: safe-exceptions-0.1.2.0
catches :: (MonadCatch m, MonadThrow m) => m a -> [Handler m a] -> m a #
Same as upstream catches
, but will not catch asynchronous
exceptions
Since: safe-exceptions-0.1.2.0
isAsyncException :: Exception e => e -> Bool #
Check if the given exception is asynchronous
Since: safe-exceptions-0.1.0.0
isSyncException :: Exception e => e -> Bool #
Check if the given exception is synchronous
Since: safe-exceptions-0.1.0.0
toAsyncException :: Exception e => e -> SomeException #
Convert an exception into an asynchronous exception
For asynchronous exceptions, this is the same as toException
.
For synchronous exceptions, this will wrap up the exception with
AsyncExceptionWrapper
Since: safe-exceptions-0.1.0.0
toSyncException :: Exception e => e -> SomeException #
Convert an exception into a synchronous exception
For synchronous exceptions, this is the same as toException
.
For asynchronous exceptions, this will wrap up the exception with
SyncExceptionWrapper
Since: safe-exceptions-0.1.0.0
bracketWithError :: MonadMask m => m a -> (Maybe SomeException -> a -> m b) -> (a -> m c) -> m c #
Async safe version of bracket
with access to the exception in the
cleanup action.
Since: safe-exceptions-0.1.0.0
bracketOnError_ :: MonadMask m => m a -> m b -> m c -> m c #
A variant of bracketOnError
where the return value from the first
computation is not required.
Since: safe-exceptions-0.1.0.0
bracketOnError :: MonadMask m => m a -> (a -> m b) -> (a -> m c) -> m c #
Async safe version of bracketOnError
Since: safe-exceptions-0.1.0.0
finally :: MonadMask m => m a -> m b -> m a #
Async safe version of finally
Since: safe-exceptions-0.1.0.0
bracket_ :: MonadMask m => m a -> m b -> m c -> m c #
Async safe version of bracket_
Since: safe-exceptions-0.1.0.0
bracket :: MonadMask m => m a -> (a -> m b) -> (a -> m c) -> m c #
Async safe version of bracket
Since: safe-exceptions-0.1.7.0
withException :: (MonadMask m, Exception e) => m a -> (e -> m b) -> m a #
Like onException
, but provides the handler the thrown
exception.
Since: safe-exceptions-0.1.0.0
onException :: MonadMask m => m a -> m b -> m a #
Async safe version of onException
Since: safe-exceptions-0.1.0.0
tryJust :: (MonadCatch m, Exception e) => (e -> Maybe b) -> m a -> m (Either b a) #
A variant of try
that takes an exception predicate to select
which exceptions are caught.
Since: safe-exceptions-0.1.4.0
tryAsync :: (MonadCatch m, Exception e) => m a -> m (Either e a) #
try
without async exception safety
Generally it's better to avoid using this function since we do not want to recover from async exceptions, see https://github.com/fpco/safe-exceptions#quickstart
Since: safe-exceptions-0.1.0.0
tryAnyDeep :: (MonadCatch m, MonadIO m, NFData a) => m a -> m (Either SomeException a) #
tryDeep
specialized to catch all synchronous exceptions
Since: safe-exceptions-0.1.1.0
tryDeep :: (MonadCatch m, MonadIO m, Exception e, NFData a) => m a -> m (Either e a) #
Same as try
, but fully force evaluation of the result value
to find all impure exceptions.
Since: safe-exceptions-0.1.1.0
tryAny :: MonadCatch m => m a -> m (Either SomeException a) #
try
specialized to catch all synchronous exceptions
Since: safe-exceptions-0.1.0.0
tryIO :: MonadCatch m => m a -> m (Either IOException a) #
try
specialized to only catching IOException
s
Since: safe-exceptions-0.1.3.0
try :: (MonadCatch m, Exception e) => m a -> m (Either e a) #
Same as upstream try
, but will not catch asynchronous
exceptions
Since: safe-exceptions-0.1.0.0
handleJust :: (MonadCatch m, Exception e) => (e -> Maybe b) -> (b -> m a) -> m a -> m a #
Flipped catchJust
.
Since: safe-exceptions-0.1.4.0
handleAsync :: (MonadCatch m, Exception e) => (e -> m a) -> m a -> m a #
Flipped version of catchAsync
Generally it's better to avoid using this function since we do not want to recover from async exceptions, see https://github.com/fpco/safe-exceptions#quickstart
Since: safe-exceptions-0.1.0.0
handleAnyDeep :: (MonadCatch m, MonadIO m, NFData a) => (SomeException -> m a) -> m a -> m a #
Flipped version of catchAnyDeep
Since: safe-exceptions-0.1.1.0
handleDeep :: (MonadCatch m, Exception e, MonadIO m, NFData a) => (e -> m a) -> m a -> m a #
Flipped version of catchDeep
Since: safe-exceptions-0.1.1.0
handleAny :: MonadCatch m => (SomeException -> m a) -> m a -> m a #
Flipped version of catchAny
Since: safe-exceptions-0.1.0.0
handleIO :: MonadCatch m => (IOException -> m a) -> m a -> m a #
handle
specialized to only catching IOException
s
Since: safe-exceptions-0.1.3.0
catchJust :: (MonadCatch m, Exception e) => (e -> Maybe b) -> m a -> (b -> m a) -> m a #
catchAsync :: (MonadCatch m, Exception e) => m a -> (e -> m a) -> m a #
catch
without async exception safety
Generally it's better to avoid using this function since we do not want to recover from async exceptions, see https://github.com/fpco/safe-exceptions#quickstart
Since: safe-exceptions-0.1.0.0
catchAnyDeep :: (MonadCatch m, MonadIO m, NFData a) => m a -> (SomeException -> m a) -> m a #
catchDeep
specialized to catch all synchronous exception
Since: safe-exceptions-0.1.1.0
catchDeep :: (MonadCatch m, MonadIO m, Exception e, NFData a) => m a -> (e -> m a) -> m a #
Same as catch
, but fully force evaluation of the result value
to find all impure exceptions.
Since: safe-exceptions-0.1.1.0
catchAny :: MonadCatch m => m a -> (SomeException -> m a) -> m a #
catch
specialized to catch all synchronous exception
Since: safe-exceptions-0.1.0.0
catchIO :: MonadCatch m => m a -> (IOException -> m a) -> m a #
catch
specialized to only catching IOException
s
Since: safe-exceptions-0.1.3.0
catch :: (MonadCatch m, Exception e) => m a -> (e -> m a) -> m a #
Same as upstream catch
, but will not catch asynchronous
exceptions
Since: safe-exceptions-0.1.0.0
impureThrow :: Exception e => e -> a #
Generate a pure value which, when forced, will synchronously throw the given exception
Generally it's better to avoid using this function and instead use throw
,
see https://github.com/fpco/safe-exceptions#quickstart
Since: safe-exceptions-0.1.0.0
throwTo :: (Exception e, MonadIO m) => ThreadId -> e -> m () #
Throw an asynchronous exception to another thread.
Synchronously typed exceptions will be wrapped into an
AsyncExceptionWrapper
, see
https://github.com/fpco/safe-exceptions#determining-sync-vs-async
It's usually a better idea to use the async package, see https://github.com/fpco/safe-exceptions#quickstart
Since: safe-exceptions-0.1.0.0
throwString :: (MonadThrow m, HasCallStack) => String -> m a #
A convenience function for throwing a user error. This is useful for cases where it would be too high a burden to define your own exception type.
This throws an exception of type StringException
. When GHC
supports it (base 4.9 and GHC 8.0 and onward), it includes a call
stack.
Since: safe-exceptions-0.1.5.0
throwM :: (MonadThrow m, Exception e) => e -> m a #
Synonym for throw
Since: safe-exceptions-0.1.0.0
throwIO :: (MonadThrow m, Exception e) => e -> m a #
Synonym for throw
Since: safe-exceptions-0.1.0.0
throw :: (MonadThrow m, Exception e) => e -> m a #
Synchronously throw the given exception
Since: safe-exceptions-0.1.0.0
data StringException #
Exception type thrown by throwString
.
Note that the second field of the data constructor depends on GHC/base version. For base 4.9 and GHC 8.0 and later, the second field is a call stack. Previous versions of GHC and base do not support call stacks, and the field is simply unit (provided to make pattern matching across GHC versions easier).
Since: safe-exceptions-0.1.5.0
Constructors
StringException String CallStack |
Instances
Show StringException | |
Defined in Control.Exception.Safe Methods showsPrec :: Int -> StringException -> ShowS # show :: StringException -> String # showList :: [StringException] -> ShowS # | |
Exception StringException | |
Defined in Control.Exception.Safe Methods toException :: StringException -> SomeException # |
data SyncExceptionWrapper where #
Wrap up an asynchronous exception to be treated as a synchronous exception
This is intended to be created via toSyncException
Since: safe-exceptions-0.1.0.0
Constructors
SyncExceptionWrapper :: forall e. Exception e => e -> SyncExceptionWrapper |
Instances
Show SyncExceptionWrapper | |
Defined in Control.Exception.Safe Methods showsPrec :: Int -> SyncExceptionWrapper -> ShowS # show :: SyncExceptionWrapper -> String # showList :: [SyncExceptionWrapper] -> ShowS # | |
Exception SyncExceptionWrapper | |
Defined in Control.Exception.Safe Methods toException :: SyncExceptionWrapper -> SomeException # fromException :: SomeException -> Maybe SyncExceptionWrapper # |
data AsyncExceptionWrapper where #
Wrap up a synchronous exception to be treated as an asynchronous exception
This is intended to be created via toAsyncException
Since: safe-exceptions-0.1.0.0
Constructors
AsyncExceptionWrapper :: forall e. Exception e => e -> AsyncExceptionWrapper |
Instances
Show AsyncExceptionWrapper | |
Defined in Control.Exception.Safe Methods showsPrec :: Int -> AsyncExceptionWrapper -> ShowS # show :: AsyncExceptionWrapper -> String # showList :: [AsyncExceptionWrapper] -> ShowS # | |
Exception AsyncExceptionWrapper | |
Defined in Control.Exception.Safe |
liftBaseDefault :: (MonadTrans t, MonadBase b m) => b α -> t m α #