Safe Haskell | None |
---|---|
Language | Haskell2010 |
Indigo.Prelude
Description
This module serves the purpose of listing hiding
rules of
Prelude that conflicts with Indigo exported functions.
Synopsis
- (++) :: [a] -> [a] -> [a]
- seq :: a -> b -> b
- filter :: (a -> Bool) -> [a] -> [a]
- zip :: [a] -> [b] -> [(a, b)]
- otherwise :: Bool
- ($) :: forall (r :: RuntimeRep) a (b :: TYPE r). (a -> b) -> a -> b
- fromIntegral :: (Integral a, Num b) => a -> b
- realToFrac :: (Real a, Fractional b) => a -> b
- guard :: Alternative f => Bool -> f ()
- join :: Monad m => m (m a) -> m a
- 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
- class Fractional a => Floating a where
- class Num a => Fractional a where
- 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
- class (Num a, Ord a) => Real a where
- toRational :: a -> Rational
- class (Real a, Fractional a) => RealFrac a where
- class Show a
- class Typeable (a :: k)
- class Monad m => MonadFail (m :: Type -> Type) where
- class IsString a where
- fromString :: String -> a
- class Functor f => Applicative (f :: Type -> Type) where
- class Foldable (t :: Type -> Type)
- class (Functor t, Foldable t) => Traversable (t :: Type -> Type) where
- traverse :: Applicative f => (a -> f b) -> t a -> f (t b)
- sequenceA :: Applicative f => t (f a) -> f (t a)
- mapM :: Monad m => (a -> m b) -> t a -> m (t b)
- sequence :: Monad m => t (m a) -> m (t a)
- class Generic a
- class KnownNat (n :: Nat)
- class IsLabel (x :: Symbol) a where
- fromLabel :: a
- class Semigroup a where
- class Semigroup a => Monoid a where
- data Bool
- data Char
- data Double = D# Double#
- data Float = F# Float#
- data Int
- data Int8
- data Int16
- data Int32
- data Int64
- data Integer
- data Natural
- data Maybe a
- data Ordering
- data Ratio a = !a :% !a
- type Rational = Ratio Integer
- data IO a
- data Word
- data Word8
- data Word16
- data Word32
- data Word64
- data Ptr a
- data FunPtr a
- data Either a b
- data Constraint
- type family CmpNat (a :: Nat) (b :: Nat) :: Ordering where ...
- class a ~R# b => Coercible (a :: k) (b :: k)
- data CallStack
- data Handle
- newtype Compose (f :: k -> Type) (g :: k1 -> k) (a :: k1) = Compose {
- getCompose :: f (g a)
- vacuous :: Functor f => f Void -> f a
- absurd :: Void -> a
- data Void
- mtimesDefault :: (Integral b, Monoid a) => b -> a -> a
- cycle1 :: Semigroup m => m -> m
- data WrappedMonoid m
- newtype Option a = Option {}
- sortWith :: Ord b => (a -> b) -> [a] -> [a]
- class Bifunctor (p :: Type -> Type -> Type) where
- init :: NonEmpty a -> [a]
- last :: NonEmpty a -> a
- tail :: NonEmpty a -> [a]
- head :: NonEmpty a -> a
- nonEmpty :: [a] -> Maybe (NonEmpty a)
- showStackTrace :: IO (Maybe String)
- getStackTrace :: IO (Maybe [Location])
- class Monad m => MonadIO (m :: Type -> Type) where
- mfilter :: MonadPlus m => (a -> Bool) -> m a -> m a
- (<$!>) :: Monad m => (a -> b) -> m a -> m b
- replicateM_ :: Applicative m => Int -> m a -> m ()
- replicateM :: Applicative m => Int -> m a -> m [a]
- foldM_ :: (Foldable t, Monad m) => (b -> a -> m b) -> b -> t a -> m ()
- foldM :: (Foldable t, Monad m) => (b -> a -> m b) -> b -> t a -> m b
- zipWithM_ :: Applicative m => (a -> b -> m c) -> [a] -> [b] -> m ()
- zipWithM :: Applicative m => (a -> b -> m c) -> [a] -> [b] -> m [c]
- mapAndUnzipM :: Applicative m => (a -> m (b, c)) -> [a] -> m ([b], [c])
- forever :: Applicative f => f a -> f b
- (<=<) :: Monad m => (b -> m c) -> (a -> m b) -> a -> m c
- (>=>) :: Monad m => (a -> m b) -> (b -> m c) -> a -> m c
- filterM :: Applicative m => (a -> m Bool) -> [a] -> m [a]
- foldMapDefault :: (Traversable t, Monoid m) => (a -> m) -> t a -> m
- fmapDefault :: Traversable t => (a -> b) -> t a -> t b
- mapAccumR :: Traversable t => (a -> b -> (a, c)) -> a -> t b -> (a, t c)
- mapAccumL :: Traversable t => (a -> b -> (a, c)) -> a -> t b -> (a, t c)
- forM :: (Traversable t, Monad m) => t a -> (a -> m b) -> m (t b)
- optional :: Alternative f => f a -> f (Maybe a)
- newtype ZipList a = ZipList {
- getZipList :: [a]
- (&&&) :: Arrow a => a b c -> a b c' -> a b (c, c')
- newtype Identity a = Identity {
- runIdentity :: a
- stderr :: Handle
- stdin :: Handle
- withFrozenCallStack :: HasCallStack => (HasCallStack => a) -> a
- callStack :: HasCallStack => CallStack
- writeTVar :: TVar a -> a -> STM ()
- readTVar :: TVar a -> STM a
- newTVar :: a -> STM (TVar a)
- data STM a
- data TVar a
- stdout :: Handle
- data IORef a
- type FilePath = String
- prettyCallStack :: CallStack -> String
- prettySrcLoc :: SrcLoc -> String
- class (Typeable e, Show e) => Exception e where
- toException :: e -> SomeException
- fromException :: SomeException -> Maybe e
- displayException :: e -> String
- newtype Const a (b :: k) = Const {
- getConst :: a
- minimumBy :: Foldable t => (a -> a -> Ordering) -> t a -> a
- maximumBy :: Foldable t => (a -> a -> Ordering) -> t a -> a
- concatMap :: Foldable t => (a -> [b]) -> t a -> [b]
- foldlM :: (Foldable t, Monad m) => (b -> a -> m b) -> b -> t a -> m b
- foldrM :: (Foldable t, Monad m) => (a -> b -> m b) -> b -> t a -> m b
- newtype First a = First {}
- newtype Last a = Last {}
- stimesMonoid :: (Integral b, Monoid a) => b -> a -> a
- stimesIdempotent :: Integral b => b -> a -> a
- newtype Dual a = Dual {
- getDual :: a
- newtype Endo a = Endo {
- appEndo :: a -> a
- newtype All = All {}
- newtype Any = Any {}
- newtype Sum a = Sum {
- getSum :: a
- newtype Product a = Product {
- getProduct :: a
- newtype Alt (f :: k -> Type) (a :: k) = Alt {
- getAlt :: f a
- someNatVal :: Natural -> SomeNat
- natVal :: forall (n :: Nat) proxy. KnownNat n => proxy n -> Natural
- data SomeNat = KnownNat n => SomeNat (Proxy n)
- unfoldr :: (b -> Maybe (a, b)) -> b -> [a]
- sortOn :: Ord b => (a -> b) -> [a] -> [a]
- sortBy :: (a -> a -> Ordering) -> [a] -> [a]
- sort :: Ord a => [a] -> [a]
- permutations :: [a] -> [[a]]
- subsequences :: [a] -> [[a]]
- tails :: [a] -> [[a]]
- inits :: [a] -> [[a]]
- group :: Eq a => [a] -> [[a]]
- genericReplicate :: Integral i => i -> a -> [a]
- genericSplitAt :: Integral i => i -> [a] -> ([a], [a])
- genericDrop :: Integral i => i -> [a] -> [a]
- genericTake :: Integral i => i -> [a] -> [a]
- genericLength :: Num i => [a] -> i
- transpose :: [[a]] -> [[a]]
- intercalate :: [a] -> [[a]] -> [a]
- intersperse :: a -> [a] -> [a]
- isPrefixOf :: Eq a => [a] -> [a] -> Bool
- readMaybe :: Read a => String -> Maybe a
- reads :: Read a => ReadS 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 Proxy (t :: k) = Proxy
- data IOMode
- byteSwap64 :: Word64 -> Word64
- byteSwap32 :: Word32 -> Word32
- byteSwap16 :: Word16 -> Word16
- integralEnumFromThenTo :: Integral a => a -> a -> a -> [a]
- integralEnumFromTo :: Integral a => a -> a -> [a]
- integralEnumFromThen :: (Integral a, Bounded a) => a -> a -> [a]
- integralEnumFrom :: (Integral a, Bounded a) => a -> [a]
- gcdWord' :: Word -> Word -> Word
- gcdInt' :: Int -> Int -> Int
- lcm :: Integral a => a -> a -> a
- gcd :: Integral a => a -> a -> a
- (^^%^^) :: Integral a => Rational -> a -> Rational
- (^%^) :: Integral a => Rational -> a -> Rational
- (^^) :: (Fractional a, Integral b) => a -> b -> a
- odd :: Integral a => a -> Bool
- even :: Integral a => a -> Bool
- numericEnumFromThenTo :: (Ord a, Fractional a) => a -> a -> a -> [a]
- numericEnumFromTo :: (Ord a, Fractional a) => a -> a -> [a]
- numericEnumFromThen :: Fractional a => a -> a -> [a]
- numericEnumFrom :: Fractional a => a -> [a]
- denominator :: Ratio a -> a
- numerator :: Ratio a -> a
- reduce :: Integral a => a -> a -> Ratio a
- notANumber :: Rational
- infinity :: Rational
- ratioPrec1 :: Int
- ratioPrec :: Int
- underflowError :: a
- overflowError :: a
- ratioZeroDenominatorError :: a
- divZeroError :: a
- boundedEnumFromThen :: (Enum a, Bounded a) => a -> a -> [a]
- boundedEnumFrom :: (Enum a, Bounded a) => a -> [a]
- chr :: Int -> Char
- unzip3 :: [(a, b, c)] -> ([a], [b], [c])
- unzip :: [(a, b)] -> ([a], [b])
- zipWith :: (a -> b -> c) -> [a] -> [b] -> [c]
- zip3 :: [a] -> [b] -> [c] -> [(a, b, c)]
- reverse :: [a] -> [a]
- break :: (a -> Bool) -> [a] -> ([a], [a])
- splitAt :: Int -> [a] -> ([a], [a])
- drop :: Int -> [a] -> [a]
- take :: Int -> [a] -> [a]
- dropWhile :: (a -> Bool) -> [a] -> [a]
- takeWhile :: (a -> Bool) -> [a] -> [a]
- cycle :: [a] -> [a]
- replicate :: Int -> a -> [a]
- repeat :: a -> [a]
- iterate :: (a -> a) -> a -> [a]
- scanr :: (a -> b -> b) -> b -> [a] -> [b]
- scanl :: (b -> a -> b) -> b -> [a] -> [b]
- mapMaybe :: (a -> Maybe b) -> [a] -> [b]
- catMaybes :: [Maybe a] -> [a]
- listToMaybe :: [a] -> Maybe a
- maybeToList :: Maybe a -> [a]
- fromMaybe :: a -> Maybe a -> a
- isNothing :: Maybe a -> Bool
- isJust :: Maybe a -> Bool
- maybe :: b -> (a -> b) -> Maybe a -> b
- bool :: a -> a -> Bool -> a
- (&) :: a -> (a -> b) -> b
- on :: (b -> b -> c) -> (a -> b) -> a -> a -> c
- fix :: (a -> a) -> a
- void :: Functor f => f a -> f ()
- ($>) :: Functor f => f a -> b -> f b
- (<&>) :: Functor f => f a -> (a -> b) -> f b
- (<$>) :: Functor f => (a -> b) -> f a -> f b
- swap :: (a, b) -> (b, a)
- uncurry :: (a -> b -> c) -> (a, b) -> c
- curry :: ((a, b) -> c) -> a -> b -> c
- data MVar a
- subtract :: Num a => a -> a -> a
- currentCallStack :: IO [String]
- asTypeOf :: a -> a -> a
- flip :: (a -> b -> c) -> b -> a -> c
- (.) :: (b -> c) -> (a -> b) -> a -> c
- const :: a -> b -> a
- id :: a -> a
- maxInt :: Int
- minInt :: Int
- ord :: Char -> Int
- ap :: Monad m => m (a -> b) -> m a -> m b
- liftM5 :: Monad m => (a1 -> a2 -> a3 -> a4 -> a5 -> r) -> m a1 -> m a2 -> m a3 -> m a4 -> m a5 -> m r
- liftM4 :: Monad m => (a1 -> a2 -> a3 -> a4 -> r) -> m a1 -> m a2 -> m a3 -> m a4 -> m r
- liftM3 :: Monad m => (a1 -> a2 -> a3 -> r) -> m a1 -> m a2 -> m a3 -> m r
- liftM2 :: Monad m => (a1 -> a2 -> r) -> m a1 -> m a2 -> m r
- (=<<) :: Monad m => (a -> m b) -> m a -> m b
- liftA3 :: Applicative f => (a -> b -> c -> d) -> f a -> f b -> f c -> f d
- (<**>) :: Applicative f => f a -> f (a -> b) -> f b
- class Applicative f => Alternative (f :: Type -> Type) where
- class (Alternative m, Monad m) => MonadPlus (m :: Type -> Type) where
- data NonEmpty a = a :| [a]
- type String = [Char]
- getCallStack :: CallStack -> [([Char], SrcLoc)]
- type HasCallStack = ?callStack :: CallStack
- stimesIdempotentMonoid :: (Integral b, Monoid a) => b -> a -> a
- data SomeException = Exception e => SomeException e
- data ByteString
- data IntMap a
- data IntSet
- data Map k a
- data Seq a
- data Set a
- force :: NFData a => a -> a
- ($!!) :: NFData a => (a -> b) -> a -> b
- deepseq :: NFData a => a -> b -> b
- class NFData a where
- rnf :: a -> ()
- data Text
- maybeToExceptT :: forall (m :: Type -> Type) e a. Functor m => e -> MaybeT m a -> ExceptT e m a
- exceptToMaybeT :: forall (m :: Type -> Type) e a. Functor m => ExceptT e m a -> MaybeT m a
- data UnicodeException
- type OnDecodeError = OnError Word8 Char
- type OnError a b = String -> Maybe a -> Maybe b
- strictDecode :: OnDecodeError
- lenientDecode :: OnDecodeError
- decodeUtf8With :: OnDecodeError -> ByteString -> Text
- decodeUtf8' :: ByteString -> Either UnicodeException Text
- words :: Text -> [Text]
- lines :: Text -> [Text]
- unlines :: [Text] -> Text
- unwords :: [Text] -> Text
- toStrict :: Text -> Text
- fromStrict :: Text -> Text
- modifyTVar' :: TVar a -> (a -> a) -> STM ()
- execStateT :: Monad m => StateT s m a -> s -> m s
- evalStateT :: Monad m => StateT s m a -> s -> m a
- withState :: (s -> s) -> State s a -> State s a
- execState :: State s a -> s -> s
- evalState :: State s a -> s -> a
- runState :: State s a -> s -> (a, s)
- type State s = StateT s Identity
- newtype StateT s (m :: Type -> Type) a = StateT {
- runStateT :: s -> m (a, s)
- runReader :: Reader r a -> r -> a
- runExceptT :: ExceptT e m a -> m (Either e a)
- modify' :: MonadState s m => (s -> s) -> m ()
- data IdentityT (f :: k -> Type) (a :: k)
- class MonadTrans (t :: (Type -> Type) -> Type -> Type) where
- type Reader r = ReaderT r Identity
- newtype ReaderT r (m :: Type -> Type) a = ReaderT {
- runReaderT :: r -> m a
- class Monad m => MonadState s (m :: Type -> Type) | m -> s where
- class Monad m => MonadReader r (m :: Type -> Type) | m -> r where
- asks :: MonadReader r m => (r -> a) -> m a
- gets :: MonadState s m => (s -> a) -> m a
- modify :: MonadState s m => (s -> s) -> m ()
- newtype ExceptT e (m :: Type -> Type) a = ExceptT (m (Either e a))
- newtype MaybeT (m :: Type -> Type) a = MaybeT {}
- (.~) :: ASetter s t a b -> b -> s -> t
- (^..) :: s -> Getting (Endo [a]) s a -> [a]
- over :: ASetter s t a b -> (a -> b) -> s -> t
- set :: ASetter s t a b -> b -> s -> t
- preuse :: MonadState s m => Getting (First a) s a -> m (Maybe a)
- preview :: MonadReader s m => Getting (First a) s a -> m (Maybe a)
- use :: MonadState s m => Getting a s a -> m a
- view :: MonadReader s m => Getting a s a -> m a
- bracket :: MonadMask m => m a -> (a -> m b) -> (a -> m c) -> m c
- bracketOnError :: MonadMask m => m a -> (a -> m b) -> (a -> m c) -> m c
- bracket_ :: MonadMask m => m a -> m b -> m c -> m c
- catch :: (MonadCatch m, Exception e) => m a -> (e -> m a) -> m a
- catchAny :: MonadCatch m => m a -> (SomeException -> m a) -> m a
- finally :: MonadMask m => m a -> m b -> m a
- handleAny :: MonadCatch m => (SomeException -> m a) -> m a -> m a
- onException :: MonadMask m => m a -> m b -> m a
- throwM :: (MonadThrow m, Exception e) => e -> m a
- try :: (MonadCatch m, Exception e) => m a -> m (Either e a)
- tryAny :: MonadCatch m => m a -> m (Either SomeException a)
- pass :: Applicative f => f ()
- ($!) :: (a -> b) -> a -> b
- guardM :: MonadPlus m => m Bool -> m ()
- ifM :: Monad m => m Bool -> m a -> m a -> m a
- unlessM :: Monad m => m Bool -> m () -> m ()
- whenM :: Monad m => m Bool -> m () -> m ()
- asum :: (Container t, Alternative f, Element t ~ f a) => t -> f a
- flipfoldl' :: (Container t, Element t ~ a) => (a -> b -> b) -> b -> t -> b
- forM_ :: (Container t, Monad m) => t -> (Element t -> m b) -> m ()
- for_ :: (Container t, Applicative f) => t -> (Element t -> f b) -> f ()
- mapM_ :: (Container t, Monad m) => (Element t -> m b) -> t -> m ()
- product :: (Container t, Num (Element t)) => t -> Element t
- sequenceA_ :: (Container t, Applicative f, Element t ~ f a) => t -> f ()
- sequence_ :: (Container t, Monad m, Element t ~ m a) => t -> m ()
- sum :: (Container t, Num (Element t)) => t -> Element t
- traverse_ :: (Container t, Applicative f) => (Element t -> f b) -> t -> f ()
- error :: forall (r :: RuntimeRep) (a :: TYPE r). HasCallStack => Text -> a
- trace :: Text -> a -> a
- traceId :: Text -> Text
- traceIdWith :: (a -> Text) -> a -> a
- traceM :: Monad m => Text -> m ()
- traceShow :: Show a => a -> b -> b
- traceShowId :: Show a => a -> a
- traceShowIdWith :: Show s => (a -> s) -> a -> a
- traceShowM :: (Show a, Monad m) => a -> m ()
- undefined :: forall (r :: RuntimeRep) (a :: TYPE r). HasCallStack => a
- evaluateNF :: (NFData a, MonadIO m) => a -> m a
- evaluateNF_ :: (NFData a, MonadIO m) => a -> m ()
- evaluateWHNF :: MonadIO m => a -> m a
- evaluateWHNF_ :: MonadIO m => a -> m ()
- pattern Exc :: Exception e => e -> SomeException
- bug :: (HasCallStack, Exception e) => e -> a
- note :: MonadError e m => e -> Maybe a -> m a
- (<<$>>) :: (Functor f, Functor g) => (a -> b) -> f (g a) -> f (g b)
- map :: Functor f => (a -> b) -> f a -> f b
- atomically :: MonadIO m => STM a -> m a
- newEmptyMVar :: MonadIO m => m (MVar a)
- newMVar :: MonadIO m => a -> m (MVar a)
- newTVarIO :: MonadIO m => a -> m (TVar a)
- putMVar :: MonadIO m => MVar a -> a -> m ()
- readMVar :: MonadIO m => MVar a -> m a
- readTVarIO :: MonadIO m => TVar a -> m a
- swapMVar :: MonadIO m => MVar a -> a -> m a
- takeMVar :: MonadIO m => MVar a -> m a
- tryPutMVar :: MonadIO m => MVar a -> a -> m Bool
- tryReadMVar :: MonadIO m => MVar a -> m (Maybe a)
- tryTakeMVar :: MonadIO m => MVar a -> m (Maybe a)
- die :: MonadIO m => String -> m a
- exitFailure :: MonadIO m => m a
- exitSuccess :: MonadIO m => m a
- exitWith :: MonadIO m => ExitCode -> m a
- appendFile :: MonadIO m => FilePath -> Text -> m ()
- getLine :: MonadIO m => m Text
- hClose :: MonadIO m => Handle -> m ()
- openFile :: MonadIO m => FilePath -> IOMode -> m Handle
- withFile :: (MonadIO m, MonadMask m) => FilePath -> IOMode -> (Handle -> m a) -> m a
- atomicModifyIORef :: MonadIO m => IORef a -> (a -> (a, b)) -> m b
- atomicModifyIORef' :: MonadIO m => IORef a -> (a -> (a, b)) -> m b
- atomicWriteIORef :: MonadIO m => IORef a -> a -> m ()
- modifyIORef :: MonadIO m => IORef a -> (a -> a) -> m ()
- modifyIORef' :: MonadIO m => IORef a -> (a -> a) -> m ()
- newIORef :: MonadIO m => a -> m (IORef a)
- readIORef :: MonadIO m => IORef a -> m a
- writeIORef :: MonadIO m => IORef a -> a -> m ()
- uncons :: [a] -> Maybe (a, [a])
- whenNotNull :: Applicative f => [a] -> (NonEmpty a -> f ()) -> f ()
- whenNotNullM :: Monad m => m [a] -> (NonEmpty a -> m ()) -> m ()
- allM :: (Container f, Monad m) => (Element f -> m Bool) -> f -> m Bool
- andM :: (Container f, Element f ~ m Bool, Monad m) => f -> m Bool
- anyM :: (Container f, Monad m) => (Element f -> m Bool) -> f -> m Bool
- concatForM :: (Applicative f, Monoid m, Container (l m), Element (l m) ~ m, Traversable l) => l a -> (a -> f m) -> f m
- concatMapM :: (Applicative f, Monoid m, Container (l m), Element (l m) ~ m, Traversable l) => (a -> f m) -> l a -> f m
- orM :: (Container f, Element f ~ m Bool, Monad m) => f -> m Bool
- fromLeft :: a -> Either a b -> a
- fromRight :: b -> Either a b -> b
- leftToMaybe :: Either l r -> Maybe l
- maybeToLeft :: r -> Maybe l -> Either l r
- maybeToRight :: l -> Maybe r -> Either l r
- rightToMaybe :: Either l r -> Maybe r
- whenLeftM :: Monad m => m (Either l r) -> (l -> m ()) -> m ()
- whenRightM :: Monad m => m (Either l r) -> (r -> m ()) -> m ()
- whenJust :: Applicative f => Maybe a -> (a -> f ()) -> f ()
- whenJustM :: Monad m => m (Maybe a) -> (a -> m ()) -> m ()
- whenNothing :: Applicative f => Maybe a -> f a -> f a
- whenNothingM :: Monad m => m (Maybe a) -> m a -> m a
- whenNothingM_ :: Monad m => m (Maybe a) -> m () -> m ()
- whenNothing_ :: Applicative f => Maybe a -> f () -> f ()
- evaluatingState :: s -> State s a -> a
- evaluatingStateT :: Functor f => s -> StateT s f a -> f a
- executingState :: s -> State s a -> s
- executingStateT :: Functor f => s -> StateT s f a -> f s
- usingReader :: r -> Reader r a -> a
- usingReaderT :: r -> ReaderT r m a -> m a
- usingState :: s -> State s a -> (a, s)
- usingStateT :: s -> StateT s m a -> m (a, s)
- maybeToMonoid :: Monoid m => Maybe m -> m
- hashNub :: (Eq a, Hashable a) => [a] -> [a]
- ordNub :: Ord a => [a] -> [a]
- sortNub :: Ord a => [a] -> [a]
- unstableNub :: (Eq a, Hashable a) => [a] -> [a]
- hPrint :: (MonadIO m, Show a) => Handle -> a -> m ()
- hPutStr :: (Print a, MonadIO m) => Handle -> a -> m ()
- hPutStrLn :: (Print a, MonadIO m) => Handle -> a -> m ()
- print :: forall a m. (MonadIO m, Show a) => a -> m ()
- putLText :: MonadIO m => Text -> m ()
- putLTextLn :: MonadIO m => Text -> m ()
- putStr :: (Print a, MonadIO m) => a -> m ()
- putStrLn :: (Print a, MonadIO m) => a -> m ()
- putText :: MonadIO m => Text -> m ()
- putTextLn :: MonadIO m => Text -> m ()
- readEither :: (ToString a, Read b) => a -> Either Text b
- show :: forall b a. (Show a, IsString b) => a -> b
- 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)
- class Monad m => MonadThrow (m :: Type -> Type)
- class Hashable a where
- hashWithSalt :: Int -> a -> Int
- _1 :: Field1 s t a b => Lens s t a b
- _2 :: Field2 s t a b => Lens s t a b
- _3 :: Field3 s t a b => Lens s t a b
- _4 :: Field4 s t a b => Lens s t a b
- _5 :: Field5 s t a b => Lens s t a b
- type Lens s t a b = forall (f :: Type -> Type). Functor f => (a -> f b) -> s -> f t
- type Lens' s a = Lens s s a a
- type Traversal s t a b = forall (f :: Type -> Type). Applicative f => (a -> f b) -> s -> f t
- type Traversal' s a = Traversal s s a a
- class Container t where
- type Element t
- toList :: t -> [Element t]
- null :: t -> Bool
- foldr :: (Element t -> b -> b) -> b -> t -> b
- foldl :: (b -> Element t -> b) -> b -> t -> b
- foldl' :: (b -> Element t -> b) -> b -> t -> b
- length :: t -> Int
- elem :: Element t -> t -> Bool
- maximum :: t -> Element t
- minimum :: t -> Element t
- foldMap :: Monoid m => (Element t -> m) -> t -> m
- fold :: t -> Element t
- foldr' :: (Element t -> b -> b) -> b -> t -> b
- foldr1 :: (Element t -> Element t -> Element t) -> t -> Element t
- foldl1 :: (Element t -> Element t -> Element t) -> t -> Element t
- notElem :: Element t -> t -> Bool
- all :: (Element t -> Bool) -> t -> Bool
- any :: (Element t -> Bool) -> t -> Bool
- find :: (Element t -> Bool) -> t -> Maybe (Element t)
- safeHead :: t -> Maybe (Element t)
- type family Element t
- class One x where
- type family OneItem x
- class ToPairs t where
- data Undefined = Undefined
- data Bug = Bug SomeException CallStack
- class Print a
- class ConvertUtf8 a b where
- encodeUtf8 :: a -> b
- decodeUtf8 :: b -> a
- decodeUtf8Strict :: b -> Either UnicodeException a
- type LByteString = ByteString
- type LText = Text
- class ToLText a where
- class ToString a where
- class ToText a where
- type ($) (f :: k1 -> k) (a :: k1) = f a
- type family Each (c :: [k -> Constraint]) (as :: [k]) where ...
- type With (a :: [k -> Constraint]) (b :: k) = a <+> b
- class SuperComposition a b c | a b -> c where
- (...) :: a -> b -> c
- data HashMap k v
- data HashSet a
- data Vector a
Documentation
(++) :: [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.
filter :: (a -> Bool) -> [a] -> [a] #
O(n). filter
, applied to a predicate and a list, returns the list of
those elements that satisfy the predicate; i.e.,
filter p xs = [ x | x <- xs, p x]
>>>
filter odd [1, 2, 3]
[1,3]
zip :: [a] -> [b] -> [(a, b)] #
O(min(m,n)). zip
takes two lists and returns a list of corresponding
pairs.
zip [1, 2] ['a', 'b'] = [(1, 'a'), (2, 'b')]
If one input list is short, excess elements of the longer list are discarded:
zip [1] ['a', 'b'] = [(1, 'a')] zip [1, 2] ['a'] = [(1, 'a')]
zip
is right-lazy:
zip [] _|_ = [] zip _|_ [] = _|_
zip
is capable of list fusion, but it is restricted to its
first list argument and its resulting list.
($) :: forall (r :: RuntimeRep) a (b :: TYPE r). (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
where $
Truefoo :: 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
guard :: Alternative f => Bool -> f () #
Conditional failure of Alternative
computations. Defined by
guard True =pure
() guard False =empty
Examples
Common uses of guard
include conditionally signaling an error in
an error monad and conditionally rejecting the current choice in an
Alternative
-based parser.
As an example of signaling an error in the error monad Maybe
,
consider a safe division function safeDiv x y
that returns
Nothing
when the denominator y
is zero and
otherwise. For example:Just
(x `div`
y)
>>> safeDiv 4 0 Nothing >>> safeDiv 4 2 Just 2
A definition of safeDiv
using guards, but not guard
:
safeDiv :: Int -> Int -> Maybe Int safeDiv x y | y /= 0 = Just (x `div` y) | otherwise = Nothing
A definition of safeDiv
using guard
and Monad
do
-notation:
safeDiv :: Int -> Int -> Maybe Int safeDiv x y = do guard (y /= 0) return (x `div` y)
join :: Monad m => m (m a) -> m a #
The join
function is the conventional monad join operator. It
is used to remove one level of monadic structure, projecting its
bound argument into the outer level.
Examples
A common use of join
is to run an IO
computation returned from
an STM
transaction, since STM
transactions
can't perform IO
directly. Recall that
atomically
:: STM a -> IO a
is used to run STM
transactions atomically. So, by
specializing the types of atomically
and join
to
atomically
:: STM (IO b) -> IO (IO b)join
:: IO (IO b) -> IO b
we can compose them as
join
.atomically
:: STM (IO b) -> IO b
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 Extension | |
Bounded Mutez | |
Bounded KeyHashTag | |
Defined in Tezos.Crypto | |
Bounded EntriesOrder | |
Defined in Michelson.Untyped.Contract | |
Bounded Undefined | |
Bounded Encoding | |
Defined in Basement.String | |
Bounded UTF32_Invalid | |
Defined in Basement.String.Encoding.UTF32 | |
a :=> (Bounded (Dict a)) | |
Defined in Data.Constraint | |
() :=> (Bounded Bool) | |
Defined in Data.Constraint | |
() :=> (Bounded Char) | |
Defined in Data.Constraint | |
() :=> (Bounded Int) | |
Defined in Data.Constraint | |
() :=> (Bounded Ordering) | |
Defined in Data.Constraint | |
() :=> (Bounded Word) | |
Defined in Data.Constraint | |
() :=> (Bounded ()) | |
Defined in Data.Constraint | |
Class () (Bounded a) | |
Defined in Data.Constraint | |
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 (StringEncode a) | |
Defined in Morley.Micheline.Json | |
a => Bounded (Dict a) | |
Defined in Data.Constraint | |
(Bounded a) :=> (Bounded (Identity a)) | |
Defined in Data.Constraint | |
(Bounded a) :=> (Bounded (Const a b)) | |
Defined in Data.Constraint | |
(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 (a, b)) | |
Defined in Data.Constraint | |
(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 |
Coercible a b => Bounded (Coercion a b) | Since: base-4.7.0.0 |
a ~ b => Bounded (a :~: b) | Since: base-4.7.0.0 |
Bounded b => Bounded (Tagged s b) | |
Defined in Data.Tagged | |
(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
Eq Bool | |
Eq Char | |
Eq Double | Note that due to the presence of
Also note that
|
Eq Float | Note that due to the presence of
Also note that
|
Eq Int | |
Eq Int8 | Since: base-2.1 |
Eq Int16 | Since: base-2.1 |
Eq Int32 | Since: base-2.1 |
Eq Int64 | Since: base-2.1 |
Eq Integer | |
Eq Natural | Since: base-4.8.0.0 |
Eq Ordering | |
Eq Word | |
Eq Word8 | Since: base-2.1 |
Eq Word16 | Since: base-2.1 |
Eq Word32 | Since: base-2.1 |
Eq Word64 | Since: base-2.1 |
Eq SomeTypeRep | |
Defined in Data.Typeable.Internal | |
Eq Exp | |
Eq Match | |
Eq Clause | |
Eq Pat | |
Eq Type | |
Eq Dec | |
Eq Name | |
Eq FunDep | |
Eq InjectivityAnn | |
Defined in Language.Haskell.TH.Syntax Methods (==) :: InjectivityAnn -> InjectivityAnn -> Bool # (/=) :: InjectivityAnn -> InjectivityAnn -> Bool # | |
Eq Overlap | |
Eq () | |
Eq TyCon | |
Eq Module | |
Eq TrName | |
Eq Handle | Since: base-4.1.0.0 |
Eq BigNat | |
Eq Void | Since: base-4.8.0.0 |
Eq SpecConstrAnnotation | Since: base-4.3.0.0 |
Defined in GHC.Exts Methods (==) :: SpecConstrAnnotation -> SpecConstrAnnotation -> Bool # (/=) :: SpecConstrAnnotation -> SpecConstrAnnotation -> Bool # | |
Eq Constr | Equality of constructors Since: base-4.0.0.0 |
Eq DataRep | Since: base-4.0.0.0 |
Eq ConstrRep | Since: base-4.0.0.0 |
Eq Fixity | Since: base-4.0.0.0 |
Eq Version | Since: base-2.1 |
Eq ThreadId | Since: base-4.2.0.0 |
Eq BlockReason | Since: base-4.3.0.0 |
Defined in GHC.Conc.Sync | |
Eq ThreadStatus | Since: base-4.3.0.0 |
Defined in GHC.Conc.Sync | |
Eq AsyncException | Since: base-4.2.0.0 |
Defined in GHC.IO.Exception Methods (==) :: AsyncException -> AsyncException -> Bool # (/=) :: AsyncException -> AsyncException -> Bool # | |
Eq ArrayException | Since: base-4.2.0.0 |
Defined in GHC.IO.Exception Methods (==) :: ArrayException -> ArrayException -> Bool # (/=) :: ArrayException -> ArrayException -> Bool # | |
Eq ExitCode | |
Eq IOErrorType | Since: base-4.1.0.0 |
Defined in GHC.IO.Exception | |
Eq BufferMode | Since: base-4.2.0.0 |
Defined in GHC.IO.Handle.Types | |
Eq Newline | Since: base-4.2.0.0 |
Eq NewlineMode | Since: base-4.2.0.0 |
Defined in GHC.IO.Handle.Types | |
Eq MaskingState | Since: base-4.3.0.0 |
Defined in GHC.IO | |
Eq IOException | Since: base-4.1.0.0 |
Defined in GHC.IO.Exception | |
Eq ErrorCall | Since: base-4.7.0.0 |
Eq ArithException | Since: base-3.0 |
Defined in GHC.Exception.Type Methods (==) :: ArithException -> ArithException -> Bool # (/=) :: ArithException -> ArithException -> Bool # | |
Eq All | Since: base-2.1 |
Eq Any | Since: base-2.1 |
Eq Fixity | Since: base-4.6.0.0 |
Eq Associativity | Since: base-4.6.0.0 |
Defined in GHC.Generics Methods (==) :: Associativity -> Associativity -> Bool # (/=) :: Associativity -> Associativity -> Bool # | |
Eq SourceUnpackedness | Since: base-4.9.0.0 |
Defined in GHC.Generics Methods (==) :: SourceUnpackedness -> SourceUnpackedness -> Bool # (/=) :: SourceUnpackedness -> SourceUnpackedness -> Bool # | |
Eq SourceStrictness | Since: base-4.9.0.0 |
Defined in GHC.Generics Methods (==) :: SourceStrictness -> SourceStrictness -> Bool # (/=) :: SourceStrictness -> SourceStrictness -> Bool # | |
Eq DecidedStrictness | Since: base-4.9.0.0 |
Defined in GHC.Generics Methods (==) :: DecidedStrictness -> DecidedStrictness -> Bool # (/=) :: DecidedStrictness -> DecidedStrictness -> Bool # | |
Eq SomeSymbol | Since: base-4.7.0.0 |
Defined in GHC.TypeLits | |
Eq SomeNat | Since: base-4.7.0.0 |
Eq IOMode | Since: base-4.2.0.0 |
Eq SrcLoc | Since: base-4.9.0.0 |
Eq ByteString | |
Defined in Data.ByteString.Internal | |
Eq IntSet | |
Eq Extension | |
Eq ForeignSrcLang | |
Defined in GHC.ForeignSrcLang.Type Methods (==) :: ForeignSrcLang -> ForeignSrcLang -> Bool # (/=) :: ForeignSrcLang -> ForeignSrcLang -> Bool # | |
Eq T | |
Eq Expression | |
Defined in Morley.Micheline.Expression | |
Eq ParseLorentzError | |
Eq EntrypointLookupError | |
Defined in Lorentz.UParam Methods (==) :: EntrypointLookupError -> EntrypointLookupError -> Bool # (/=) :: EntrypointLookupError -> EntrypointLookupError -> Bool # | |
Eq ParamBuilder | |
Defined in Lorentz.Entrypoints.Doc | |
Eq ParamBuildingDesc | |
Defined in Lorentz.Entrypoints.Doc Methods (==) :: ParamBuildingDesc -> ParamBuildingDesc -> Bool # (/=) :: ParamBuildingDesc -> ParamBuildingDesc -> Bool # | |
Eq ParamBuildingStep | |
Defined in Lorentz.Entrypoints.Doc Methods (==) :: ParamBuildingStep -> ParamBuildingStep -> Bool # (/=) :: ParamBuildingStep -> ParamBuildingStep -> Bool # | |
Eq DDescribeErrorTagMap | |
Defined in Lorentz.Errors.Numeric.Doc Methods (==) :: DDescribeErrorTagMap -> DDescribeErrorTagMap -> Bool # (/=) :: DDescribeErrorTagMap -> DDescribeErrorTagMap -> Bool # | |
Eq DUStoreTemplate | |
Defined in Lorentz.UStore.Doc Methods (==) :: DUStoreTemplate -> DUStoreTemplate -> Bool # (/=) :: DUStoreTemplate -> DUStoreTemplate -> Bool # | |
Eq SomeError | |
Eq DError | |
Eq DThrows | |
Eq EpCallingStep | |
Defined in Lorentz.Entrypoints.Core Methods (==) :: EpCallingStep -> EpCallingStep -> Bool # (/=) :: EpCallingStep -> EpCallingStep -> Bool # | |
Eq EpName | |
Eq MText | |
Eq KeyHash | |
Eq Signature | |
Eq PublicKey | |
Eq ChainId | |
Eq Timestamp | |
Eq Mutez | |
Eq Address | |
Eq EpAddress | |
Eq SomeDocDefinitionItem | |
Defined in Michelson.Doc Methods (==) :: SomeDocDefinitionItem -> SomeDocDefinitionItem -> Bool # (/=) :: SomeDocDefinitionItem -> SomeDocDefinitionItem -> Bool # | |
Eq DocItemPos | |
Defined in Michelson.Doc | |
Eq DocItemId | |
Eq DType | |
Eq Builder | |
Eq AnalyzerRes | |
Defined in Michelson.Analyzer | |
Eq MichelsonFailed | |
Defined in Michelson.Interpret Methods (==) :: MichelsonFailed -> MichelsonFailed -> Bool # (/=) :: MichelsonFailed -> MichelsonFailed -> Bool # | |
Eq MorleyLogs | |
Defined in Michelson.Interpret | |
Eq RemainingSteps | |
Defined in Michelson.Interpret Methods (==) :: RemainingSteps -> RemainingSteps -> Bool # (/=) :: RemainingSteps -> RemainingSteps -> Bool # | |
Eq LetMacro | |
Eq PairStruct | |
Defined in Michelson.Macro | |
Eq UnpairStruct | |
Defined in Michelson.Macro | |
Eq CadrStruct | |
Defined in Michelson.Macro | |
Eq ParsedOp | |
Eq Macro | |
Eq ExpectType | |
Defined in Michelson.TypeCheck.Error | |
Eq TypeContext | |
Defined in Michelson.TypeCheck.Error | |
Eq TCTypeError | |
Defined in Michelson.TypeCheck.Error | |
Eq TCError | |
Eq StackSize | |
Eq ExtError | |
Eq SomeHST | |
Eq DStorageType | |
Defined in Michelson.Typed.Haskell.Doc | |
Eq ShiftArithErrorType | |
Defined in Michelson.Typed.Arith Methods (==) :: ShiftArithErrorType -> ShiftArithErrorType -> Bool # (/=) :: ShiftArithErrorType -> ShiftArithErrorType -> Bool # | |
Eq MutezArithErrorType | |
Defined in Michelson.Typed.Arith Methods (==) :: MutezArithErrorType -> MutezArithErrorType -> Bool # (/=) :: MutezArithErrorType -> MutezArithErrorType -> Bool # | |
Eq SetDelegate | |
Defined in Michelson.Typed.Value | |
Eq ParseEpAddressError | |
Defined in Michelson.Typed.Entrypoints Methods (==) :: ParseEpAddressError -> ParseEpAddressError -> Bool # (/=) :: ParseEpAddressError -> ParseEpAddressError -> Bool # | |
Eq ArmCoord | |
Eq ParamEpError | |
Defined in Michelson.Typed.Entrypoints | |
Eq AnnConvergeError | |
Defined in Michelson.Typed.Annotation Methods (==) :: AnnConvergeError -> AnnConvergeError -> Bool # (/=) :: AnnConvergeError -> AnnConvergeError -> Bool # | |
Eq ExpandedOp | |
Defined in Michelson.Untyped.Instr | |
Eq InternalByteString | |
Defined in Michelson.Untyped.Value Methods (==) :: InternalByteString -> InternalByteString -> Bool # (/=) :: InternalByteString -> InternalByteString -> Bool # | |
Eq ContractHash | |
Defined in Tezos.Address | |
Eq OperationHash | |
Defined in Tezos.Address Methods (==) :: OperationHash -> OperationHash -> Bool # (/=) :: OperationHash -> OperationHash -> Bool # | |
Eq GlobalCounter | |
Defined in Tezos.Address Methods (==) :: GlobalCounter -> GlobalCounter -> Bool # (/=) :: GlobalCounter -> GlobalCounter -> Bool # | |
Eq OriginationIndex | |
Defined in Tezos.Address Methods (==) :: OriginationIndex -> OriginationIndex -> Bool # (/=) :: OriginationIndex -> OriginationIndex -> Bool # | |
Eq ParseAddressError | |
Defined in Tezos.Address Methods (==) :: ParseAddressError -> ParseAddressError -> Bool # (/=) :: ParseAddressError -> ParseAddressError -> Bool # | |
Eq ParseAddressRawError | |
Defined in Tezos.Address Methods (==) :: ParseAddressRawError -> ParseAddressRawError -> Bool # (/=) :: ParseAddressRawError -> ParseAddressRawError -> Bool # | |
Eq ParseContractAddressError | |
Defined in Tezos.Address Methods (==) :: ParseContractAddressError -> ParseContractAddressError -> Bool # (/=) :: ParseContractAddressError -> ParseContractAddressError -> Bool # | |
Eq MichelinePrimitive | |
Defined in Morley.Micheline.Expression Methods (==) :: MichelinePrimitive -> MichelinePrimitive -> Bool # (/=) :: MichelinePrimitive -> MichelinePrimitive -> Bool # | |
Eq Annotation | |
Defined in Morley.Micheline.Expression | |
Eq MichelinePrimAp | |
Defined in Morley.Micheline.Expression Methods (==) :: MichelinePrimAp -> MichelinePrimAp -> Bool # (/=) :: MichelinePrimAp -> MichelinePrimAp -> Bool # | |
Eq SecretKey | |
Eq KeyHashTag | |
Defined in Tezos.Crypto | |
Eq PublicKey | |
Eq SecretKey | |
Eq Signature | |
Eq PublicKey | |
Eq SecretKey | |
Eq Signature | |
Eq PublicKey | |
Eq SecretKey | |
Eq Signature | |
Eq CustomParserException | |
Defined in Michelson.Parser.Error Methods (==) :: CustomParserException -> CustomParserException -> Bool # (/=) :: CustomParserException -> CustomParserException -> Bool # | |
Eq StringLiteralParserException | |
Defined in Michelson.Parser.Error Methods (==) :: StringLiteralParserException -> StringLiteralParserException -> Bool # (/=) :: StringLiteralParserException -> StringLiteralParserException -> Bool # | |
Eq ParserException | |
Defined in Michelson.Parser.Error Methods (==) :: ParserException -> ParserException -> Bool # (/=) :: ParserException -> ParserException -> Bool # | |
Eq EpNameFromRefAnnError | |
Defined in Michelson.Untyped.Entrypoints Methods (==) :: EpNameFromRefAnnError -> EpNameFromRefAnnError -> Bool # (/=) :: EpNameFromRefAnnError -> EpNameFromRefAnnError -> Bool # | |
Eq Positive | |
Eq HexJSONByteString | |
Defined in Util.ByteString Methods (==) :: HexJSONByteString -> HexJSONByteString -> Bool # (/=) :: HexJSONByteString -> HexJSONByteString -> Bool # | |
Eq CryptoParseError | |
Defined in Tezos.Crypto.Util Methods (==) :: CryptoParseError -> CryptoParseError -> Bool # (/=) :: CryptoParseError -> CryptoParseError -> Bool # | |
Eq UnpackError | |
Defined in Util.Binary | |
Eq Pos | |
Eq SrcPos | |
Eq LetName | |
Eq InstrCallStack | |
Defined in Michelson.ErrorPos Methods (==) :: InstrCallStack -> InstrCallStack -> Bool # (/=) :: InstrCallStack -> InstrCallStack -> Bool # | |
Eq BadTypeForScope | |
Defined in Michelson.Typed.Scope Methods (==) :: BadTypeForScope -> BadTypeForScope -> Bool # (/=) :: BadTypeForScope -> BadTypeForScope -> Bool # | |
Eq EntriesOrder | |
Defined in Michelson.Untyped.Contract | |
Eq StackRef | |
Eq Var | |
Eq TyVar | |
Eq StackTypePattern | |
Defined in Michelson.Untyped.Ext Methods (==) :: StackTypePattern -> StackTypePattern -> Bool # (/=) :: StackTypePattern -> StackTypePattern -> Bool # | |
Eq StackFn | |
Eq PrintComment | |
Defined in Michelson.Untyped.Ext | |
Eq Type | |
Eq ParameterType | |
Defined in Michelson.Untyped.Type Methods (==) :: ParameterType -> ParameterType -> Bool # (/=) :: ParameterType -> ParameterType -> Bool # | |
Eq T | |
Eq AnnotationSet | |
Defined in Michelson.Untyped.Annotation Methods (==) :: AnnotationSet -> AnnotationSet -> Bool # (/=) :: AnnotationSet -> AnnotationSet -> Bool # | |
Eq UnicodeException | |
Defined in Data.Text.Encoding.Error Methods (==) :: UnicodeException -> UnicodeException -> Bool # (/=) :: UnicodeException -> UnicodeException -> Bool # | |
Eq Doc | |
Eq TextDetails | |
Defined in Text.PrettyPrint.Annotated.HughesPJ | |
Eq Style | |
Eq Mode | |
Eq ModName | |
Eq PkgName | |
Eq Module | |
Eq OccName | |
Eq NameFlavour | |
Defined in Language.Haskell.TH.Syntax | |
Eq NameSpace | |
Eq Loc | |
Eq Info | |
Eq ModuleInfo | |
Defined in Language.Haskell.TH.Syntax | |
Eq Fixity | |
Eq FixityDirection | |
Defined in Language.Haskell.TH.Syntax Methods (==) :: FixityDirection -> FixityDirection -> Bool # (/=) :: FixityDirection -> FixityDirection -> Bool # | |
Eq Lit | |
Eq Body | |
Eq Guard | |
Eq Stmt | |
Eq Range | |
Eq DerivClause | |
Defined in Language.Haskell.TH.Syntax | |
Eq DerivStrategy | |
Defined in Language.Haskell.TH.Syntax Methods (==) :: DerivStrategy -> DerivStrategy -> Bool # (/=) :: DerivStrategy -> DerivStrategy -> Bool # | |
Eq TypeFamilyHead | |
Defined in Language.Haskell.TH.Syntax Methods (==) :: TypeFamilyHead -> TypeFamilyHead -> Bool # (/=) :: TypeFamilyHead -> TypeFamilyHead -> Bool # | |
Eq TySynEqn | |
Eq Foreign | |
Eq Callconv | |
Eq Safety | |
Eq Pragma | |
Eq Inline | |
Eq RuleMatch | |
Eq Phases | |
Eq RuleBndr | |
Eq AnnTarget | |
Eq SourceUnpackedness | |
Defined in Language.Haskell.TH.Syntax Methods (==) :: SourceUnpackedness -> SourceUnpackedness -> Bool # (/=) :: SourceUnpackedness -> SourceUnpackedness -> Bool # | |
Eq SourceStrictness | |
Defined in Language.Haskell.TH.Syntax Methods (==) :: SourceStrictness -> SourceStrictness -> Bool # (/=) :: SourceStrictness -> SourceStrictness -> Bool # | |
Eq DecidedStrictness | |
Defined in Language.Haskell.TH.Syntax Methods (==) :: DecidedStrictness -> DecidedStrictness -> Bool # (/=) :: DecidedStrictness -> DecidedStrictness -> Bool # | |
Eq Con | |
Eq Bang | |
Eq PatSynDir | |
Eq PatSynArgs | |
Defined in Language.Haskell.TH.Syntax | |
Eq TyVarBndr | |
Eq FamilyResultSig | |
Defined in Language.Haskell.TH.Syntax Methods (==) :: FamilyResultSig -> FamilyResultSig -> Bool # (/=) :: FamilyResultSig -> FamilyResultSig -> Bool # | |
Eq TyLit | |
Eq Role | |
Eq AnnLookup | |
Eq LocalTime | |
Eq UTCTime | |
Eq Undefined | |
Eq CodePoint | |
Eq DecoderState | |
Eq SrcSpanInfo | |
Eq SrcLoc | |
Eq SrcSpan | |
Eq ConstructorInfo | |
Eq DatatypeInfo | |
Eq Value | |
Eq More | |
Eq Pos | |
Eq Scientific | |
Eq BimapException | |
Eq JSONPathElement | |
Eq PublicKey | |
Eq ParseSignatureRawError | |
Eq SecretKey | |
Eq ParseChainIdError | |
Eq RefId Source # | |
Eq DotNetTime | |
Eq SumEncoding | |
Eq Alphabet | |
Eq Encoding | |
Eq String | |
Eq ASCII7_Invalid | |
Eq ISO_8859_1_Invalid | |
Eq UTF16_Invalid | |
Eq UTF32_Invalid | |
Eq FileSize | |
Eq CryptoError | |
Eq Boxed | |
Eq Tool | |
Eq Pos | |
Eq SourcePos | |
Eq InvalidPosException | |
Eq PublicKey | |
Eq Signature | |
Eq KeyPair | |
Eq Signature | |
Eq PrivateKey | |
Eq ByteArray | |
Eq DType | |
Eq DLetDec | |
Eq DTyVarBndr | |
Eq DCon | |
Eq DClause | |
Eq DExp | |
Eq DTypeFamilyHead | |
Eq ConstructorVariant | |
Eq DatatypeVariant | |
Eq FieldStrictness | |
Eq Strictness | |
Eq Unpackedness | |
Eq DConFields | |
Eq DDec | |
Eq DDerivClause | |
Eq DDerivStrategy | |
Eq DFamilyResultSig | |
Eq DForeign | |
Eq DInfo | |
Eq DMatch | |
Eq DPat | |
Eq DPatSynDir | |
Eq DPragma | |
Eq DRuleBndr | |
Eq DTySynEqn | |
Eq NewOrData | |
Eq DTypeArg | |
Eq UUID | |
Eq UnpackedUUID | |
Eq Lambda1Def Source # | |
Defined in Indigo.Compilation.Lambda | |
() :=> (Eq Bool) | |
Defined in Data.Constraint | |
() :=> (Eq Double) | |
Defined in Data.Constraint | |
() :=> (Eq Float) | |
Defined in Data.Constraint | |
() :=> (Eq Int) | |
Defined in Data.Constraint | |
() :=> (Eq Integer) | |
Defined in Data.Constraint | |
() :=> (Eq Natural) | |
Defined in Data.Constraint | |
() :=> (Eq Word) | |
Defined in Data.Constraint | |
() :=> (Eq ()) | |
Defined in Data.Constraint | |
() :=> (Eq (Dict a)) | |
Defined in Data.Constraint | |
() :=> (Eq (a :- b)) | |
Defined in Data.Constraint | |
Class () (Eq a) | |
Defined in Data.Constraint | |
Eq a => Eq [a] | |
Eq a => Eq (Maybe a) | Since: base-2.1 |
Eq a => Eq (Ratio a) | Since: base-2.1 |
Eq (Ptr a) | Since: base-2.1 |
Eq (FunPtr a) | |
Eq p => Eq (Par1 p) | Since: base-4.7.0.0 |
Eq a => Eq (Complex a) | Since: base-2.1 |
Eq a => Eq (Min a) | Since: base-4.9.0.0 |
Eq a => Eq (Max a) | Since: base-4.9.0.0 |
Eq a => Eq (First a) | Since: base-4.9.0.0 |
Eq a => Eq (Last a) | Since: base-4.9.0.0 |
Eq m => Eq (WrappedMonoid m) | Since: base-4.9.0.0 |
Defined in Data.Semigroup Methods (==) :: WrappedMonoid m -> WrappedMonoid m -> Bool # (/=) :: WrappedMonoid m -> WrappedMonoid m -> Bool # | |
Eq a => Eq (Option a) | Since: base-4.9.0.0 |
Eq a => Eq (ZipList a) | Since: base-4.7.0.0 |
Eq a => Eq (Identity a) | Since: base-4.8.0.0 |
Eq (TVar a) | Since: base-4.8.0.0 |
Eq (IORef a) | Pointer equality. Since: base-4.0.0.0 |
Eq a => Eq (First a) | Since: base-2.1 |
Eq a => Eq (Last a) | Since: base-2.1 |
Eq a => Eq (Dual a) | Since: base-2.1 |
Eq a => Eq (Sum a) | Since: base-2.1 |
Eq a => Eq (Product a) | Since: base-2.1 |
Eq a => Eq (Down a) | Since: base-4.6.0.0 |
Eq (MVar a) | Since: base-4.1.0.0 |
Eq a => Eq (NonEmpty a) | Since: base-4.9.0.0 |
Eq a => Eq (IntMap a) | |
Eq a => Eq (Tree a) | |
Eq a => Eq (Seq a) | |
Eq a => Eq (ViewL a) | |
Eq a => Eq (ViewR a) | |
Eq a => Eq (Set a) | |
Eq (Notes t) | |
Eq (UParam entries) | |
Eq (DEntrypoint PlainEntrypointsKind) | |
Defined in Lorentz.Entrypoints.Doc Methods (==) :: DEntrypoint PlainEntrypointsKind -> DEntrypoint PlainEntrypointsKind -> Bool # (/=) :: DEntrypoint PlainEntrypointsKind -> DEntrypoint PlainEntrypointsKind -> Bool # | |
Eq r => Eq (VoidResult r) | |
Defined in Lorentz.Macro | |
Eq (UStore a) | |
Eq (ErrorArg tag) => Eq (CustomError tag) | |
Defined in Lorentz.Errors Methods (==) :: CustomError tag -> CustomError tag -> Bool # (/=) :: CustomError tag -> CustomError tag -> Bool # | |
Eq (Label name) | |
Eq (ContractRef arg) | |
Defined in Michelson.Typed.Haskell.Value Methods (==) :: ContractRef arg -> ContractRef arg -> Bool # (/=) :: ContractRef arg -> ContractRef arg -> Bool # | |
Eq (HST ts) | |
Eq (StackRef st) | |
Eq (PrintComment st) | |
Defined in Michelson.Typed.Instr Methods (==) :: PrintComment st -> PrintComment st -> Bool # (/=) :: PrintComment st -> PrintComment st -> Bool # | |
Eq (Operation' instr) | |
Defined in Michelson.Typed.Value Methods (==) :: Operation' instr -> Operation' instr -> Bool # (/=) :: Operation' instr -> Operation' instr -> Bool # | |
Eq (SomeValue' instr) | |
Defined in Michelson.Typed.Value Methods (==) :: SomeValue' instr -> SomeValue' instr -> Bool # (/=) :: SomeValue' instr -> SomeValue' instr -> Bool # | |
Eq (SomeEntrypointCallT arg) | |
Defined in Michelson.Typed.Entrypoints Methods (==) :: SomeEntrypointCallT arg -> SomeEntrypointCallT arg -> Bool # (/=) :: SomeEntrypointCallT arg -> SomeEntrypointCallT arg -> Bool # | |
Eq (ParamNotes t) | |
Defined in Michelson.Typed.Entrypoints | |
Eq op => Eq (InstrAbstract op) | |
Defined in Michelson.Untyped.Instr Methods (==) :: InstrAbstract op -> InstrAbstract op -> Bool # (/=) :: InstrAbstract op -> InstrAbstract op -> Bool # | |
Eq op => Eq (Value' op) | |
Eq op => Eq (Elt op) | |
Eq (SingNat n) | |
Eq op => Eq (ContractBlock op) | |
Defined in Michelson.Untyped.Contract Methods (==) :: ContractBlock op -> ContractBlock op -> Bool # (/=) :: ContractBlock op -> ContractBlock op -> Bool # | |
Eq op => Eq (Contract' op) | |
Eq op => Eq (ExtInstrAbstract op) | |
Defined in Michelson.Untyped.Ext Methods (==) :: ExtInstrAbstract op -> ExtInstrAbstract op -> Bool # (/=) :: ExtInstrAbstract op -> ExtInstrAbstract op -> Bool # | |
Eq op => Eq (TestAssert op) | |
Defined in Michelson.Untyped.Ext Methods (==) :: TestAssert op -> TestAssert op -> Bool # (/=) :: TestAssert op -> TestAssert op -> Bool # | |
Eq a => Eq (StringEncode a) | |
Defined in Morley.Micheline.Json Methods (==) :: StringEncode a -> StringEncode a -> Bool # (/=) :: StringEncode a -> StringEncode a -> Bool # | |
Eq (Doc a) | |
Eq a => Eq (AnnotDetails a) | |
Defined in Text.PrettyPrint.Annotated.HughesPJ Methods (==) :: AnnotDetails a -> AnnotDetails a -> Bool # (/=) :: AnnotDetails a -> AnnotDetails a -> Bool # | |
Eq a => Eq (Span a) | |
Eq a => Eq (HashSet a) | |
Eq a => Eq (Vector a) | |
(Storable a, Eq a) => Eq (Vector a) | |
(Prim a, Eq a) => Eq (Vector a) | |
Eq a => Eq (Hashed a) | |
Eq a => Eq (Array a) | |
Eq (Dict a) | |
Eq a => Eq (ListOf a) | |
Eq l => Eq (ModuleHeadAndImports l) | |
Eq a => Eq (NonGreedy a) | |
Eq l => Eq (PragmasAndModuleHead l) | |
Eq l => Eq (PragmasAndModuleName l) | |
Eq l => Eq (ModulePragma l) | |
Eq l => Eq (ModuleHead l) | |
Eq l => Eq (ImportDecl l) | |
Eq l => Eq (ModuleName l) | |
Eq l => Eq (Decl l) | |
Eq l => Eq (Exp l) | |
Eq l => Eq (Module l) | |
Eq l => Eq (Pat l) | |
Eq l => Eq (Stmt l) | |
Eq l => Eq (Type l) | |
(PrimType ty, Eq ty) => Eq (UArray ty) | |
Eq (Offset ty) | |
Eq (CountOf ty) | |
(PrimType ty, Eq ty) => Eq (Block ty) | |
Eq a => Eq (NonEmpty a) | |
Eq a => Eq (DList a) | |
Eq a => Eq (IResult a) | |
Eq a => Eq (Result a) | |
Eq (Zn n) | |
Eq (Zn64 n) | |
Eq a => Eq (CryptoFailable a) | |
Eq a => Eq (Loc a) | |
Eq l => Eq (Activation l) | |
Eq l => Eq (Alt l) | |
Eq l => Eq (Annotation l) | |
Eq l => Eq (Assoc l) | |
Eq l => Eq (Asst l) | |
Eq l => Eq (BangType l) | |
Eq l => Eq (Binds l) | |
Eq l => Eq (BooleanFormula l) | |
Eq l => Eq (Bracket l) | |
Eq l => Eq (CName l) | |
Eq l => Eq (CallConv l) | |
Eq l => Eq (ClassDecl l) | |
Eq l => Eq (ConDecl l) | |
Eq l => Eq (Context l) | |
Eq l => Eq (DataOrNew l) | |
Eq l => Eq (DeclHead l) | |
Eq l => Eq (DerivStrategy l) | |
Eq l => Eq (Deriving l) | |
Eq l => Eq (EWildcard l) | |
Eq l => Eq (ExportSpec l) | |
Eq l => Eq (ExportSpecList l) | |
Eq l => Eq (FieldDecl l) | |
Eq l => Eq (FieldUpdate l) | |
Eq l => Eq (FunDep l) | |
Eq l => Eq (GadtDecl l) | |
Eq l => Eq (GuardedRhs l) | |
Eq l => Eq (IPBind l) | |
Eq l => Eq (IPName l) | |
Eq l => Eq (ImportSpec l) | |
Eq l => Eq (ImportSpecList l) | |
Eq l => Eq (InjectivityInfo l) | |
Eq l => Eq (InstDecl l) | |
Eq l => Eq (InstHead l) | |
Eq l => Eq (InstRule l) | |
Eq l => Eq (Literal l) | |
Eq l => Eq (Match l) | |
Eq l => Eq (MaybePromotedName l) | |
Eq l => Eq (Name l) | |
Eq l => Eq (Namespace l) | |
Eq l => Eq (Op l) | |
Eq l => Eq (Overlap l) | |
Eq l => Eq (PXAttr l) | |
Eq l => Eq (PatField l) | |
Eq l => Eq (PatternSynDirection l) | |
Eq l => Eq (Promoted l) | |
Eq l => Eq (QName l) | |
Eq l => Eq (QOp l) | |
Eq l => Eq (QualConDecl l) | |
Eq l => Eq (QualStmt l) | |
Eq l => Eq (RPat l) | |
Eq l => Eq (RPatOp l) | |
Eq l => Eq (ResultSig l) | |
Eq l => Eq (Rhs l) | |
Eq l => Eq (Role l) | |
Eq l => Eq (Rule l) | |
Eq l => Eq (RuleVar l) | |
Eq l => Eq (Safety l) | |
Eq l => Eq (Sign l) | |
Eq l => Eq (SpecialCon l) | |
Eq l => Eq (Splice l) | |
Eq l => Eq (TyVarBind l) | |
Eq l => Eq (TypeEqn l) | |
Eq l => Eq (Unpackedness l) | |
Eq l => Eq (WarningText l) | |
Eq l => Eq (XAttr l) | |
Eq l => Eq (XName l) | |
Eq e => Eq (ErrorFancy e) | |
Eq t => Eq (ErrorItem t) | |
Eq s => Eq (PosState s) | |
(Eq a, Prim a) => Eq (PrimArray a) | |
Eq a => Eq (SmallArray a) | |
Eq a => Eq (Identity a) | |
Eq t => Eq (ElField '(s, t)) | |
(Eq a) :=> (Eq [a]) | |
Defined in Data.Constraint | |
(Eq a) :=> (Eq (Maybe a)) | |
Defined in Data.Constraint | |
(Eq a) :=> (Eq (Complex a)) | |
Defined in Data.Constraint | |
(Eq a) :=> (Eq (Ratio a)) | |
Defined in Data.Constraint | |
(Eq a) :=> (Eq (Identity a)) | |
Defined in Data.Constraint | |
(Eq a) :=> (Eq (Const a b)) | |
Defined in Data.Constraint | |
Class (Eq a) (Ord a) | |
Defined in Data.Constraint | |
Class (Eq a) (Bits a) | |
Defined in Data.Constraint | |
Eq (ErrorArg tag) => Eq (() -> CustomError tag) | |
Defined in Lorentz.Errors Methods (==) :: (() -> CustomError tag) -> (() -> CustomError tag) -> Bool # (/=) :: (() -> CustomError tag) -> (() -> CustomError tag) -> Bool # | |
(Eq a, Eq b) => Eq (Either a b) | Since: base-2.1 |
Eq (V1 p) | Since: base-4.9.0.0 |
Eq (U1 p) | Since: base-4.9.0.0 |
Eq (TypeRep a) | Since: base-2.1 |
(Eq a, Eq b) => Eq (a, b) | |
Eq a => Eq (Arg a b) | Since: base-4.9.0.0 |
Eq (Proxy s) | Since: base-4.7.0.0 |
(Eq k, Eq a) => Eq (Map k a) | |
Eq a => Eq (View a r) | |
(Eq k, Eq v) => Eq (k |~> v) | |
Eq v => Eq (UStoreFieldExt m v) | |
Defined in Lorentz.UStore.Types Methods (==) :: UStoreFieldExt m v -> UStoreFieldExt m v -> Bool # (/=) :: UStoreFieldExt m v -> UStoreFieldExt m v -> Bool # | |
Eq (inp :-> out) | |
(Eq k, Eq v) => Eq (BigMap k v) | |
Eq (ContractCode cp st) => Eq (Contract cp st) | |
(Eq n, Eq m) => Eq (ArithError n m) | |
Defined in Michelson.Typed.Arith Methods (==) :: ArithError n m -> ArithError n m -> Bool # (/=) :: ArithError n m -> ArithError n m -> Bool # | |
Eq (TransferTokens instr p) | |
Defined in Michelson.Typed.Value Methods (==) :: TransferTokens instr p -> TransferTokens instr p -> Bool # (/=) :: TransferTokens instr p -> TransferTokens instr p -> Bool # | |
Eq (Value' instr t) | |
Eq (EntrypointCallT param arg) | |
Defined in Michelson.Typed.Entrypoints Methods (==) :: EntrypointCallT param arg -> EntrypointCallT param arg -> Bool # (/=) :: EntrypointCallT param arg -> EntrypointCallT param arg -> Bool # | |
Eq (EpLiftSequence arg param) | |
Defined in Michelson.Typed.Entrypoints Methods (==) :: EpLiftSequence arg param -> EpLiftSequence arg param -> Bool # (/=) :: EpLiftSequence arg param -> EpLiftSequence arg param -> Bool # | |
Eq (Annotation tag) | |
Defined in Michelson.Untyped.Annotation Methods (==) :: Annotation tag -> Annotation tag -> Bool # (/=) :: Annotation tag -> Annotation tag -> Bool # | |
(Eq1 m, Eq a) => Eq (MaybeT m a) | |
(Eq k, Eq v) => Eq (HashMap k v) | |
(Eq k, Eq v) => Eq (Leaf k v) | |
Eq (MutableArray s a) | |
(Eq (Token s), Eq e) => Eq (ParseError s e) | |
(Eq a, Eq b) => Eq (Bimap a b) | |
Eq (a :- b) | |
(Eq1 f, Eq a) => Eq (Cofree f a) | |
(Eq1 f, Eq a) => Eq (Free f a) | |
(Eq1 f, Eq a) => Eq (Yoneda f a) | |
(Eq s, Eq (Token s), Eq e) => Eq (ParseErrorBundle s e) | |
(Eq (ParseError s e), Eq s) => Eq (State s e) | |
Eq (SmallMutableArray s a) | |
(Eq a, Eq b) :=> (Eq (a, b)) | |
Defined in Data.Constraint | |
(Eq a, Eq b) :=> (Eq (Either a b)) | |
Eq (f p) => Eq (Rec1 f p) | Since: base-4.7.0.0 |
Eq (URec (Ptr ()) p) | Since: base-4.9.0.0 |
Eq (URec Char p) | Since: base-4.9.0.0 |
Eq (URec Double p) | Since: base-4.9.0.0 |
Eq (URec Float p) | |
Eq (URec Int p) | Since: base-4.9.0.0 |
Eq (URec Word p) | Since: base-4.9.0.0 |
(Eq a, Eq b, Eq c) => Eq (a, b, c) | |
Eq a => Eq (Const a b) | Since: base-4.9.0.0 |
Eq (f a) => Eq (Ap f a) | Since: base-4.12.0.0 |
Eq (f a) => Eq (Alt f a) | Since: base-4.8.0.0 |
Eq (Coercion a b) | Since: base-4.7.0.0 |
Eq (a :~: b) | Since: base-4.7.0.0 |
Eq (CreateContract instr cp st) | |
Defined in Michelson.Typed.Value Methods (==) :: CreateContract instr cp st -> CreateContract instr cp st -> Bool # (/=) :: CreateContract instr cp st -> CreateContract instr cp st -> Bool # | |
(Eq1 f, Eq a) => Eq (IdentityT f a) | |
(Eq e, Eq1 m, Eq a) => Eq (ExceptT e m a) | |
(Eq e, Eq1 m, Eq a) => Eq (ErrorT e m a) | |
Eq (Rec f ('[] :: [u])) | |
(Eq (f r), Eq (Rec f rs)) => Eq (Rec f (r ': rs)) | |
Eq a => Eq (Const a b) | |
Eq b => Eq (Tagged s b) | |
Eq (p (Fix p a) a) => Eq (Fix p a) | |
Eq (p a a) => Eq (Join p a) | |
(Eq a, Eq (f b)) => Eq (CofreeF f a b) | |
Eq (w (CofreeF f a (CofreeT f w a))) => Eq (CofreeT f w a) | |
(Eq1 f, Eq1 m, Eq a) => Eq (FreeT f m a) | |
(Eq a, Eq (f b)) => Eq (FreeF f a b) | |
(RPureConstrained (IndexableField rs) rs, RecApplicative rs, Eq (Rec f rs)) => Eq (ARec f rs) | |
Eq c => Eq (K1 i c p) | Since: base-4.7.0.0 |
(Eq (f p), Eq (g p)) => Eq ((f :+: g) p) | Since: base-4.7.0.0 |
(Eq (f p), Eq (g p)) => Eq ((f :*: g) p) | Since: base-4.7.0.0 |
(Eq a, Eq b, Eq c, Eq d) => Eq (a, b, c, d) | |
(Eq1 f, Eq1 g, Eq a) => Eq (Product f g a) | Since: base-4.9.0.0 |
(Eq1 f, Eq1 g, Eq a) => Eq (Sum f g a) | Since: base-4.9.0.0 |
Eq (a :~~: b) | Since: base-4.10.0.0 |
Eq (instr i o) => Eq (RemFail instr i o) | Ignoring distinction between constructors here, comparing only semantics. |
Eq (f p) => Eq (M1 i c f p) | Since: base-4.7.0.0 |
Eq (f (g p)) => Eq ((f :.: g) p) | Since: base-4.7.0.0 |
(Eq a, Eq b, Eq c, Eq d, Eq e) => Eq (a, b, c, d, e) | |
(Eq1 f, Eq1 g, Eq a) => Eq (Compose f g a) | Since: base-4.9.0.0 |
Eq (f a) => Eq (Clown f a b) | |
Eq (p b a) => Eq (Flip p a b) | |
Eq (g b) => Eq (Joker g a b) | |
Eq (p a b) => Eq (WrappedBifunctor p a b) | |
(Eq a, Eq b, Eq c, Eq d, Eq e, Eq f) => Eq (a, b, c, d, e, f) | |
(Eq (f a b), Eq (g a b)) => Eq (Product f g a b) | |
(Eq (p a b), Eq (q a b)) => Eq (Sum p q a b) | |
(Eq a, Eq b, Eq c, Eq d, Eq e, Eq f, Eq g) => Eq (a, b, c, d, e, f, g) | |
Eq (f (p a b)) => Eq (Tannen f p a b) | |
(Eq a, Eq b, Eq c, Eq d, Eq e, Eq f, Eq g, Eq h) => Eq (a, b, c, d, e, f, g, h) | |
(Eq a, Eq b, Eq c, Eq d, Eq e, Eq f, Eq g, Eq h, Eq i) => Eq (a, b, c, d, e, f, g, h, i) | |
Eq (p (f a) (g b)) => Eq (Biff p f g a b) | |
(Eq a, Eq b, Eq c, Eq d, Eq e, Eq f, Eq g, Eq h, Eq i, Eq j) => Eq (a, b, c, d, e, f, g, h, i, j) | |
(Eq a, Eq b, Eq c, Eq d, Eq e, Eq f, Eq g, Eq h, Eq i, Eq j, Eq k) => Eq (a, b, c, d, e, f, g, h, i, j, k) | |
(Eq a, Eq b, Eq c, Eq d, Eq e, Eq f, Eq g, Eq h, Eq i, Eq j, Eq k, Eq l) => Eq (a, b, c, d, e, f, g, h, i, j, k, l) | |
(Eq a, Eq b, Eq c, Eq d, Eq e, Eq f, Eq g, Eq h, Eq i, Eq j, Eq k, Eq l, Eq m) => Eq (a, b, c, d, e, f, g, h, i, j, k, l, m) | |
(Eq a, Eq b, Eq c, Eq d, Eq e, Eq f, Eq g, Eq h, Eq i, Eq j, Eq k, Eq l, Eq m, Eq n) => Eq (a, b, c, d, e, f, g, h, i, j, k, l, m, n) | |
(Eq a, Eq b, Eq c, Eq d, Eq e, Eq f, Eq g, Eq h, Eq i, Eq j, Eq k, Eq l, Eq m, Eq n, Eq o) => Eq (a, b, c, d, e, f, g, h, i, j, k, l, m, n, o) | |
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 b
exp (fromInteger 0)
=fromInteger 1
Minimal complete definition
pi, exp, log, sin, cos, asin, acos, atan, sinh, cosh, asinh, acosh, atanh
Instances
Floating Double | Since: base-2.1 |
Floating Float | Since: base-2.1 |
() :=> (Floating Double) | |
Defined in Data.Constraint | |
() :=> (Floating Float) | |
Defined in Data.Constraint | |
RealFloat a => Floating (Complex a) | Since: base-2.1 |
Defined in Data.Complex Methods exp :: Complex a -> Complex a # log :: Complex a -> Complex a # sqrt :: Complex a -> Complex a # (**) :: Complex a -> Complex a -> Complex a # logBase :: Complex a -> Complex a -> Complex a # sin :: Complex a -> Complex a # cos :: Complex a -> Complex a # tan :: Complex a -> Complex a # asin :: Complex a -> Complex a # acos :: Complex a -> Complex a # atan :: Complex a -> Complex a # sinh :: Complex a -> Complex a # cosh :: Complex a -> Complex a # tanh :: Complex a -> Complex a # asinh :: Complex a -> Complex a # acosh :: Complex a -> Complex a # atanh :: Complex a -> Complex a # log1p :: Complex a -> Complex a # expm1 :: Complex a -> Complex a # | |
Floating a => Floating (Identity a) | Since: base-4.9.0.0 |
Defined in Data.Functor.Identity Methods exp :: Identity a -> Identity a # log :: Identity a -> Identity a # sqrt :: Identity a -> Identity a # (**) :: Identity a -> Identity a -> Identity a # logBase :: Identity a -> Identity a -> Identity a # sin :: Identity a -> Identity a # cos :: Identity a -> Identity a # tan :: Identity a -> Identity a # asin :: Identity a -> Identity a # acos :: Identity a -> Identity a # atan :: Identity a -> Identity a # sinh :: Identity a -> Identity a # cosh :: Identity a -> Identity a # tanh :: Identity a -> Identity a # asinh :: Identity a -> Identity a # acosh :: Identity a -> Identity a # atanh :: Identity a -> Identity a # log1p :: Identity a -> Identity a # expm1 :: Identity a -> Identity a # | |
(Floating t, KnownSymbol s) => Floating (ElField '(s, t)) | |
Defined in Data.Vinyl.Functor Methods exp :: ElField '(s, t) -> ElField '(s, t) # log :: ElField '(s, t) -> ElField '(s, t) # sqrt :: ElField '(s, t) -> ElField '(s, t) # (**) :: ElField '(s, t) -> ElField '(s, t) -> ElField '(s, t) # logBase :: ElField '(s, t) -> ElField '(s, t) -> ElField '(s, t) # sin :: ElField '(s, t) -> ElField '(s, t) # cos :: ElField '(s, t) -> ElField '(s, t) # tan :: ElField '(s, t) -> ElField '(s, t) # asin :: ElField '(s, t) -> ElField '(s, t) # acos :: ElField '(s, t) -> ElField '(s, t) # atan :: ElField '(s, t) -> ElField '(s, t) # sinh :: ElField '(s, t) -> ElField '(s, t) # cosh :: ElField '(s, t) -> ElField '(s, t) # tanh :: ElField '(s, t) -> ElField '(s, t) # asinh :: ElField '(s, t) -> ElField '(s, t) # acosh :: ElField '(s, t) -> ElField '(s, t) # atanh :: ElField '(s, t) -> ElField '(s, t) # log1p :: ElField '(s, t) -> ElField '(s, t) # expm1 :: ElField '(s, t) -> ElField '(s, t) # | |
(Floating a) :=> (Floating (Identity a)) | |
Defined in Data.Constraint | |
(Floating a) :=> (Floating (Const a b)) | |
Defined in Data.Constraint | |
(RealFloat a) :=> (Floating (Complex a)) | |
Defined in Data.Constraint | |
Class (Fractional a) (Floating a) | |
Defined in Data.Constraint Methods cls :: Floating a :- Fractional a | |
Class (RealFrac a, Floating a) (RealFloat a) | |
Defined in Data.Constraint | |
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 # | |
Floating a => Floating (Tagged s a) | |
Defined in Data.Tagged Methods exp :: Tagged s a -> Tagged s a # log :: Tagged s a -> Tagged s a # sqrt :: Tagged s a -> Tagged s a # (**) :: Tagged s a -> Tagged s a -> Tagged s a # logBase :: Tagged s a -> Tagged s a -> Tagged s a # sin :: Tagged s a -> Tagged s a # cos :: Tagged s a -> Tagged s a # tan :: Tagged s a -> Tagged s a # asin :: Tagged s a -> Tagged s a # acos :: Tagged s a -> Tagged s a # atan :: Tagged s a -> Tagged s a # sinh :: Tagged s a -> Tagged s a # cosh :: Tagged s a -> Tagged s a # tanh :: Tagged s a -> Tagged s a # asinh :: Tagged s a -> Tagged s a # acosh :: Tagged s a -> Tagged s a # atanh :: Tagged s a -> Tagged s a # log1p :: Tagged s a -> Tagged s a # expm1 :: Tagged s a -> Tagged s a # |
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
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
conversion to Integer
Instances
Integral Int | Since: base-2.0.1 |
Integral Int8 | Since: base-2.1 |
Integral Int16 | Since: base-2.1 |
Integral Int32 | Since: base-2.1 |
Integral Int64 | Since: base-2.1 |
Integral Integer | Since: base-2.0.1 |
Defined in GHC.Real | |
Integral Natural | Since: base-4.8.0.0 |
Defined in GHC.Real | |
Integral Word | Since: base-2.1 |
Integral Word8 | Since: base-2.1 |
Integral Word16 | Since: base-2.1 |
Integral Word32 | Since: base-2.1 |
Integral Word64 | Since: base-2.1 |
() :=> (Integral Int) | |
Defined in Data.Constraint | |
() :=> (Integral Integer) | |
Defined in Data.Constraint | |
() :=> (Integral Natural) | |
Defined in Data.Constraint | |
() :=> (Integral Word) | |
Defined in Data.Constraint | |
Integral a => Integral (Identity a) | Since: base-4.9.0.0 |
Defined in Data.Functor.Identity Methods quot :: Identity a -> Identity a -> Identity a # rem :: Identity a -> Identity a -> Identity a # div :: Identity a -> Identity a -> Identity a # mod :: Identity a -> Identity a -> Identity a # quotRem :: Identity a -> Identity a -> (Identity a, Identity a) # divMod :: Identity a -> Identity a -> (Identity a, Identity a) # | |
Integral a => Integral (StringEncode a) | |
Defined in Morley.Micheline.Json Methods quot :: StringEncode a -> StringEncode a -> StringEncode a # rem :: StringEncode a -> StringEncode a -> StringEncode a # div :: StringEncode a -> StringEncode a -> StringEncode a # mod :: StringEncode a -> StringEncode a -> StringEncode a # quotRem :: StringEncode a -> StringEncode a -> (StringEncode a, StringEncode a) # divMod :: StringEncode a -> StringEncode a -> (StringEncode a, StringEncode a) # toInteger :: StringEncode a -> Integer # | |
(Integral a) :=> (RealFrac (Ratio a)) | |
Defined in Data.Constraint | |
(Integral a) :=> (Real (Ratio a)) | |
Defined in Data.Constraint | |
(Integral a) :=> (Ord (Ratio a)) | |
Defined in Data.Constraint | |
(Integral a) :=> (Num (Ratio a)) | |
Defined in Data.Constraint | |
(Integral a) :=> (Integral (Identity a)) | |
Defined in Data.Constraint | |
(Integral a) :=> (Integral (Const a b)) | |
Defined in Data.Constraint | |
(Integral a) :=> (Fractional (Ratio a)) | |
Defined in Data.Constraint Methods ins :: Integral a :- Fractional (Ratio a) | |
(Integral a) :=> (Enum (Ratio a)) | |
Defined in Data.Constraint | |
(Integral a, Show a) :=> (Show (Ratio a)) | |
(Integral a, Read a) :=> (Read (Ratio a)) | |
Class (Real a, Enum a) (Integral a) | |
Defined in Data.Constraint | |
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) # | |
Integral a => Integral (Tagged s a) | |
Defined in Data.Tagged Methods quot :: Tagged s a -> Tagged s a -> Tagged s a # rem :: Tagged s a -> Tagged s a -> Tagged s a # div :: Tagged s a -> Tagged s a -> Tagged s a # mod :: Tagged s a -> Tagged s a -> Tagged s a # quotRem :: Tagged s a -> Tagged s a -> (Tagged s a, Tagged s a) # divMod :: Tagged s a -> Tagged s a -> (Tagged s a, Tagged s a) # |
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:
- Left identity
return
a>>=
k = k a- Right identity
m
>>=
return
= m- Associativity
m
>>=
(\x -> k x>>=
h) = (m>>=
k)>>=
h
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.
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 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 ReadP | Since: base-2.1 |
Monad NonEmpty | Since: base-4.9.0.0 |
Monad Put | |
Monad Tree | |
Monad Seq | |
Monad Vector | |
Monad P | Since: base-2.1 |
Monad Array | |
Monad DList | |
Monad Parser | |
Monad IResult | |
Monad Result | |
Monad CryptoFailable | |
Monad SmallArray | |
Monad Identity | |
Monad Thunk | |
Monad IndigoM Source # | |
() :=> (Monad ((->) a :: Type -> Type)) | |
Defined in Data.Constraint | |
() :=> (Monad []) | |
Defined in Data.Constraint | |
() :=> (Monad IO) | |
Defined in Data.Constraint | |
() :=> (Monad (Either a)) | |
Defined in Data.Constraint | |
() :=> (Monad Identity) | |
Defined in Data.Constraint | |
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 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 # | |
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 # | |
Monad (Proxy :: Type -> Type) | Since: base-4.7.0.0 |
Monad m => Monad (MaybeT m) | |
Monad (Parser i) | |
Representable f => Monad (Co f) | |
Alternative f => Monad (Cofree f) | |
Functor f => Monad (Free f) | |
Monad m => Monad (Yoneda m) | |
Monad (ReifiedFold s) | |
Monad (ReifiedGetter s) | |
(Monad (Rep p), Representable p) => Monad (Prep p) | |
Monad (Program instr) Source # | |
(Monad m) :=> (Functor (WrappedMonad m)) | |
Defined in Data.Constraint Methods ins :: Monad m :- Functor (WrappedMonad m) | |
(Monad m) :=> (Applicative (WrappedMonad m)) | |
Defined in Data.Constraint Methods ins :: Monad m :- Applicative (WrappedMonad m) | |
Class (Applicative f) (Monad f) | |
Defined in Data.Constraint Methods cls :: Monad f :- Applicative f | |
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 |
(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 # | |
Monad m => Monad (StateT s m) | |
Monad m => Monad (IdentityT m) | |
Monad m => Monad (ReaderT r m) | |
Monad m => Monad (ExceptT e m) | |
(Monad m, Error e) => Monad (ErrorT e m) | |
Monad m => Monad (StateT s m) | |
Monad (Tagged s) | |
(Alternative f, Monad w) => Monad (CofreeT f w) | |
(Functor f, Monad m) => Monad (FreeT f m) | |
Monad (Indexed i a) | |
Class (Monad f, Alternative f) (MonadPlus f) | |
Defined in Data.Constraint Methods cls :: MonadPlus f :- (Monad f, Alternative f) | |
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 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 # | |
(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 # | |
Monad f => Monad (M1 i c f) | Since: base-4.9.0.0 |
(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 # | |
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 # |
class Functor (f :: Type -> Type) where #
A type f
is a Functor if it provides a function fmap
which, given any types a
and b
lets you apply any function from (a -> b)
to turn an f a
into an f b
, preserving the
structure of f
. Furthermore f
needs to adhere to the following:
Note, that the second law follows from the free theorem of the type fmap
and
the first law, so you need only check that the former condition holds.
Minimal complete definition
Instances
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
is the additive identityfromInteger
0x + fromInteger 0
=x
negate
gives the additive inversex + negate x
=fromInteger 0
- Associativity of
(
*
) (x * y) * z
=x * (y * z)
is the multiplicative identityfromInteger
1x * 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.
Instances
Num Int | Since: base-2.1 |
Num Int8 | Since: base-2.1 |
Num Int16 | Since: base-2.1 |
Num Int32 | Since: base-2.1 |
Num Int64 | Since: base-2.1 |
Num Integer | Since: base-2.1 |
Num Natural | Note that Since: base-4.8.0.0 |
Num Word | Since: base-2.1 |
Num Word8 | Since: base-2.1 |
Num Word16 | Since: base-2.1 |
Num Word32 | Since: base-2.1 |
Num Word64 | Since: base-2.1 |
Num RemainingSteps | |
Defined in Michelson.Interpret Methods (+) :: RemainingSteps -> RemainingSteps -> RemainingSteps # (-) :: RemainingSteps -> RemainingSteps -> RemainingSteps # (*) :: RemainingSteps -> RemainingSteps -> RemainingSteps # negate :: RemainingSteps -> RemainingSteps # abs :: RemainingSteps -> RemainingSteps # signum :: RemainingSteps -> RemainingSteps # fromInteger :: Integer -> RemainingSteps # | |
Num GlobalCounter | |
Defined in Tezos.Address Methods (+) :: GlobalCounter -> GlobalCounter -> GlobalCounter # (-) :: GlobalCounter -> GlobalCounter -> GlobalCounter # (*) :: GlobalCounter -> GlobalCounter -> GlobalCounter # negate :: GlobalCounter -> GlobalCounter # abs :: GlobalCounter -> GlobalCounter # signum :: GlobalCounter -> GlobalCounter # fromInteger :: Integer -> GlobalCounter # | |
Num CodePoint | |
Defined in Data.Text.Encoding | |
Num DecoderState | |
Defined in Data.Text.Encoding Methods (+) :: DecoderState -> DecoderState -> DecoderState # (-) :: DecoderState -> DecoderState -> DecoderState # (*) :: DecoderState -> DecoderState -> DecoderState # negate :: DecoderState -> DecoderState # abs :: DecoderState -> DecoderState # signum :: DecoderState -> DecoderState # fromInteger :: Integer -> DecoderState # | |
Num Pos | |
Num Scientific | |
Defined in Data.Scientific | |
Num RefId Source # | |
() :=> (Num Double) | |
Defined in Data.Constraint | |
() :=> (Num Float) | |
Defined in Data.Constraint | |
() :=> (Num Int) | |
Defined in Data.Constraint | |
() :=> (Num Integer) | |
Defined in Data.Constraint | |
() :=> (Num Natural) | |
Defined in Data.Constraint | |
() :=> (Num Word) | |
Defined in Data.Constraint | |
Class () (Num a) | |
Defined in Data.Constraint | |
Integral a => Num (Ratio a) | Since: base-2.0.1 |
RealFloat a => Num (Complex a) | Since: base-2.1 |
Num a => Num (Min a) | Since: base-4.9.0.0 |
Num a => Num (Max a) | Since: base-4.9.0.0 |
Num a => Num (Identity a) | Since: base-4.9.0.0 |
Defined in Data.Functor.Identity | |
Num a => Num (Sum a) | Since: base-4.7.0.0 |
Num a => Num (Product a) | Since: base-4.7.0.0 |
Defined in Data.Semigroup.Internal | |
Num a => Num (Down a) | Since: base-4.11.0.0 |
Num a => Num (StringEncode a) | |
Defined in Morley.Micheline.Json Methods (+) :: StringEncode a -> StringEncode a -> StringEncode a # (-) :: StringEncode a -> StringEncode a -> StringEncode a # (*) :: StringEncode a -> StringEncode a -> StringEncode a # negate :: StringEncode a -> StringEncode a # abs :: StringEncode a -> StringEncode a # signum :: StringEncode a -> StringEncode a # fromInteger :: Integer -> StringEncode a # | |
Num (Offset ty) | |
Defined in Basement.Types.OffsetSize | |
Num (CountOf ty) | |
Defined in Basement.Types.OffsetSize | |
KnownNat n => Num (Zn n) | |
(KnownNat n, NatWithinBound Word64 n) => Num (Zn64 n) | |
(Num t, KnownSymbol s) => Num (ElField '(s, t)) | |
Defined in Data.Vinyl.Functor Methods (+) :: ElField '(s, t) -> ElField '(s, t) -> ElField '(s, t) # (-) :: ElField '(s, t) -> ElField '(s, t) -> ElField '(s, t) # (*) :: ElField '(s, t) -> ElField '(s, t) -> ElField '(s, t) # negate :: ElField '(s, t) -> ElField '(s, t) # abs :: ElField '(s, t) -> ElField '(s, t) # signum :: ElField '(s, t) -> ElField '(s, t) # fromInteger :: Integer -> ElField '(s, t) # | |
(Integral a) :=> (Num (Ratio a)) | |
Defined in Data.Constraint | |
(Num a) :=> (Num (Identity a)) | |
Defined in Data.Constraint | |
(Num a) :=> (Num (Const a b)) | |
Defined in Data.Constraint | |
(RealFloat a) :=> (Num (Complex a)) | |
Defined in Data.Constraint | |
Class (Num a) (Fractional a) | |
Defined in Data.Constraint Methods cls :: Fractional a :- Num a | |
Class (Num a, Ord a) (Real a) | |
Defined in Data.Constraint | |
Num a => Num (Const a b) | Since: base-4.9.0.0 |
Defined in Data.Functor.Const | |
(Applicative f, Num a) => Num (Ap f a) | Since: base-4.12.0.0 |
Num (f a) => Num (Alt f a) | Since: base-4.8.0.0 |
Num a => Num (Tagged s a) | |
Defined in Data.Tagged |
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.
Instances
Ord Bool | |
Ord Char | |
Ord Double | Note that due to the presence of
Also note that, due to the same,
|
Ord Float | Note that due to the presence of
Also note that, due to the same,
|
Ord Int | |
Ord Int8 | Since: base-2.1 |
Ord Int16 | Since: base-2.1 |
Ord Int32 | Since: base-2.1 |
Ord Int64 | Since: base-2.1 |
Ord Integer | |
Ord Natural | Since: base-4.8.0.0 |
Ord Ordering | |
Defined in GHC.Classes | |
Ord Word | |
Ord Word8 | Since: base-2.1 |
Ord Word16 | Since: base-2.1 |
Ord Word32 | Since: base-2.1 |
Ord Word64 | Since: base-2.1 |
Ord SomeTypeRep | |
Defined in Data.Typeable.Internal Methods compare :: SomeTypeRep -> SomeTypeRep -> Ordering # (<) :: SomeTypeRep -> SomeTypeRep -> Bool # (<=) :: SomeTypeRep -> SomeTypeRep -> Bool # (>) :: SomeTypeRep -> SomeTypeRep -> Bool # (>=) :: SomeTypeRep -> SomeTypeRep -> Bool # max :: SomeTypeRep -> SomeTypeRep -> SomeTypeRep # min :: SomeTypeRep -> SomeTypeRep -> SomeTypeRep # | |
Ord Exp | |
Ord Match | |
Ord Clause | |
Ord Pat | |
Ord Type | |
Ord Dec | |
Ord Name | |
Ord FunDep | |
Ord InjectivityAnn | |
Defined in Language.Haskell.TH.Syntax Methods compare :: InjectivityAnn -> InjectivityAnn -> Ordering # (<) :: InjectivityAnn -> InjectivityAnn -> Bool # (<=) :: InjectivityAnn -> InjectivityAnn -> Bool # (>) :: InjectivityAnn -> InjectivityAnn -> Bool # (>=) :: InjectivityAnn -> InjectivityAnn -> Bool # max :: InjectivityAnn -> InjectivityAnn -> InjectivityAnn # min :: InjectivityAnn -> InjectivityAnn -> InjectivityAnn # | |
Ord Overlap | |
Defined in Language.Haskell.TH.Syntax | |
Ord () | |
Ord TyCon | |
Ord BigNat | |
Ord Void | Since: base-4.8.0.0 |
Ord Version | Since: base-2.1 |
Ord ThreadId | Since: base-4.2.0.0 |
Defined in GHC.Conc.Sync | |
Ord BlockReason | Since: base-4.3.0.0 |
Defined in GHC.Conc.Sync Methods compare :: BlockReason -> BlockReason -> Ordering # (<) :: BlockReason -> BlockReason -> Bool # (<=) :: BlockReason -> BlockReason -> Bool # (>) :: BlockReason -> BlockReason -> Bool # (>=) :: BlockReason -> BlockReason -> Bool # max :: BlockReason -> BlockReason -> BlockReason # min :: BlockReason -> BlockReason -> BlockReason # | |
Ord ThreadStatus | Since: base-4.3.0.0 |
Defined in GHC.Conc.Sync Methods compare :: ThreadStatus -> ThreadStatus -> Ordering # (<) :: ThreadStatus -> ThreadStatus -> Bool # (<=) :: ThreadStatus -> ThreadStatus -> Bool # (>) :: ThreadStatus -> ThreadStatus -> Bool # (>=) :: ThreadStatus -> ThreadStatus -> Bool # max :: ThreadStatus -> ThreadStatus -> ThreadStatus # min :: ThreadStatus -> ThreadStatus -> ThreadStatus # | |
Ord AsyncException | Since: base-4.2.0.0 |
Defined in GHC.IO.Exception Methods compare :: AsyncException -> AsyncException -> Ordering # (<) :: AsyncException -> AsyncException -> Bool # (<=) :: AsyncException -> AsyncException -> Bool # (>) :: AsyncException -> AsyncException -> Bool # (>=) :: AsyncException -> AsyncException -> Bool # max :: AsyncException -> AsyncException -> AsyncException # min :: AsyncException -> AsyncException -> AsyncException # | |
Ord ArrayException | Since: base-4.2.0.0 |
Defined in GHC.IO.Exception Methods compare :: ArrayException -> ArrayException -> Ordering # (<) :: ArrayException -> ArrayException -> Bool # (<=) :: ArrayException -> ArrayException -> Bool # (>) :: ArrayException -> ArrayException -> Bool # (>=) :: ArrayException -> ArrayException -> Bool # max :: ArrayException -> ArrayException -> ArrayException # min :: ArrayException -> ArrayException -> ArrayException # | |
Ord ExitCode | |
Defined in GHC.IO.Exception | |
Ord BufferMode | Since: base-4.2.0.0 |
Defined in GHC.IO.Handle.Types Methods compare :: BufferMode -> BufferMode -> Ordering # (<) :: BufferMode -> BufferMode -> Bool # (<=) :: BufferMode -> BufferMode -> Bool # (>) :: BufferMode -> BufferMode -> Bool # (>=) :: BufferMode -> BufferMode -> Bool # max :: BufferMode -> BufferMode -> BufferMode # min :: BufferMode -> BufferMode -> BufferMode # | |
Ord Newline | Since: base-4.3.0.0 |
Ord NewlineMode | Since: base-4.3.0.0 |
Defined in GHC.IO.Handle.Types Methods compare :: NewlineMode -> NewlineMode -> Ordering # (<) :: NewlineMode -> NewlineMode -> Bool # (<=) :: NewlineMode -> NewlineMode -> Bool # (>) :: NewlineMode -> NewlineMode -> Bool # (>=) :: NewlineMode -> NewlineMode -> Bool # max :: NewlineMode -> NewlineMode -> NewlineMode # min :: NewlineMode -> NewlineMode -> NewlineMode # | |
Ord ErrorCall | Since: base-4.7.0.0 |
Ord ArithException | Since: base-3.0 |
Defined in GHC.Exception.Type Methods compare :: ArithException -> ArithException -> Ordering # (<) :: ArithException -> ArithException -> Bool # (<=) :: ArithException -> ArithException -> Bool # (>) :: ArithException -> ArithException -> Bool # (>=) :: ArithException -> ArithException -> Bool # max :: ArithException -> ArithException -> ArithException # min :: ArithException -> ArithException -> ArithException # | |
Ord All | Since: base-2.1 |
Ord Any | Since: base-2.1 |
Ord Fixity | Since: base-4.6.0.0 |
Ord Associativity | Since: base-4.6.0.0 |
Defined in GHC.Generics Methods compare :: Associativity -> Associativity -> Ordering # (<) :: Associativity -> Associativity -> Bool # (<=) :: Associativity -> Associativity -> Bool # (>) :: Associativity -> Associativity -> Bool # (>=) :: Associativity -> Associativity -> Bool # max :: Associativity -> Associativity -> Associativity # min :: Associativity -> Associativity -> Associativity # | |
Ord SourceUnpackedness | Since: base-4.9.0.0 |
Defined in GHC.Generics Methods compare :: SourceUnpackedness -> SourceUnpackedness -> Ordering # (<) :: SourceUnpackedness -> SourceUnpackedness -> Bool # (<=) :: SourceUnpackedness -> SourceUnpackedness -> Bool # (>) :: SourceUnpackedness -> SourceUnpackedness -> Bool # (>=) :: SourceUnpackedness -> SourceUnpackedness -> Bool # max :: SourceUnpackedness -> SourceUnpackedness -> SourceUnpackedness # min :: SourceUnpackedness -> SourceUnpackedness -> SourceUnpackedness # | |
Ord SourceStrictness | Since: base-4.9.0.0 |
Defined in GHC.Generics Methods compare :: SourceStrictness -> SourceStrictness -> Ordering # (<) :: SourceStrictness -> SourceStrictness -> Bool # (<=) :: SourceStrictness -> SourceStrictness -> Bool # (>) :: SourceStrictness -> SourceStrictness -> Bool # (>=) :: SourceStrictness -> SourceStrictness -> Bool # max :: SourceStrictness -> SourceStrictness -> SourceStrictness # min :: SourceStrictness -> SourceStrictness -> SourceStrictness # | |
Ord DecidedStrictness | Since: base-4.9.0.0 |
Defined in GHC.Generics Methods compare :: DecidedStrictness -> DecidedStrictness -> Ordering # (<) :: DecidedStrictness -> DecidedStrictness -> Bool # (<=) :: DecidedStrictness -> DecidedStrictness -> Bool # (>) :: DecidedStrictness -> DecidedStrictness -> Bool # (>=) :: DecidedStrictness -> DecidedStrictness -> Bool # max :: DecidedStrictness -> DecidedStrictness -> DecidedStrictness # min :: DecidedStrictness -> DecidedStrictness -> DecidedStrictness # | |
Ord SomeSymbol | Since: base-4.7.0.0 |
Defined in GHC.TypeLits Methods compare :: SomeSymbol -> SomeSymbol -> Ordering # (<) :: SomeSymbol -> SomeSymbol -> Bool # (<=) :: SomeSymbol -> SomeSymbol -> Bool # (>) :: SomeSymbol -> SomeSymbol -> Bool # (>=) :: SomeSymbol -> SomeSymbol -> Bool # max :: SomeSymbol -> SomeSymbol -> SomeSymbol # min :: SomeSymbol -> SomeSymbol -> SomeSymbol # | |
Ord SomeNat | Since: base-4.7.0.0 |
Ord IOMode | Since: base-4.2.0.0 |
Ord ByteString | |
Defined in Data.ByteString.Internal Methods compare :: ByteString -> ByteString -> Ordering # (<) :: ByteString -> ByteString -> Bool # (<=) :: ByteString -> ByteString -> Bool # (>) :: ByteString -> ByteString -> Bool # (>=) :: ByteString -> ByteString -> Bool # max :: ByteString -> ByteString -> ByteString # min :: ByteString -> ByteString -> ByteString # | |
Ord IntSet | |
Ord DDescribeErrorTagMap | |
Defined in Lorentz.Errors.Numeric.Doc Methods compare :: DDescribeErrorTagMap -> DDescribeErrorTagMap -> Ordering # (<) :: DDescribeErrorTagMap -> DDescribeErrorTagMap -> Bool # (<=) :: DDescribeErrorTagMap -> DDescribeErrorTagMap -> Bool # (>) :: DDescribeErrorTagMap -> DDescribeErrorTagMap -> Bool # (>=) :: DDescribeErrorTagMap -> DDescribeErrorTagMap -> Bool # max :: DDescribeErrorTagMap -> DDescribeErrorTagMap -> DDescribeErrorTagMap # min :: DDescribeErrorTagMap -> DDescribeErrorTagMap -> DDescribeErrorTagMap # | |
Ord DUStoreTemplate | |
Defined in Lorentz.UStore.Doc Methods compare :: DUStoreTemplate -> DUStoreTemplate -> Ordering # (<) :: DUStoreTemplate -> DUStoreTemplate -> Bool # (<=) :: DUStoreTemplate -> DUStoreTemplate -> Bool # (>) :: DUStoreTemplate -> DUStoreTemplate -> Bool # (>=) :: DUStoreTemplate -> DUStoreTemplate -> Bool # max :: DUStoreTemplate -> DUStoreTemplate -> DUStoreTemplate # min :: DUStoreTemplate -> DUStoreTemplate -> DUStoreTemplate # | |
Ord DError | |
Ord EpName | |
Ord MText | |
Ord KeyHash | |
Ord Timestamp | |
Ord Mutez | |
Ord Address | |
Ord EpAddress | |
Ord SomeDocDefinitionItem | |
Defined in Michelson.Doc Methods compare :: SomeDocDefinitionItem -> SomeDocDefinitionItem -> Ordering # (<) :: SomeDocDefinitionItem -> SomeDocDefinitionItem -> Bool # (<=) :: SomeDocDefinitionItem -> SomeDocDefinitionItem -> Bool # (>) :: SomeDocDefinitionItem -> SomeDocDefinitionItem -> Bool # (>=) :: SomeDocDefinitionItem -> SomeDocDefinitionItem -> Bool # max :: SomeDocDefinitionItem -> SomeDocDefinitionItem -> SomeDocDefinitionItem # min :: SomeDocDefinitionItem -> SomeDocDefinitionItem -> SomeDocDefinitionItem # | |
Ord DocItemPos | |
Defined in Michelson.Doc Methods compare :: DocItemPos -> DocItemPos -> Ordering # (<) :: DocItemPos -> DocItemPos -> Bool # (<=) :: DocItemPos -> DocItemPos -> Bool # (>) :: DocItemPos -> DocItemPos -> Bool # (>=) :: DocItemPos -> DocItemPos -> Bool # max :: DocItemPos -> DocItemPos -> DocItemPos # min :: DocItemPos -> DocItemPos -> DocItemPos # | |
Ord DocItemId | |
Ord DType | |
Ord Builder | |
Defined in Data.Text.Internal.Builder | |
Ord RemainingSteps | |
Defined in Michelson.Interpret Methods compare :: RemainingSteps -> RemainingSteps -> Ordering # (<) :: RemainingSteps -> RemainingSteps -> Bool # (<=) :: RemainingSteps -> RemainingSteps -> Bool # (>) :: RemainingSteps -> RemainingSteps -> Bool # (>=) :: RemainingSteps -> RemainingSteps -> Bool # max :: RemainingSteps -> RemainingSteps -> RemainingSteps # min :: RemainingSteps -> RemainingSteps -> RemainingSteps # | |
Ord DStorageType | |
Defined in Michelson.Typed.Haskell.Doc Methods compare :: DStorageType -> DStorageType -> Ordering # (<) :: DStorageType -> DStorageType -> Bool # (<=) :: DStorageType -> DStorageType -> Bool # (>) :: DStorageType -> DStorageType -> Bool # (>=) :: DStorageType -> DStorageType -> Bool # max :: DStorageType -> DStorageType -> DStorageType # min :: DStorageType -> DStorageType -> DStorageType # | |
Ord ShiftArithErrorType | |
Defined in Michelson.Typed.Arith Methods compare :: ShiftArithErrorType -> ShiftArithErrorType -> Ordering # (<) :: ShiftArithErrorType -> ShiftArithErrorType -> Bool # (<=) :: ShiftArithErrorType -> ShiftArithErrorType -> Bool # (>) :: ShiftArithErrorType -> ShiftArithErrorType -> Bool # (>=) :: ShiftArithErrorType -> ShiftArithErrorType -> Bool # max :: ShiftArithErrorType -> ShiftArithErrorType -> ShiftArithErrorType # min :: ShiftArithErrorType -> ShiftArithErrorType -> ShiftArithErrorType # | |
Ord MutezArithErrorType | |
Defined in Michelson.Typed.Arith Methods compare :: MutezArithErrorType -> MutezArithErrorType -> Ordering # (<) :: MutezArithErrorType -> MutezArithErrorType -> Bool # (<=) :: MutezArithErrorType -> MutezArithErrorType -> Bool # (>) :: MutezArithErrorType -> MutezArithErrorType -> Bool # (>=) :: MutezArithErrorType -> MutezArithErrorType -> Bool # max :: MutezArithErrorType -> MutezArithErrorType -> MutezArithErrorType # min :: MutezArithErrorType -> MutezArithErrorType -> MutezArithErrorType # | |
Ord ContractHash | |
Defined in Tezos.Address Methods compare :: ContractHash -> ContractHash -> Ordering # (<) :: ContractHash -> ContractHash -> Bool # (<=) :: ContractHash -> ContractHash -> Bool # (>) :: ContractHash -> ContractHash -> Bool # (>=) :: ContractHash -> ContractHash -> Bool # max :: ContractHash -> ContractHash -> ContractHash # min :: ContractHash -> ContractHash -> ContractHash # | |
Ord OperationHash | |
Defined in Tezos.Address Methods compare :: OperationHash -> OperationHash -> Ordering # (<) :: OperationHash -> OperationHash -> Bool # (<=) :: OperationHash -> OperationHash -> Bool # (>) :: OperationHash -> OperationHash -> Bool # (>=) :: OperationHash -> OperationHash -> Bool # max :: OperationHash -> OperationHash -> OperationHash # min :: OperationHash -> OperationHash -> OperationHash # | |
Ord OriginationIndex | |
Defined in Tezos.Address Methods compare :: OriginationIndex -> OriginationIndex -> Ordering # (<) :: OriginationIndex -> OriginationIndex -> Bool # (<=) :: OriginationIndex -> OriginationIndex -> Bool # (>) :: OriginationIndex -> OriginationIndex -> Bool # (>=) :: OriginationIndex -> OriginationIndex -> Bool # max :: OriginationIndex -> OriginationIndex -> OriginationIndex # min :: OriginationIndex -> OriginationIndex -> OriginationIndex # | |
Ord MichelinePrimitive | |
Defined in Morley.Micheline.Expression Methods compare :: MichelinePrimitive -> MichelinePrimitive -> Ordering # (<) :: MichelinePrimitive -> MichelinePrimitive -> Bool # (<=) :: MichelinePrimitive -> MichelinePrimitive -> Bool # (>) :: MichelinePrimitive -> MichelinePrimitive -> Bool # (>=) :: MichelinePrimitive -> MichelinePrimitive -> Bool # max :: MichelinePrimitive -> MichelinePrimitive -> MichelinePrimitive # min :: MichelinePrimitive -> MichelinePrimitive -> MichelinePrimitive # | |
Ord KeyHashTag | |
Defined in Tezos.Crypto Methods compare :: KeyHashTag -> KeyHashTag -> Ordering # (<) :: KeyHashTag -> KeyHashTag -> Bool # (<=) :: KeyHashTag -> KeyHashTag -> Bool # (>) :: KeyHashTag -> KeyHashTag -> Bool # (>=) :: KeyHashTag -> KeyHashTag -> Bool # max :: KeyHashTag -> KeyHashTag -> KeyHashTag # min :: KeyHashTag -> KeyHashTag -> KeyHashTag # | |
Ord CustomParserException | |
Defined in Michelson.Parser.Error Methods compare :: CustomParserException -> CustomParserException -> Ordering # (<) :: CustomParserException -> CustomParserException -> Bool # (<=) :: CustomParserException -> CustomParserException -> Bool # (>) :: CustomParserException -> CustomParserException -> Bool # (>=) :: CustomParserException -> CustomParserException -> Bool # max :: CustomParserException -> CustomParserException -> CustomParserException # min :: CustomParserException -> CustomParserException -> CustomParserException # | |
Ord StringLiteralParserException | |
Defined in Michelson.Parser.Error Methods compare :: StringLiteralParserException -> StringLiteralParserException -> Ordering # (<) :: StringLiteralParserException -> StringLiteralParserException -> Bool # (<=) :: StringLiteralParserException -> StringLiteralParserException -> Bool # (>) :: StringLiteralParserException -> StringLiteralParserException -> Bool # (>=) :: StringLiteralParserException -> StringLiteralParserException -> Bool # max :: StringLiteralParserException -> StringLiteralParserException -> StringLiteralParserException # min :: StringLiteralParserException -> StringLiteralParserException -> StringLiteralParserException # | |
Ord Positive | |
Defined in Util.Positive | |
Ord HexJSONByteString | |
Defined in Util.ByteString Methods compare :: HexJSONByteString -> HexJSONByteString -> Ordering # (<) :: HexJSONByteString -> HexJSONByteString -> Bool # (<=) :: HexJSONByteString -> HexJSONByteString -> Bool # (>) :: HexJSONByteString -> HexJSONByteString -> Bool # (>=) :: HexJSONByteString -> HexJSONByteString -> Bool # max :: HexJSONByteString -> HexJSONByteString -> HexJSONByteString # min :: HexJSONByteString -> HexJSONByteString -> HexJSONByteString # | |
Ord Pos | |
Ord SrcPos | |
Ord LetName | |
Ord InstrCallStack | |
Defined in Michelson.ErrorPos Methods compare :: InstrCallStack -> InstrCallStack -> Ordering # (<) :: InstrCallStack -> InstrCallStack -> Bool # (<=) :: InstrCallStack -> InstrCallStack -> Bool # (>) :: InstrCallStack -> InstrCallStack -> Bool # (>=) :: InstrCallStack -> InstrCallStack -> Bool # max :: InstrCallStack -> InstrCallStack -> InstrCallStack # min :: InstrCallStack -> InstrCallStack -> InstrCallStack # | |
Ord Var | |
Ord ModName | |
Defined in Language.Haskell.TH.Syntax | |
Ord PkgName | |
Defined in Language.Haskell.TH.Syntax | |
Ord Module | |
Ord OccName | |
Defined in Language.Haskell.TH.Syntax | |
Ord NameFlavour | |
Defined in Language.Haskell.TH.Syntax Methods compare :: NameFlavour -> NameFlavour -> Ordering # (<) :: NameFlavour -> NameFlavour -> Bool # (<=) :: NameFlavour -> NameFlavour -> Bool # (>) :: NameFlavour -> NameFlavour -> Bool # (>=) :: NameFlavour -> NameFlavour -> Bool # max :: NameFlavour -> NameFlavour -> NameFlavour # min :: NameFlavour -> NameFlavour -> NameFlavour # | |
Ord NameSpace | |
Ord Loc | |
Ord Info | |
Ord ModuleInfo | |
Defined in Language.Haskell.TH.Syntax Methods compare :: ModuleInfo -> ModuleInfo -> Ordering # (<) :: ModuleInfo -> ModuleInfo -> Bool # (<=) :: ModuleInfo -> ModuleInfo -> Bool # (>) :: ModuleInfo -> ModuleInfo -> Bool # (>=) :: ModuleInfo -> ModuleInfo -> Bool # max :: ModuleInfo -> ModuleInfo -> ModuleInfo # min :: ModuleInfo -> ModuleInfo -> ModuleInfo # | |
Ord Fixity | |
Ord FixityDirection | |
Defined in Language.Haskell.TH.Syntax Methods compare :: FixityDirection -> FixityDirection -> Ordering # (<) :: FixityDirection -> FixityDirection -> Bool # (<=) :: FixityDirection -> FixityDirection -> Bool # (>) :: FixityDirection -> FixityDirection -> Bool # (>=) :: FixityDirection -> FixityDirection -> Bool # max :: FixityDirection -> FixityDirection -> FixityDirection # min :: FixityDirection -> FixityDirection -> FixityDirection # | |
Ord Lit | |
Ord Body | |
Ord Guard | |
Ord Stmt | |
Ord Range | |
Ord DerivClause | |
Defined in Language.Haskell.TH.Syntax Methods compare :: DerivClause -> DerivClause -> Ordering # (<) :: DerivClause -> DerivClause -> Bool # (<=) :: DerivClause -> DerivClause -> Bool # (>) :: DerivClause -> DerivClause -> Bool # (>=) :: DerivClause -> DerivClause -> Bool # max :: DerivClause -> DerivClause -> DerivClause # min :: DerivClause -> DerivClause -> DerivClause # | |
Ord DerivStrategy | |
Defined in Language.Haskell.TH.Syntax Methods compare :: DerivStrategy -> DerivStrategy -> Ordering # (<) :: DerivStrategy -> DerivStrategy -> Bool # (<=) :: DerivStrategy -> DerivStrategy -> Bool # (>) :: DerivStrategy -> DerivStrategy -> Bool # (>=) :: DerivStrategy -> DerivStrategy -> Bool # max :: DerivStrategy -> DerivStrategy -> DerivStrategy # min :: DerivStrategy -> DerivStrategy -> DerivStrategy # | |
Ord TypeFamilyHead | |
Defined in Language.Haskell.TH.Syntax Methods compare :: TypeFamilyHead -> TypeFamilyHead -> Ordering # (<) :: TypeFamilyHead -> TypeFamilyHead -> Bool # (<=) :: TypeFamilyHead -> TypeFamilyHead -> Bool # (>) :: TypeFamilyHead -> TypeFamilyHead -> Bool # (>=) :: TypeFamilyHead -> TypeFamilyHead -> Bool # max :: TypeFamilyHead -> TypeFamilyHead -> TypeFamilyHead # min :: TypeFamilyHead -> TypeFamilyHead -> TypeFamilyHead # | |
Ord TySynEqn | |
Defined in Language.Haskell.TH.Syntax | |
Ord Foreign | |
Defined in Language.Haskell.TH.Syntax | |
Ord Callconv | |
Defined in Language.Haskell.TH.Syntax | |
Ord Safety | |
Ord Pragma | |
Ord Inline | |
Ord RuleMatch | |
Ord Phases | |
Ord RuleBndr | |
Defined in Language.Haskell.TH.Syntax | |
Ord AnnTarget | |
Ord SourceUnpackedness | |
Defined in Language.Haskell.TH.Syntax Methods compare :: SourceUnpackedness -> SourceUnpackedness -> Ordering # (<) :: SourceUnpackedness -> SourceUnpackedness -> Bool # (<=) :: SourceUnpackedness -> SourceUnpackedness -> Bool # (>) :: SourceUnpackedness -> SourceUnpackedness -> Bool # (>=) :: SourceUnpackedness -> SourceUnpackedness -> Bool # max :: SourceUnpackedness -> SourceUnpackedness -> SourceUnpackedness # min :: SourceUnpackedness -> SourceUnpackedness -> SourceUnpackedness # | |
Ord SourceStrictness | |
Defined in Language.Haskell.TH.Syntax Methods compare :: SourceStrictness -> SourceStrictness -> Ordering # (<) :: SourceStrictness -> SourceStrictness -> Bool # (<=) :: SourceStrictness -> SourceStrictness -> Bool # (>) :: SourceStrictness -> SourceStrictness -> Bool # (>=) :: SourceStrictness -> SourceStrictness -> Bool # max :: SourceStrictness -> SourceStrictness -> SourceStrictness # min :: SourceStrictness -> SourceStrictness -> SourceStrictness # | |
Ord DecidedStrictness | |
Defined in Language.Haskell.TH.Syntax Methods compare :: DecidedStrictness -> DecidedStrictness -> Ordering # (<) :: DecidedStrictness -> DecidedStrictness -> Bool # (<=) :: DecidedStrictness -> DecidedStrictness -> Bool # (>) :: DecidedStrictness -> DecidedStrictness -> Bool # (>=) :: DecidedStrictness -> DecidedStrictness -> Bool # max :: DecidedStrictness -> DecidedStrictness -> DecidedStrictness # min :: DecidedStrictness -> DecidedStrictness -> DecidedStrictness # | |
Ord Con | |
Ord Bang | |
Ord PatSynDir | |
Ord PatSynArgs | |
Defined in Language.Haskell.TH.Syntax Methods compare :: PatSynArgs -> PatSynArgs -> Ordering # (<) :: PatSynArgs -> PatSynArgs -> Bool # (<=) :: PatSynArgs -> PatSynArgs -> Bool # (>) :: PatSynArgs -> PatSynArgs -> Bool # (>=) :: PatSynArgs -> PatSynArgs -> Bool # max :: PatSynArgs -> PatSynArgs -> PatSynArgs # min :: PatSynArgs -> PatSynArgs -> PatSynArgs # | |
Ord TyVarBndr | |
Ord FamilyResultSig | |
Defined in Language.Haskell.TH.Syntax Methods compare :: FamilyResultSig -> FamilyResultSig -> Ordering # (<) :: FamilyResultSig -> FamilyResultSig -> Bool # (<=) :: FamilyResultSig -> FamilyResultSig -> Bool # (>) :: FamilyResultSig -> FamilyResultSig -> Bool # (>=) :: FamilyResultSig -> FamilyResultSig -> Bool # max :: FamilyResultSig -> FamilyResultSig -> FamilyResultSig # min :: FamilyResultSig -> FamilyResultSig -> FamilyResultSig # | |
Ord TyLit | |
Ord Role | |
Ord AnnLookup | |
Ord LocalTime | |
Defined in Data.Time.LocalTime.Internal.LocalTime | |
Ord UTCTime | |
Defined in Data.Time.Clock.Internal.UTCTime | |
Ord Undefined | |
Ord SrcSpanInfo | |
Defined in Language.Haskell.Exts.SrcLoc | |
Ord SrcLoc | |
Ord SrcSpan | |
Defined in Language.Haskell.Exts.SrcLoc | |
Ord Pos | |
Ord Scientific | |
Ord JSONPathElement | |
Defined in Data.Aeson.Types.Internal Methods compare :: JSONPathElement -> JSONPathElement -> Ordering # (<) :: JSONPathElement -> JSONPathElement -> Bool # (<=) :: JSONPathElement -> JSONPathElement -> Bool # (>) :: JSONPathElement -> JSONPathElement -> Bool # (>=) :: JSONPathElement -> JSONPathElement -> Bool # max :: JSONPathElement -> JSONPathElement -> JSONPathElement # min :: JSONPathElement -> JSONPathElement -> JSONPathElement # | |
Ord RefId Source # | |
Ord DotNetTime | |
Defined in Data.Aeson.Types.Internal | |
Ord Alphabet | |
Defined in Data.ByteString.Base58.Internal | |
Ord Encoding | |
Defined in Basement.String | |
Ord String | |
Ord UTF32_Invalid | |
Defined in Basement.String.Encoding.UTF32 Methods compare :: UTF32_Invalid -> UTF32_Invalid -> Ordering # (<) :: UTF32_Invalid -> UTF32_Invalid -> Bool # (<=) :: UTF32_Invalid -> UTF32_Invalid -> Bool # (>) :: UTF32_Invalid -> UTF32_Invalid -> Bool # (>=) :: UTF32_Invalid -> UTF32_Invalid -> Bool # | |
Ord FileSize | |
Defined in Basement.Types.OffsetSize | |
Ord Boxed | |
Ord Tool | |
Ord Pos | |
Ord SourcePos | |
Ord ByteArray | |
Ord ConstructorVariant | |
Defined in Language.Haskell.TH.Datatype Methods compare :: ConstructorVariant -> ConstructorVariant -> Ordering # (<) :: ConstructorVariant -> ConstructorVariant -> Bool # (<=) :: ConstructorVariant -> ConstructorVariant -> Bool # (>) :: ConstructorVariant -> ConstructorVariant -> Bool # (>=) :: ConstructorVariant -> ConstructorVariant -> Bool # max :: ConstructorVariant -> ConstructorVariant -> ConstructorVariant # min :: ConstructorVariant -> ConstructorVariant -> ConstructorVariant # | |
Ord DatatypeVariant | |
Defined in Language.Haskell.TH.Datatype Methods compare :: DatatypeVariant -> DatatypeVariant -> Ordering # (<) :: DatatypeVariant -> DatatypeVariant -> Bool # (<=) :: DatatypeVariant -> DatatypeVariant -> Bool # (>) :: DatatypeVariant -> DatatypeVariant -> Bool # (>=) :: DatatypeVariant -> DatatypeVariant -> Bool # max :: DatatypeVariant -> DatatypeVariant -> DatatypeVariant # min :: DatatypeVariant -> DatatypeVariant -> DatatypeVariant # | |
Ord FieldStrictness | |
Defined in Language.Haskell.TH.Datatype Methods compare :: FieldStrictness -> FieldStrictness -> Ordering # (<) :: FieldStrictness -> FieldStrictness -> Bool # (<=) :: FieldStrictness -> FieldStrictness -> Bool # (>) :: FieldStrictness -> FieldStrictness -> Bool # (>=) :: FieldStrictness -> FieldStrictness -> Bool # max :: FieldStrictness -> FieldStrictness -> FieldStrictness # min :: FieldStrictness -> FieldStrictness -> FieldStrictness # | |
Ord Strictness | |
Defined in Language.Haskell.TH.Datatype | |
Ord Unpackedness | |
Defined in Language.Haskell.TH.Datatype | |
Ord UUID | |
Ord UnpackedUUID | |
Defined in Data.UUID.Types.Internal | |
Ord Lambda1Def Source # | |
Defined in Indigo.Compilation.Lambda Methods compare :: Lambda1Def -> Lambda1Def -> Ordering # (<) :: Lambda1Def -> Lambda1Def -> Bool # (<=) :: Lambda1Def -> Lambda1Def -> Bool # (>) :: Lambda1Def -> Lambda1Def -> Bool # (>=) :: Lambda1Def -> Lambda1Def -> Bool # max :: Lambda1Def -> Lambda1Def -> Lambda1Def # min :: Lambda1Def -> Lambda1Def -> Lambda1Def # | |
() :=> (Ord Bool) | |
Defined in Data.Constraint | |
() :=> (Ord Char) | |
Defined in Data.Constraint | |
() :=> (Ord Double) | |
Defined in Data.Constraint | |
() :=> (Ord Float) | |
Defined in Data.Constraint | |
() :=> (Ord Int) | |
Defined in Data.Constraint | |
() :=> (Ord Integer) | |
Defined in Data.Constraint | |
() :=> (Ord Natural) | |
Defined in Data.Constraint | |
() :=> (Ord Word) | |
Defined in Data.Constraint | |
() :=> (Ord ()) | |
Defined in Data.Constraint | |
() :=> (Ord (Dict a)) | |
Defined in Data.Constraint | |
() :=> (Ord (a :- b)) | |
Defined in Data.Constraint | |
Ord a => Ord [a] | |
Ord a => Ord (Maybe a) | Since: base-2.1 |
Integral a => Ord (Ratio a) | Since: base-2.0.1 |
Ord (Ptr a) | Since: base-2.1 |
Ord (FunPtr a) | |
Defined in GHC.Ptr | |
Ord p => Ord (Par1 p) | Since: base-4.7.0.0 |
Ord a => Ord (Min a) | Since: base-4.9.0.0 |
Ord a => Ord (Max a) | Since: base-4.9.0.0 |
Ord a => Ord (First a) | Since: base-4.9.0.0 |
Ord a => Ord (Last a) | Since: base-4.9.0.0 |
Ord m => Ord (WrappedMonoid m) | Since: base-4.9.0.0 |
Defined in Data.Semigroup Methods compare :: WrappedMonoid m -> WrappedMonoid m -> Ordering # (<) :: WrappedMonoid m -> WrappedMonoid m -> Bool # (<=) :: WrappedMonoid m -> WrappedMonoid m -> Bool # (>) :: WrappedMonoid m -> WrappedMonoid m -> Bool # (>=) :: WrappedMonoid m -> WrappedMonoid m -> Bool # max :: WrappedMonoid m -> WrappedMonoid m -> WrappedMonoid m # min :: WrappedMonoid m -> WrappedMonoid m -> WrappedMonoid m # | |
Ord a => Ord (Option a) | Since: base-4.9.0.0 |
Defined in Data.Semigroup | |
Ord a => Ord (ZipList a) | Since: base-4.7.0.0 |
Ord a => Ord (Identity a) | Since: base-4.8.0.0 |
Defined in Data.Functor.Identity | |
Ord a => Ord (First a) | Since: base-2.1 |
Ord a => Ord (Last a) | Since: base-2.1 |
Ord a => Ord (Dual a) | Since: base-2.1 |
Ord a => Ord (Sum a) | Since: base-2.1 |
Ord a => Ord (Product a) | Since: base-2.1 |
Ord a => Ord (Down a) | Since: base-4.6.0.0 |
Ord a => Ord (NonEmpty a) | Since: base-4.9.0.0 |
Ord a => Ord (IntMap a) | |
Defined in Data.IntMap.Internal | |
Ord a => Ord (Seq a) | |
Ord a => Ord (ViewL a) | |
Defined in Data.Sequence.Internal | |
Ord a => Ord (ViewR a) | |
Defined in Data.Sequence.Internal | |
Ord a => Ord (Set a) | |
Ord (DEntrypoint PlainEntrypointsKind) | |
Defined in Lorentz.Entrypoints.Doc Methods compare :: DEntrypoint PlainEntrypointsKind -> DEntrypoint PlainEntrypointsKind -> Ordering # (<) :: DEntrypoint PlainEntrypointsKind -> DEntrypoint PlainEntrypointsKind -> Bool # (<=) :: DEntrypoint PlainEntrypointsKind -> DEntrypoint PlainEntrypointsKind -> Bool # (>) :: DEntrypoint PlainEntrypointsKind -> DEntrypoint PlainEntrypointsKind -> Bool # (>=) :: DEntrypoint PlainEntrypointsKind -> DEntrypoint PlainEntrypointsKind -> Bool # max :: DEntrypoint PlainEntrypointsKind -> DEntrypoint PlainEntrypointsKind -> DEntrypoint PlainEntrypointsKind # min :: DEntrypoint PlainEntrypointsKind -> DEntrypoint PlainEntrypointsKind -> DEntrypoint PlainEntrypointsKind # | |
Ord a => Ord (StringEncode a) | |
Defined in Morley.Micheline.Json Methods compare :: StringEncode a -> StringEncode a -> Ordering # (<) :: StringEncode a -> StringEncode a -> Bool # (<=) :: StringEncode a -> StringEncode a -> Bool # (>) :: StringEncode a -> StringEncode a -> Bool # (>=) :: StringEncode a -> StringEncode a -> Bool # max :: StringEncode a -> StringEncode a -> StringEncode a # min :: StringEncode a -> StringEncode a -> StringEncode a # | |
Ord a => Ord (HashSet a) | |
Ord a => Ord (Vector a) | |
Defined in Data.Vector | |
(Storable a, Ord a) => Ord (Vector a) | |
Defined in Data.Vector.Storable | |
(Prim a, Ord a) => Ord (Vector a) | |
Defined in Data.Vector.Primitive | |
Ord a => Ord (Hashed a) | |
Defined in Data.Hashable.Class | |
Ord a => Ord (Array a) | |
Defined in Data.Primitive.Array | |
Ord (Dict a) | |
Ord a => Ord (ListOf a) | |
Defined in Language.Haskell.Exts.Parser | |
Ord l => Ord (ModuleHeadAndImports l) | |
Defined in Language.Haskell.Exts.Parser Methods compare :: ModuleHeadAndImports l -> ModuleHeadAndImports l -> Ordering # (<) :: ModuleHeadAndImports l -> ModuleHeadAndImports l -> Bool # (<=) :: ModuleHeadAndImports l -> ModuleHeadAndImports l -> Bool # (>) :: ModuleHeadAndImports l -> ModuleHeadAndImports l -> Bool # (>=) :: ModuleHeadAndImports l -> ModuleHeadAndImports l -> Bool # max :: ModuleHeadAndImports l -> ModuleHeadAndImports l -> ModuleHeadAndImports l # min :: ModuleHeadAndImports l -> ModuleHeadAndImports l -> ModuleHeadAndImports l # | |
Ord a => Ord (NonGreedy a) | |
Defined in Language.Haskell.Exts.Parser | |
Ord l => Ord (PragmasAndModuleHead l) | |
Defined in Language.Haskell.Exts.Parser Methods compare :: PragmasAndModuleHead l -> PragmasAndModuleHead l -> Ordering # (<) :: PragmasAndModuleHead l -> PragmasAndModuleHead l -> Bool # (<=) :: PragmasAndModuleHead l -> PragmasAndModuleHead l -> Bool # (>) :: PragmasAndModuleHead l -> PragmasAndModuleHead l -> Bool # (>=) :: PragmasAndModuleHead l -> PragmasAndModuleHead l -> Bool # max :: PragmasAndModuleHead l -> PragmasAndModuleHead l -> PragmasAndModuleHead l # min :: PragmasAndModuleHead l -> PragmasAndModuleHead l -> PragmasAndModuleHead l # | |
Ord l => Ord (PragmasAndModuleName l) | |
Defined in Language.Haskell.Exts.Parser Methods compare :: PragmasAndModuleName l -> PragmasAndModuleName l -> Ordering # (<) :: PragmasAndModuleName l -> PragmasAndModuleName l -> Bool # (<=) :: PragmasAndModuleName l -> PragmasAndModuleName l -> Bool # (>) :: PragmasAndModuleName l -> PragmasAndModuleName l -> Bool # (>=) :: PragmasAndModuleName l -> PragmasAndModuleName l -> Bool # max :: PragmasAndModuleName l -> PragmasAndModuleName l -> PragmasAndModuleName l # min :: PragmasAndModuleName l -> PragmasAndModuleName l -> PragmasAndModuleName l # | |
Ord l => Ord (ModulePragma l) | |
Defined in Language.Haskell.Exts.Syntax Methods compare :: ModulePragma l -> ModulePragma l -> Ordering # (<) :: ModulePragma l -> ModulePragma l -> Bool # (<=) :: ModulePragma l -> ModulePragma l -> Bool # (>) :: ModulePragma l -> ModulePragma l -> Bool # (>=) :: ModulePragma l -> ModulePragma l -> Bool # | |
Ord l => Ord (ModuleHead l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (ImportDecl l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (ModuleName l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (Decl l) | |
Ord l => Ord (Exp l) | |
Ord l => Ord (Module l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (Pat l) | |
Ord l => Ord (Stmt l) | |
Ord l => Ord (Type l) | |
(PrimType ty, Ord ty) => Ord (UArray ty) | |
Ord (Offset ty) | |
Ord (CountOf ty) | |
Defined in Basement.Types.OffsetSize | |
(PrimType ty, Ord ty) => Ord (Block ty) | |
Defined in Basement.Block.Base | |
Ord a => Ord (DList a) | |
Ord (Zn n) | |
Ord (Zn64 n) | |
Ord a => Ord (Loc a) | |
Ord l => Ord (Activation l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (Alt l) | |
Ord l => Ord (Annotation l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (Assoc l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (Asst l) | |
Ord l => Ord (BangType l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (Binds l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (BooleanFormula l) | |
Defined in Language.Haskell.Exts.Syntax Methods compare :: BooleanFormula l -> BooleanFormula l -> Ordering # (<) :: BooleanFormula l -> BooleanFormula l -> Bool # (<=) :: BooleanFormula l -> BooleanFormula l -> Bool # (>) :: BooleanFormula l -> BooleanFormula l -> Bool # (>=) :: BooleanFormula l -> BooleanFormula l -> Bool # max :: BooleanFormula l -> BooleanFormula l -> BooleanFormula l # min :: BooleanFormula l -> BooleanFormula l -> BooleanFormula l # | |
Ord l => Ord (Bracket l) | |
Ord l => Ord (CName l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (CallConv l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (ClassDecl l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (ConDecl l) | |
Ord l => Ord (Context l) | |
Ord l => Ord (DataOrNew l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (DeclHead l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (DerivStrategy l) | |
Defined in Language.Haskell.Exts.Syntax Methods compare :: DerivStrategy l -> DerivStrategy l -> Ordering # (<) :: DerivStrategy l -> DerivStrategy l -> Bool # (<=) :: DerivStrategy l -> DerivStrategy l -> Bool # (>) :: DerivStrategy l -> DerivStrategy l -> Bool # (>=) :: DerivStrategy l -> DerivStrategy l -> Bool # max :: DerivStrategy l -> DerivStrategy l -> DerivStrategy l # min :: DerivStrategy l -> DerivStrategy l -> DerivStrategy l # | |
Ord l => Ord (Deriving l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (EWildcard l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (ExportSpec l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (ExportSpecList l) | |
Defined in Language.Haskell.Exts.Syntax Methods compare :: ExportSpecList l -> ExportSpecList l -> Ordering # (<) :: ExportSpecList l -> ExportSpecList l -> Bool # (<=) :: ExportSpecList l -> ExportSpecList l -> Bool # (>) :: ExportSpecList l -> ExportSpecList l -> Bool # (>=) :: ExportSpecList l -> ExportSpecList l -> Bool # max :: ExportSpecList l -> ExportSpecList l -> ExportSpecList l # min :: ExportSpecList l -> ExportSpecList l -> ExportSpecList l # | |
Ord l => Ord (FieldDecl l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (FieldUpdate l) | |
Defined in Language.Haskell.Exts.Syntax Methods compare :: FieldUpdate l -> FieldUpdate l -> Ordering # (<) :: FieldUpdate l -> FieldUpdate l -> Bool # (<=) :: FieldUpdate l -> FieldUpdate l -> Bool # (>) :: FieldUpdate l -> FieldUpdate l -> Bool # (>=) :: FieldUpdate l -> FieldUpdate l -> Bool # | |
Ord l => Ord (FunDep l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (GadtDecl l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (GuardedRhs l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (IPBind l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (IPName l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (ImportSpec l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (ImportSpecList l) | |
Defined in Language.Haskell.Exts.Syntax Methods compare :: ImportSpecList l -> ImportSpecList l -> Ordering # (<) :: ImportSpecList l -> ImportSpecList l -> Bool # (<=) :: ImportSpecList l -> ImportSpecList l -> Bool # (>) :: ImportSpecList l -> ImportSpecList l -> Bool # (>=) :: ImportSpecList l -> ImportSpecList l -> Bool # max :: ImportSpecList l -> ImportSpecList l -> ImportSpecList l # min :: ImportSpecList l -> ImportSpecList l -> ImportSpecList l # | |
Ord l => Ord (InjectivityInfo l) | |
Defined in Language.Haskell.Exts.Syntax Methods compare :: InjectivityInfo l -> InjectivityInfo l -> Ordering # (<) :: InjectivityInfo l -> InjectivityInfo l -> Bool # (<=) :: InjectivityInfo l -> InjectivityInfo l -> Bool # (>) :: InjectivityInfo l -> InjectivityInfo l -> Bool # (>=) :: InjectivityInfo l -> InjectivityInfo l -> Bool # max :: InjectivityInfo l -> InjectivityInfo l -> InjectivityInfo l # min :: InjectivityInfo l -> InjectivityInfo l -> InjectivityInfo l # | |
Ord l => Ord (InstDecl l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (InstHead l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (InstRule l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (Literal l) | |
Ord l => Ord (Match l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (MaybePromotedName l) | |
Defined in Language.Haskell.Exts.Syntax Methods compare :: MaybePromotedName l -> MaybePromotedName l -> Ordering # (<) :: MaybePromotedName l -> MaybePromotedName l -> Bool # (<=) :: MaybePromotedName l -> MaybePromotedName l -> Bool # (>) :: MaybePromotedName l -> MaybePromotedName l -> Bool # (>=) :: MaybePromotedName l -> MaybePromotedName l -> Bool # max :: MaybePromotedName l -> MaybePromotedName l -> MaybePromotedName l # min :: MaybePromotedName l -> MaybePromotedName l -> MaybePromotedName l # | |
Ord l => Ord (Name l) | |
Ord l => Ord (Namespace l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (Op l) | |
Ord l => Ord (Overlap l) | |
Ord l => Ord (PXAttr l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (PatField l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (PatternSynDirection l) | |
Defined in Language.Haskell.Exts.Syntax Methods compare :: PatternSynDirection l -> PatternSynDirection l -> Ordering # (<) :: PatternSynDirection l -> PatternSynDirection l -> Bool # (<=) :: PatternSynDirection l -> PatternSynDirection l -> Bool # (>) :: PatternSynDirection l -> PatternSynDirection l -> Bool # (>=) :: PatternSynDirection l -> PatternSynDirection l -> Bool # max :: PatternSynDirection l -> PatternSynDirection l -> PatternSynDirection l # min :: PatternSynDirection l -> PatternSynDirection l -> PatternSynDirection l # | |
Ord l => Ord (Promoted l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (QName l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (QOp l) | |
Ord l => Ord (QualConDecl l) | |
Defined in Language.Haskell.Exts.Syntax Methods compare :: QualConDecl l -> QualConDecl l -> Ordering # (<) :: QualConDecl l -> QualConDecl l -> Bool # (<=) :: QualConDecl l -> QualConDecl l -> Bool # (>) :: QualConDecl l -> QualConDecl l -> Bool # (>=) :: QualConDecl l -> QualConDecl l -> Bool # | |
Ord l => Ord (QualStmt l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (RPat l) | |
Ord l => Ord (RPatOp l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (ResultSig l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (Rhs l) | |
Ord l => Ord (Role l) | |
Ord l => Ord (Rule l) | |
Ord l => Ord (RuleVar l) | |
Ord l => Ord (Safety l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (Sign l) | |
Ord l => Ord (SpecialCon l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (Splice l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (TyVarBind l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (TypeEqn l) | |
Ord l => Ord (Unpackedness l) | |
Defined in Language.Haskell.Exts.Syntax Methods compare :: Unpackedness l -> Unpackedness l -> Ordering # (<) :: Unpackedness l -> Unpackedness l -> Bool # (<=) :: Unpackedness l -> Unpackedness l -> Bool # (>) :: Unpackedness l -> Unpackedness l -> Bool # (>=) :: Unpackedness l -> Unpackedness l -> Bool # | |
Ord l => Ord (WarningText l) | |
Defined in Language.Haskell.Exts.Syntax Methods compare :: WarningText l -> WarningText l -> Ordering # (<) :: WarningText l -> WarningText l -> Bool # (<=) :: WarningText l -> WarningText l -> Bool # (>) :: WarningText l -> WarningText l -> Bool # (>=) :: WarningText l -> WarningText l -> Bool # | |
Ord l => Ord (XAttr l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord l => Ord (XName l) | |
Defined in Language.Haskell.Exts.Syntax | |
Ord e => Ord (ErrorFancy e) | |
Defined in Text.Megaparsec.Error | |
Ord t => Ord (ErrorItem t) | |
Defined in Text.Megaparsec.Error | |
(Ord a, Prim a) => Ord (PrimArray a) | |
Defined in Data.Primitive.PrimArray | |
Ord a => Ord (SmallArray a) | |
Defined in Data.Primitive.SmallArray | |
Ord a => Ord (Identity a) | |
Ord t => Ord (ElField '(s, t)) | |
Defined in Data.Vinyl.Functor Methods compare :: ElField '(s, t) -> ElField '(s, t) -> Ordering # (<) :: ElField '(s, t) -> ElField '(s, t) -> Bool # (<=) :: ElField '(s, t) -> ElField '(s, t) -> Bool # (>) :: ElField '(s, t) -> ElField '(s, t) -> Bool # (>=) :: ElField '(s, t) -> ElField '(s, t) -> Bool # max :: ElField '(s, t) -> ElField '(s, t) -> ElField '(s, t) # min :: ElField '(s, t) -> ElField '(s, t) -> ElField '(s, t) # | |
(Integral a) :=> (Ord (Ratio a)) | |
Defined in Data.Constraint | |
(Ord a) :=> (Ord (Maybe a)) | |
Defined in Data.Constraint | |
(Ord a) :=> (Ord [a]) | |
Defined in Data.Constraint | |
(Ord a) :=> (Ord (Identity a)) | |
Defined in Data.Constraint | |
(Ord a) :=> (Ord (Const a b)) | |
Defined in Data.Constraint | |
Class (Eq a) (Ord a) | |
Defined in Data.Constraint | |
(Ord a, Ord b) => Ord (Either a b) | Since: base-2.1 |
Ord (V1 p) | Since: base-4.9.0.0 |
Ord (U1 p) | Since: base-4.7.0.0 |
Ord (TypeRep a) | Since: base-4.4.0.0 |
(Ord a, Ord b) => Ord (a, b) | |
Ord a => Ord (Arg a b) | Since: base-4.9.0.0 |
Ord (Proxy s) | Since: base-4.7.0.0 |
(Ord k, Ord v) => Ord (Map k v) | |
(Ord n, Ord m) => Ord (ArithError n m) | |
Defined in Michelson.Typed.Arith Methods compare :: ArithError n m -> ArithError n m -> Ordering # (<) :: ArithError n m -> ArithError n m -> Bool # (<=) :: ArithError n m -> ArithError n m -> Bool # (>) :: ArithError n m -> ArithError n m -> Bool # (>=) :: ArithError n m -> ArithError n m -> Bool # max :: ArithError n m -> ArithError n m -> ArithError n m # min :: ArithError n m -> ArithError n m -> ArithError n m # | |
Comparable e => Ord (Value' instr e) | |
Defined in Michelson.Typed.Value Methods compare :: Value' instr e -> Value' instr e -> Ordering # (<) :: Value' instr e -> Value' instr e -> Bool # (<=) :: Value' instr e -> Value' instr e -> Bool # (>) :: Value' instr e -> Value' instr e -> Bool # (>=) :: Value' instr e -> Value' instr e -> Bool # | |
(Ord1 m, Ord a) => Ord (MaybeT m a) | |
Defined in Control.Monad.Trans.Maybe | |
(Ord k, Ord v) => Ord (HashMap k v) | |
Defined in Data.HashMap.Base | |
(Ord a, Ord b) => Ord (Bimap a b) | |
Ord (a :- b) | |
Defined in Data.Constraint | |
(Ord1 f, Ord a) => Ord (Cofree f a) | |
Defined in Control.Comonad.Cofree | |
(Ord1 f, Ord a) => Ord (Free f a) | |
Defined in Control.Monad.Free | |
(Ord1 f, Ord a) => Ord (Yoneda f a) | |
Defined in Data.Functor.Yoneda | |
(Ord a, Ord b) :=> (Ord (a, b)) | |
Defined in Data.Constraint | |
(Ord a, Ord b) :=> (Ord (Either a b)) | |
Class (Num a, Ord a) (Real a) | |
Defined in Data.Constraint | |
Ord (f p) => Ord (Rec1 f p) | Since: base-4.7.0.0 |
Defined in GHC.Generics | |
Ord (URec (Ptr ()) p) | Since: base-4.9.0.0 |
Defined in GHC.Generics Methods compare :: URec (Ptr ()) p -> URec (Ptr ()) p -> Ordering # (<) :: URec (Ptr ()) p -> URec (Ptr ()) p -> Bool # (<=) :: URec (Ptr ()) p -> URec (Ptr ()) p -> Bool # (>) :: URec (Ptr ()) p -> URec (Ptr ()) p -> Bool # (>=) :: URec (Ptr ()) p -> URec (Ptr ()) p -> Bool # max :: URec (Ptr ()) p -> URec (Ptr ()) p -> URec (Ptr ()) p # min :: URec (Ptr ()) p -> URec (Ptr ()) p -> URec (Ptr ()) p # | |
Ord (URec Char p) | Since: base-4.9.0.0 |
Defined in GHC.Generics | |
Ord (URec Double p) | Since: base-4.9.0.0 |
Defined in GHC.Generics Methods compare :: URec Double p -> URec Double p -> Ordering # (<) :: URec Double p -> URec Double p -> Bool # (<=) :: URec Double p -> URec Double p -> Bool # (>) :: URec Double p -> URec Double p -> Bool # (>=) :: URec Double p -> URec Double p -> Bool # | |
Ord (URec Float p) | |
Defined in GHC.Generics | |
Ord (URec Int p) | Since: base-4.9.0.0 |
Ord (URec Word p) | Since: base-4.9.0.0 |
Defined in GHC.Generics | |
(Ord a, Ord b, Ord c) => Ord (a, b, c) | |
Ord a => Ord (Const a b) | Since: base-4.9.0.0 |
Ord (f a) => Ord (Ap f a) | Since: base-4.12.0.0 |
Ord (f a) => Ord (Alt f a) | Since: base-4.8.0.0 |
Defined in Data.Semigroup.Internal | |
Ord (Coercion a b) | Since: base-4.7.0.0 |
Defined in Data.Type.Coercion | |
Ord (a :~: b) | Since: base-4.7.0.0 |
Defined in Data.Type.Equality | |
(Ord1 f, Ord a) => Ord (IdentityT f a) | |
Defined in Control.Monad.Trans.Identity Methods compare :: IdentityT f a -> IdentityT f a -> Ordering # (<) :: IdentityT f a -> IdentityT f a -> Bool # (<=) :: IdentityT f a -> IdentityT f a -> Bool # (>) :: IdentityT f a -> IdentityT f a -> Bool # (>=) :: IdentityT f a -> IdentityT f a -> Bool # | |
(Ord e, Ord1 m, Ord a) => Ord (ExceptT e m a) | |
Defined in Control.Monad.Trans.Except Methods compare :: ExceptT e m a -> ExceptT e m a -> Ordering # (<) :: ExceptT e m a -> ExceptT e m a -> Bool # (<=) :: ExceptT e m a -> ExceptT e m a -> Bool # (>) :: ExceptT e m a -> ExceptT e m a -> Bool # (>=) :: ExceptT e m a -> ExceptT e m a -> Bool # | |
(Ord e, Ord1 m, Ord a) => Ord (ErrorT e m a) | |
Defined in Control.Monad.Trans.Error | |
Ord (Rec f ('[] :: [u])) | |
(Ord (f r), Ord (Rec f rs)) => Ord (Rec f (r ': rs)) | |
Defined in Data.Vinyl.Core Methods compare :: Rec f (r ': rs) -> Rec f (r ': rs) -> Ordering # (<) :: Rec f (r ': rs) -> Rec f (r ': rs) -> Bool # (<=) :: Rec f (r ': rs) -> Rec f (r ': rs) -> Bool # (>) :: Rec f (r ': rs) -> Rec f (r ': rs) -> Bool # (>=) :: Rec f (r ': rs) -> Rec f (r ': rs) -> Bool # max :: Rec f (r ': rs) -> Rec f (r ': rs) -> Rec f (r ': rs) # min :: Rec f (r ': rs) -> Rec f (r ': rs) -> Rec f (r ': rs) # | |
Ord b => Ord (Tagged s b) | |
Ord (p (Fix p a) a) => Ord (Fix p a) | |
Ord (p a a) => Ord (Join p a) | |
Defined in Data.Bifunctor.Join | |
(Ord a, Ord (f b)) => Ord (CofreeF f a b) | |
Defined in Control.Comonad.Trans.Cofree Methods compare :: CofreeF f a b -> CofreeF f a b -> Ordering # (<) :: CofreeF f a b -> CofreeF f a b -> Bool # (<=) :: CofreeF f a b -> CofreeF f a b -> Bool # (>) :: CofreeF f a b -> CofreeF f a b -> Bool # (>=) :: CofreeF f a b -> CofreeF f a b -> Bool # | |
Ord (w (CofreeF f a (CofreeT f w a))) => Ord (CofreeT f w a) | |
Defined in Control.Comonad.Trans.Cofree Methods compare :: CofreeT f w a -> CofreeT f w a -> Ordering # (<) :: CofreeT f w a -> CofreeT f w a -> Bool # (<=) :: CofreeT f w a -> CofreeT f w a -> Bool # (>) :: CofreeT f w a -> CofreeT f w a -> Bool # (>=) :: CofreeT f w a -> CofreeT f w a -> Bool # | |
(Ord1 f, Ord1 m, Ord a) => Ord (FreeT f m a) | |
Defined in Control.Monad.Trans.Free | |
(Ord a, Ord (f b)) => Ord (FreeF f a b) | |
Defined in Control.Monad.Trans.Free | |
(RPureConstrained (IndexableField rs) rs, RecApplicative rs, Ord (Rec f rs)) => Ord (ARec f rs) | |
Ord c => Ord (K1 i c p) | Since: base-4.7.0.0 |
Defined in GHC.Generics | |
(Ord (f p), Ord (g p)) => Ord ((f :+: g) p) | Since: base-4.7.0.0 |
Defined in GHC.Generics | |
(Ord (f p), Ord (g p)) => Ord ((f :*: g) p) | Since: base-4.7.0.0 |
Defined in GHC.Generics | |
(Ord a, Ord b, Ord c, Ord d) => Ord (a, b, c, d) | |
Defined in GHC.Classes | |
(Ord1 f, Ord1 g, Ord a) => Ord (Product f g a) | Since: base-4.9.0.0 |
Defined in Data.Functor.Product Methods compare :: Product f g a -> Product f g a -> Ordering # (<) :: Product f g a -> Product f g a -> Bool # (<=) :: Product f g a -> Product f g a -> Bool # (>) :: Product f g a -> Product f g a -> Bool # (>=) :: Product f g a -> Product f g a -> Bool # | |
(Ord1 f, Ord1 g, Ord a) => Ord (Sum f g a) | Since: base-4.9.0.0 |
Ord (a :~~: b) | Since: base-4.10.0.0 |
Ord (f p) => Ord (M1 i c f p) | Since: base-4.7.0.0 |
Ord (f (g p)) => Ord ((f :.: g) p) | Since: base-4.7.0.0 |
Defined in GHC.Generics | |
(Ord a, Ord b, Ord c, Ord d, Ord e) => Ord (a, b, c, d, e) | |
Defined in GHC.Classes Methods compare :: (a, b, c, d, e) -> (a, b, c, d, e) -> Ordering # (<) :: (a, b, c, d, e) -> (a, b, c, d, e) -> Bool # (<=) :: (a, b, c, d, e) -> (a, b, c, d, e) -> Bool # (>) :: (a, b, c, d, e) -> (a, b, c, d, e) -> Bool # (>=) :: (a, b, c, d, e) -> (a, b, c, d, e) -> Bool # max :: (a, b, c, d, e) -> (a, b, c, d, e) -> (a, b, c, d, e) # min :: (a, b, c, d, e) -> (a, b, c, d, e) -> (a, b, c, d, e) # | |
(Ord1 f, Ord1 g, Ord a) => Ord (Compose f g a) | Since: base-4.9.0.0 |
Defined in Data.Functor.Compose Methods compare :: Compose f g a -> Compose f g a -> Ordering # (<) :: Compose f g a -> Compose f g a -> Bool # (<=) :: Compose f g a -> Compose f g a -> Bool # (>) :: Compose f g a -> Compose f g a -> Bool # (>=) :: Compose f g a -> Compose f g a -> Bool # | |
Ord (f a) => Ord (Clown f a b) | |
Defined in Data.Bifunctor.Clown | |
Ord (p b a) => Ord (Flip p a b) | |
Defined in Data.Bifunctor.Flip | |
Ord (g b) => Ord (Joker g a b) | |
Defined in Data.Bifunctor.Joker | |
Ord (p a b) => Ord (WrappedBifunctor p a b) | |
Defined in Data.Bifunctor.Wrapped Methods compare :: WrappedBifunctor p a b -> WrappedBifunctor p a b -> Ordering # (<) :: WrappedBifunctor p a b -> WrappedBifunctor p a b -> Bool # (<=) :: WrappedBifunctor p a b -> WrappedBifunctor p a b -> Bool # (>) :: WrappedBifunctor p a b -> WrappedBifunctor p a b -> Bool # (>=) :: WrappedBifunctor p a b -> WrappedBifunctor p a b -> Bool # max :: WrappedBifunctor p a b -> WrappedBifunctor p a b -> WrappedBifunctor p a b # min :: WrappedBifunctor p a b -> WrappedBifunctor p a b -> WrappedBifunctor p a b # | |
(Ord a, Ord b, Ord c, Ord d, Ord e, Ord f) => Ord (a, b, c, d, e, f) | |
Defined in GHC.Classes Methods compare :: (a, b, c, d, e, f) -> (a, b, c, d, e, f) -> Ordering # (<) :: (a, b, c, d, e, f) -> (a, b, c, d, e, f) -> Bool # (<=) :: (a, b, c, d, e, f) -> (a, b, c, d, e, f) -> Bool # (>) :: (a, b, c, d, e, f) -> (a, b, c, d, e, f) -> Bool # (>=) :: (a, b, c, d, e, f) -> (a, b, c, d, e, f) -> Bool # max :: (a, b, c, d, e, f) -> (a, b, c, d, e, f) -> (a, b, c, d, e, f) # min :: (a, b, c, d, e, f) -> (a, b, c, d, e, f) -> (a, b, c, d, e, f) # | |
(Ord (f a b), Ord (g a b)) => Ord (Product f g a b) | |
Defined in Data.Bifunctor.Product Methods compare :: Product f g a b -> Product f g a b -> Ordering # (<) :: Product f g a b -> Product f g a b -> Bool # (<=) :: Product f g a b -> Product f g a b -> Bool # (>) :: Product f g a b -> Product f g a b -> Bool # (>=) :: Product f g a b -> Product f g a b -> Bool # max :: Product f g a b -> Product f g a b -> Product f g a b # min :: Product f g a b -> Product f g a b -> Product f g a b # | |
(Ord (p a b), Ord (q a b)) => Ord (Sum p q a b) | |
Defined in Data.Bifunctor.Sum | |
(Ord a, Ord b, Ord c, Ord d, Ord e, Ord f, Ord g) => Ord (a, b, c, d, e, f, g) | |
Defined in GHC.Classes Methods compare :: (a, b, c, d, e, f, g) -> (a, b, c, d, e, f, g) -> Ordering # (<) :: (a, b, c, d, e, f, g) -> (a, b, c, d, e, f, g) -> Bool # (<=) :: (a, b, c, d, e, f, g) -> (a, b, c, d, e, f, g) -> Bool # (>) :: (a, b, c, d, e, f, g) -> (a, b, c, d, e, f, g) -> Bool # (>=) :: (a, b, c, d, e, f, g) -> (a, b, c, d, e, f, g) -> Bool # max :: (a, b, c, d, e, f, g) -> (a, b, c, d, e, f, g) -> (a, b, c, d, e, f, g) # min :: (a, b, c, d, e, f, g) -> (a, b, c, d, e, f, g) -> (a, b, c, d, e, f, g) # | |
Ord (f (p a b)) => Ord (Tannen f p a b) | |
Defined in Data.Bifunctor.Tannen Methods compare :: Tannen f p a b -> Tannen f p a b -> Ordering # (<) :: Tannen f p a b -> Tannen f p a b -> Bool # (<=) :: Tannen f p a b -> Tannen f p a b -> Bool # (>) :: Tannen f p a b -> Tannen f p a b -> Bool # (>=) :: Tannen f p a b -> Tannen f p a b -> Bool # | |
(Ord a, Ord b, Ord c, Ord d, Ord e, Ord f, Ord g, Ord h) => Ord (a, b, c, d, e, f, g, h) | |
Defined in GHC.Classes Methods compare :: (a, b, c, d, e, f, g, h) -> (a, b, c, d, e, f, g, h) -> Ordering # (<) :: (a, b, c, d, e, f, g, h) -> (a, b, c, d, e, f, g, h) -> Bool # (<=) :: (a, b, c, d, e, f, g, h) -> (a, b, c, d, e, f, g, h) -> Bool # (>) :: (a, b, c, d, e, f, g, h) -> (a, b, c, d, e, f, g, h) -> Bool # (>=) :: (a, b, c, d, e, f, g, h) -> (a, b, c, d, e, f, g, h) -> Bool # max :: (a, b, c, d, e, f, g, h) -> (a, b, c, d, e, f, g, h) -> (a, b, c, d, e, f, g, h) # min :: (a, b, c, d, e, f, g, h) -> (a, b, c, d, e, f, g, h) -> (a, b, c, d, e, f, g, h) # | |
(Ord a, Ord b, Ord c, Ord d, Ord e, Ord f, Ord g, Ord h, Ord i) => Ord (a, b, c, d, e, f, g, h, i) | |
Defined in GHC.Classes Methods compare :: (a, b, c, d, e, f, g, h, i) -> (a, b, c, d, e, f, g, h, i) -> Ordering # (<) :: (a, b, c, d, e, f, g, h, i) -> (a, b, c, d, e, f, g, h, i) -> Bool # (<=) :: (a, b, c, d, e, f, g, h, i) -> (a, b, c, d, e, f, g, h, i) -> Bool # (>) :: (a, b, c, d, e, f, g, h, i) -> (a, b, c, d, e, f, g, h, i) -> Bool # (>=) :: (a, b, c, d, e, f, g, h, i) -> (a, b, c, d, e, f, g, h, i) -> Bool # max :: (a, b, c, d, e, f, g, h, i) -> (a, b, c, d, e, f, g, h, i) -> (a, b, c, d, e, f, g, h, i) # min :: (a, b, c, d, e, f, g, h, i) -> (a, b, c, d, e, f, g, h, i) -> (a, b, c, d, e, f, g, h, i) # | |
Ord (p (f a) (g b)) => Ord (Biff p f g a b) | |
Defined in Data.Bifunctor.Biff Methods compare :: Biff p f g a b -> Biff p f g a b -> Ordering # (<) :: Biff p f g a b -> Biff p f g a b -> Bool # (<=) :: Biff p f g a b -> Biff p f g a b -> Bool # (>) :: Biff p f g a b -> Biff p f g a b -> Bool # (>=) :: Biff p f g a b -> Biff p f g a b -> Bool # | |
(Ord a, Ord b, Ord c, Ord d, Ord e, Ord f, Ord g, Ord h, Ord i, Ord j) => Ord (a, b, c, d, e, f, g, h, i, j) | |
Defined in GHC.Classes Methods compare :: (a, b, c, d, e, f, g, h, i, j) -> (a, b, c, d, e, f, g, h, i, j) -> Ordering # (<) :: (a, b, c, d, e, f, g, h, i, j) -> (a, b, c, d, e, f, g, h, i, j) -> Bool # (<=) :: (a, b, c, d, e, f, g, h, i, j) -> (a, b, c, d, e, f, g, h, i, j) -> Bool # (>) :: (a, b, c, d, e, f, g, h, i, j) -> (a, b, c, d, e, f, g, h, i, j) -> Bool # (>=) :: (a, b, c, d, e, f, g, h, i, j) -> (a, b, c, d, e, f, g, h, i, j) -> Bool # max :: (a, b, c, d, e, f, g, h, i, j) -> (a, b, c, d, e, f, g, h, i, j) -> (a, b, c, d, e, f, g, h, i, j) # min :: (a, b, c, d, e, f, g, h, i, j) -> (a, b, c, d, e, f, g, h, i, j) -> (a, b, c, d, e, f, g, h, i, j) # | |
(Ord a, Ord b, Ord c, Ord d, Ord e, Ord f, Ord g, Ord h, Ord i, Ord j, Ord k) => Ord (a, b, c, d, e, f, g, h, i, j, k) | |
Defined in GHC.Classes Methods compare :: (a, b, c, d, e, f, g, h, i, j, k) -> (a, b, c, d, e, f, g, h, i, j, k) -> Ordering # (<) :: (a, b, c, d, e, f, g, h, i, j, k) -> (a, b, c, d, e, f, g, h, i, j, k) -> Bool # (<=) :: (a, b, c, d, e, f, g, h, i, j, k) -> (a, b, c, d, e, f, g, h, i, j, k) -> Bool # (>) :: (a, b, c, d, e, f, g, h, i, j, k) -> (a, b, c, d, e, f, g, h, i, j, k) -> Bool # (>=) :: (a, b, c, d, e, f, g, h, i, j, k) -> (a, b, c, d, e, f, g, h, i, j, k) -> Bool # max :: (a, b, c, d, e, f, g, h, i, j, k) -> (a, b, c, d, e, f, g, h, i, j, k) -> (a, b, c, d, e, f, g, h, i, j, k) # min :: (a, b, c, d, e, f, g, h, i, j, k) -> (a, b, c, d, e, f, g, h, i, j, k) -> (a, b, c, d, e, f, g, h, i, j, k) # | |
(Ord a, Ord b, Ord c, Ord d, Ord e, Ord f, Ord g, Ord h, Ord i, Ord j, Ord k, Ord l) => Ord (a, b, c, d, e, f, g, h, i, j, k, l) | |
Defined in GHC.Classes Methods compare :: (a, b, c, d, e, f, g, h, i, j, k, l) -> (a, b, c, d, e, f, g, h, i, j, k, l) -> Ordering # (<) :: (a, b, c, d, e, f, g, h, i, j, k, l) -> (a, b, c, d, e, f, g, h, i, j, k, l) -> Bool # (<=) :: (a, b, c, d, e, f, g, h, i, j, k, l) -> (a, b, c, d, e, f, g, h, i, j, k, l) -> Bool # (>) :: (a, b, c, d, e, f, g, h, i, j, k, l) -> (a, b, c, d, e, f, g, h, i, j, k, l) -> Bool # (>=) :: (a, b, c, d, e, f, g, h, i, j, k, l) -> (a, b, c, d, e, f, g, h, i, j, k, l) -> Bool # max :: (a, b, c, d, e, f, g, h, i, j, k, l) -> (a, b, c, d, e, f, g, h, i, j, k, l) -> (a, b, c, d, e, f, g, h, i, j, k, l) # min :: (a, b, c, d, e, f, g, h, i, j, k, l) -> (a, b, c, d, e, f, g, h, i, j, k, l) -> (a, b, c, d, e, f, g, h, i, j, k, l) # | |
(Ord a, Ord b, Ord c, Ord d, Ord e, Ord f, Ord g, Ord h, Ord i, Ord j, Ord k, Ord l, Ord m) => Ord (a, b, c, d, e, f, g, h, i, j, k, l, m) | |
Defined in GHC.Classes Methods compare :: (a, b, c, d, e, f, g, h, i, j, k, l, m) -> (a, b, c, d, e, f, g, h, i, j, k, l, m) -> Ordering # (<) :: (a, b, c, d, e, f, g, h, i, j, k, l, m) -> (a, b, c, d, e, f, g, h, i, j, k, l, m) -> Bool # (<=) :: (a, b, c, d, e, f, g, h, i, j, k, l, m) -> (a, b, c, d, e, f, g, h, i, j, k, l, m) -> Bool # (>) :: (a, b, c, d, e, f, g, h, i, j, k, l, m) -> (a, b, c, d, e, f, g, h, i, j, k, l, m) -> Bool # (>=) :: (a, b, c, d, e, f, g, h, i, j, k, l, m) -> (a, b, c, d, e, f, g, h, i, j, k, l, m) -> Bool # max :: (a, b, c, d, e, f, g, h, i, j, k, l, m) -> (a, b, c, d, e, f, g, h, i, j, k, l, m) -> (a, b, c, d, e, f, g, h, i, j, k, l, m) # min :: (a, b, c, d, e, f, g, h, i, j, k, l, m) -> (a, b, c, d, e, f, g, h, i, j, k, l, m) -> (a, b, c, d, e, f, g, h, i, j, k, l, m) # | |
(Ord a, Ord b, Ord c, Ord d, Ord e, Ord f, Ord g, Ord h, Ord i, Ord j, Ord k, Ord l, Ord m, Ord n) => Ord (a, b, c, d, e, f, g, h, i, j, k, l, m, n) | |
Defined in GHC.Classes Methods compare :: (a, b, c, d, e, f, g, h, i, j, k, l, m, n) -> (a, b, c, d, e, f, g, h, i, j, k, l, m, n) -> Ordering # (<) :: (a, b, c, d, e, f, g, h, i, j, k, l, m, n) -> (a, b, c, d, e, f, g, h, i, j, k, l, m, n) -> Bool # (<=) :: (a, b, c, d, e, f, g, h, i, j, k, l, m, n) -> (a, b, c, d, e, f, g, h, i, j, k, l, m, n) -> Bool # (>) :: (a, b, c, d, e, f, g, h, i, j, k, l, m, n) -> (a, b, c, d, e, f, g, h, i, j, k, l, m, n) -> Bool # (>=) :: (a, b, c, d, e, f, g, h, i, j, k, l, m, n) -> (a, b, c, d, e, f, g, h, i, j, k, l, m, n) -> Bool # max :: (a, b, c, d, e, f, g, h, i, j, k, l, m, n) -> (a, b, c, d, e, f, g, h, i, j, k, l, m, n) -> (a, b, c, d, e, f, g, h, i, j, k, l, m, n) # min :: (a, b, c, d, e, f, g, h, i, j, k, l, m, n) -> (a, b, c, d, e, f, g, h, i, j, k, l, m, n) -> (a, b, c, d, e, f, g, h, i, j, k, l, m, n) # | |
(Ord a, Ord b, Ord c, Ord d, Ord e, Ord f, Ord g, Ord h, Ord i, Ord j, Ord k, Ord l, Ord m, Ord n, Ord o) => Ord (a, b, c, d, e, f, g, h, i, j, k, l, m, n, o) | |
Defined in GHC.Classes Methods compare :: (a, b, c, d, e, f, g, h, i, j, k, l, m, n, o) -> (a, b, c, d, e, f, g, h, i, j, k, l, m, n, o) -> Ordering # (<) :: (a, b, c, d, e, f, g, h, i, j, k, l, m, n, o) -> (a, b, c, d, e, f, g, h, i, j, k, l, m, n, o) -> Bool # (<=) :: (a, b, c, d, e, f, g, h, i, j, k, l, m, n, o) -> (a, b, c, d, e, f, g, h, i, j, k, l, m, n, o) -> Bool # (>) :: (a, b, c, d, e, f, g, h, i, j, k, l, m, n, o) -> (a, b, c, d, e, f, g, h, i, j, k, l, m, n, o) -> Bool # (>=) :: (a, b, c, d, e, f, g, h, i, j, k, l, m, n, o) -> (a, b, c, d, e, f, g, h, i, j, k, l, m, n, o) -> Bool # max :: (a, b, c, d, e, f, g, h, i, j, k, l, m, n, o) -> (a, b, c, d, e, f, g, h, i, j, k, l, m, n, o) -> (a, b, c, d, e, f, g, h, i, j, k, l, m, n, o) # min :: (a, b, c, d, e, f, g, h, i, j, k, l, m, n, o) -> (a, b, c, d, e, f, g, h, i, j, k, l, m, n, o) -> (a, b, c, d, e, f, g, h, i, j, k, l, m, n, o) # |
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
Instances
Read Bool | Since: base-2.1 |
Read Char | Since: base-2.1 |
Read Double | Since: base-2.1 |
Read Float | Since: base-2.1 |
Read Int | Since: base-2.1 |
Read Int8 | Since: base-2.1 |
Read Int16 | Since: base-2.1 |
Read Int32 | Since: base-2.1 |
Read Int64 | Since: base-2.1 |
Read Integer | Since: base-2.1 |
Read Natural | Since: base-4.8.0.0 |
Read Ordering | Since: base-2.1 |
Read Word | Since: base-4.5.0.0 |
Read Word8 | Since: base-2.1 |
Read Word16 | Since: base-2.1 |
Read Word32 | Since: base-2.1 |
Read Word64 | Since: base-2.1 |
Read () | Since: base-2.1 |
Read Void | Reading a Since: base-4.8.0.0 |
Read Version | Since: base-2.1 |
Read ExitCode | |
Read BufferMode | Since: base-4.2.0.0 |
Defined in GHC.IO.Handle.Types Methods readsPrec :: Int -> ReadS BufferMode # readList :: ReadS [BufferMode] # readPrec :: ReadPrec BufferMode # readListPrec :: ReadPrec [BufferMode] # | |
Read Newline | Since: base-4.3.0.0 |
Read NewlineMode | Since: base-4.3.0.0 |
Defined in GHC.IO.Handle.Types Methods readsPrec :: Int -> ReadS NewlineMode # readList :: ReadS [NewlineMode] # readPrec :: ReadPrec NewlineMode # readListPrec :: ReadPrec [NewlineMode] # | |
Read All | Since: base-2.1 |
Read Any | Since: base-2.1 |
Read Fixity | Since: base-4.6.0.0 |
Read Associativity | Since: base-4.6.0.0 |
Defined in GHC.Generics Methods readsPrec :: Int -> ReadS Associativity # readList :: ReadS [Associativity] # | |
Read SourceUnpackedness | Since: base-4.9.0.0 |
Defined in GHC.Generics Methods readsPrec :: Int -> ReadS SourceUnpackedness # readList :: ReadS [SourceUnpackedness] # | |
Read SourceStrictness | Since: base-4.9.0.0 |
Defined in GHC.Generics Methods readsPrec :: Int -> ReadS SourceStrictness # readList :: ReadS [SourceStrictness] # | |
Read DecidedStrictness | Since: base-4.9.0.0 |
Defined in GHC.Generics Methods readsPrec :: Int -> ReadS DecidedStrictness # readList :: ReadS [DecidedStrictness] # | |
Read SomeSymbol | Since: base-4.7.0.0 |
Defined in GHC.TypeLits Methods readsPrec :: Int -> ReadS SomeSymbol # readList :: ReadS [SomeSymbol] # readPrec :: ReadPrec SomeSymbol # readListPrec :: ReadPrec [SomeSymbol] # | |
Read SomeNat | Since: base-4.7.0.0 |
Read IOMode | Since: base-4.2.0.0 |
Read Lexeme | Since: base-2.1 |
Read GeneralCategory | Since: base-2.1 |
Defined in GHC.Read Methods readsPrec :: Int -> ReadS GeneralCategory # readList :: ReadS [GeneralCategory] # | |
Read ByteString | |
Defined in Data.ByteString.Internal Methods readsPrec :: Int -> ReadS ByteString # readList :: ReadS [ByteString] # readPrec :: ReadPrec ByteString # readListPrec :: ReadPrec [ByteString] # | |
Read IntSet | |
Read ErrorClass | |
Defined in Lorentz.Errors Methods readsPrec :: Int -> ReadS ErrorClass # readList :: ReadS [ErrorClass] # readPrec :: ReadPrec ErrorClass # readListPrec :: ReadPrec [ErrorClass] # | |
Read Undefined | |
Read Value | |
Read Scientific | |
Read PublicKey | |
Read DotNetTime | |
Read Pos | |
Read SourcePos | |
Read KeyPair | |
Read Signature | |
Read PrivateKey | |
Read DatatypeVariant | |
Read UUID | |
Read UnpackedUUID | |
a :=> (Read (Dict a)) | |
Defined in Data.Constraint | |
() :=> (Read Bool) | |
Defined in Data.Constraint | |
() :=> (Read Char) | |
Defined in Data.Constraint | |
() :=> (Read Int) | |
Defined in Data.Constraint | |
() :=> (Read Natural) | |
Defined in Data.Constraint | |
() :=> (Read Ordering) | |
Defined in Data.Constraint | |
() :=> (Read Word) | |
Defined in Data.Constraint | |
() :=> (Read ()) | |
Defined in Data.Constraint | |
Class () (Read a) | |
Defined in Data.Constraint | |
Read a => Read [a] | Since: base-2.1 |
Read a => Read (Maybe a) | Since: base-2.1 |
(Integral a, Read a) => Read (Ratio a) | Since: base-2.1 |
Read p => Read (Par1 p) | Since: base-4.7.0.0 |
Read a => Read (Complex a) | Since: base-2.1 |
Read a => Read (Min a) | Since: base-4.9.0.0 |
Read a => Read (Max a) | Since: base-4.9.0.0 |
Read a => Read (First a) | Since: base-4.9.0.0 |
Read a => Read (Last a) | Since: base-4.9.0.0 |
Read m => Read (WrappedMonoid m) | Since: base-4.9.0.0 |
Defined in Data.Semigroup Methods readsPrec :: Int -> ReadS (WrappedMonoid m) # readList :: ReadS [WrappedMonoid m] # readPrec :: ReadPrec (WrappedMonoid m) # readListPrec :: ReadPrec [WrappedMonoid m] # | |
Read a => Read (Option a) | Since: base-4.9.0.0 |
Read a => Read (ZipList a) | Since: base-4.7.0.0 |
Read a => Read (Identity a) | This instance would be equivalent to the derived instances of the
Since: base-4.8.0.0 |
Read a => Read (First a) | Since: base-2.1 |
Read a => Read (Last a) | Since: base-2.1 |
Read a => Read (Dual a) | Since: base-2.1 |
Read a => Read (Sum a) | Since: base-2.1 |
Read a => Read (Product a) | Since: base-2.1 |
Read a => Read (Down a) | Since: base-4.7.0.0 |
Read a => Read (NonEmpty a) | Since: base-4.11.0.0 |
Read e => Read (IntMap e) | |
Read a => Read (Tree a) | |
Read a => Read (Seq a) | |
Read a => Read (ViewL a) | |
Read a => Read (ViewR a) | |
(Read a, Ord a) => Read (Set a) | |
Read a => Read (StringEncode a) | |
Defined in Morley.Micheline.Json Methods readsPrec :: Int -> ReadS (StringEncode a) # readList :: ReadS [StringEncode a] # readPrec :: ReadPrec (StringEncode a) # readListPrec :: ReadPrec [StringEncode a] # | |
(Eq a, Hashable a, Read a) => Read (HashSet a) | |
Read a => Read (Vector a) | |
(Read a, Storable a) => Read (Vector a) | |
(Read a, Prim a) => Read (Vector a) | |
Read a => Read (Array a) | |
a => Read (Dict a) | |
Read a => Read (DList a) | |
Read e => Read (ErrorFancy e) | |
Read t => Read (ErrorItem t) | |
Read a => Read (SmallArray a) | |
(Read a) :=> (Read (Complex a)) | |
Defined in Data.Constraint | |
(Read a) :=> (Read [a]) | |
Defined in Data.Constraint | |
(Read a) :=> (Read (Maybe a)) | |
Defined in Data.Constraint | |
(Read a) :=> (Read (Identity a)) | |
Defined in Data.Constraint | |
(Read a) :=> (Read (Const a b)) | |
Defined in Data.Constraint | |
(Read a, Read b) => Read (Either a b) | Since: base-3.0 |
Read (V1 p) | Since: base-4.9.0.0 |
Read (U1 p) | Since: base-4.9.0.0 |
(Read a, Read b) => Read (a, b) | Since: base-2.1 |
(Ix a, Read a, Read b) => Read (Array a b) | Since: base-2.1 |
(Read a, Read b) => Read (Arg a b) | Since: base-4.9.0.0 |
Read (Proxy t) | Since: base-4.7.0.0 |
(Ord k, Read k, Read e) => Read (Map k e) | |
(Read1 m, Read a) => Read (MaybeT m a) | |
(Eq k, Hashable k, Read k, Read e) => Read (HashMap k e) | |
(Read1 f, Read a) => Read (Cofree f a) | |
(Read1 f, Read a) => Read (Free f a) | |
(Functor f, Read (f a)) => Read (Yoneda f a) | |
(Integral a, Read a) :=> (Read (Ratio a)) | |
(Read a, Read b) :=> (Read (a, b)) | |
Defined in Data.Constraint | |
(Read a, Read b) :=> (Read (Either a b)) | |
Read (f p) => Read (Rec1 f p) | Since: base-4.7.0.0 |
(Read a, Read b, Read c) => Read (a, b, c) | Since: base-2.1 |
Read a => Read (Const a b) | This instance would be equivalent to the derived instances of the
Since: base-4.8.0.0 |
Read (f a) => Read (Ap f a) | Since: base-4.12.0.0 |
Read (f a) => Read (Alt f a) | Since: base-4.8.0.0 |
Coercible a b => Read (Coercion a b) | Since: base-4.7.0.0 |
a ~ b => Read (a :~: b) | Since: base-4.7.0.0 |
(Read1 f, Read a) => Read (IdentityT f a) | |
(Read e, Read1 m, Read a) => Read (ExceptT e m a) | |
(Read e, Read1 m, Read a) => Read (ErrorT e m a) | |
Read b => Read (Tagged s b) | |
Read (p (Fix p a) a) => Read (Fix p a) | |
Read (p a a) => Read (Join p a) | |
(Read a, Read (f b)) => Read (CofreeF f a b) | |
Read (w (CofreeF f a (CofreeT f w a))) => Read (CofreeT f w a) | |
(Read1 f, Read1 m, Read a) => Read (FreeT f m a) | |
(Read a, Read (f b)) => Read (FreeF f a b) | |
Read c => Read (K1 i c p) | Since: base-4.7.0.0 |
(Read (f p), Read (g p)) => Read ((f :+: g) p) | Since: base-4.7.0.0 |
(Read (f p), Read (g p)) => Read ((f :*: g) p) | Since: base-4.7.0.0 |
(Read a, Read b, Read c, Read d) => Read (a, b, c, d) | Since: base-2.1 |
(Read1 f, Read1 g, Read a) => Read (Product f g a) | Since: base-4.9.0.0 |
(Read1 f, Read1 g, Read a) => Read (Sum f g a) | Since: base-4.9.0.0 |
a ~~ b => Read (a :~~: b) | Since: base-4.10.0.0 |
Read (f p) => Read (M1 i c f p) | Since: base-4.7.0.0 |
Read (f (g p)) => Read ((f :.: g) p) | Since: base-4.7.0.0 |
(Read a, Read b, Read c, Read d, Read e) => Read (a, b, c, d, e) | Since: base-2.1 |
(Read1 f, Read1 g, Read a) => Read (Compose f g a) | Since: base-4.9.0.0 |
Read (f a) => Read (Clown f a b) | |
Read (p b a) => Read (Flip p a b) | |
Read (g b) => Read (Joker g a b) | |
Read (p a b) => Read (WrappedBifunctor p a b) | |
(Read a, Read b, Read c, Read d, Read e, Read f) => Read (a, b, c, d, e, f) | Since: base-2.1 |
(Read (f a b), Read (g a b)) => Read (Product f g a b) | |
(Read (p a b), Read (q a b)) => Read (Sum p q a b) | |
(Read a, Read b, Read c, Read d, Read e, Read f, Read g) => Read (a, b, c, d, e, f, g) | Since: base-2.1 |
Read (f (p a b)) => Read (Tannen f p a b) | |
(Read a, Read b, Read c, Read d, Read e, Read f, Read g, Read h) => Read (a, b, c, d, e, f, g, h) | Since: base-2.1 |
(Read a, Read b, Read c, Read d, Read e, Read f, Read g, Read h, Read i) => Read (a, b, c, d, e, f, g, h, i) | Since: base-2.1 |
Read (p (f a) (g b)) => Read (Biff p f g a b) | |
(Read a, Read b, Read c, Read d, Read e, Read f, Read g, Read h, Read i, Read j) => Read (a, b, c, d, e, f, g, h, i, j) | Since: base-2.1 |
(Read a, Read b, Read c, Read d, Read e, Read f, Read g, Read h, Read i, Read j, Read k) => Read (a, b, c, d, e, f, g, h, i, j, k) | Since: base-2.1 |
(Read a, Read b, Read c, Read d, Read e, Read f, Read g, Read h, Read i, Read j, Read k, Read l) => Read (a, b, c, d, e, f, g, h, i, j, k, l) | Since: base-2.1 |
(Read a, Read b, Read c, Read d, Read e, Read f, Read g, Read h, Read i, Read j, Read k, Read l, Read m) => Read (a, b, c, d, e, f, g, h, i, j, k, l, m) | Since: base-2.1 |
(Read a, Read b, Read c, Read d, Read e, Read f, Read g, Read h, Read i, Read j, Read k, Read l, Read m, Read n) => Read (a, b, c, d, e, f, g, h, i, j, k, l, m, n) | Since: base-2.1 |
(Read a, Read b, Read c, Read d, Read e, Read f, Read g, Read h, Read i, Read j, Read k, Read l, Read m, Read n, Read o) => Read (a, b, c, d, e, f, g, h, i, j, k, l, m, n, o) | Since: base-2.1 |
Defined in GHC.Read |
class (Num a, Ord a) => Real a where #
Methods
toRational :: a -> Rational #
the rational equivalent of its real argument with full precision
Instances
Real Int | Since: base-2.0.1 |
Defined in GHC.Real Methods toRational :: Int -> Rational # | |
Real Int8 | Since: base-2.1 |
Defined in GHC.Int Methods toRational :: Int8 -> Rational # | |
Real Int16 | Since: base-2.1 |
Defined in GHC.Int Methods toRational :: Int16 -> Rational # | |
Real Int32 | Since: base-2.1 |
Defined in GHC.Int Methods toRational :: Int32 -> Rational # | |
Real Int64 | Since: base-2.1 |
Defined in GHC.Int Methods toRational :: Int64 -> Rational # | |
Real Integer | Since: base-2.0.1 |
Defined in GHC.Real Methods toRational :: Integer -> Rational # | |
Real Natural | Since: base-4.8.0.0 |
Defined in GHC.Real Methods toRational :: Natural -> Rational # | |
Real Word | Since: base-2.1 |
Defined in GHC.Real Methods toRational :: Word -> Rational # | |
Real Word8 | Since: base-2.1 |
Defined in GHC.Word Methods toRational :: Word8 -> Rational # | |
Real Word16 | Since: base-2.1 |
Defined in GHC.Word Methods toRational :: Word16 -> Rational # | |
Real Word32 | Since: base-2.1 |
Defined in GHC.Word Methods toRational :: Word32 -> Rational # | |
Real Word64 | Since: base-2.1 |
Defined in GHC.Word Methods toRational :: Word64 -> Rational # | |
Real Scientific | |
Defined in Data.Scientific Methods toRational :: Scientific -> Rational # | |
Real RefId Source # | |
Defined in Indigo.Internal.State Methods toRational :: RefId -> Rational # | |
() :=> (Real Double) | |
Defined in Data.Constraint | |
() :=> (Real Float) | |
Defined in Data.Constraint | |
() :=> (Real Int) | |
Defined in Data.Constraint | |
() :=> (Real Integer) | |
Defined in Data.Constraint | |
() :=> (Real Natural) | |
Defined in Data.Constraint | |
() :=> (Real Word) | |
Defined in Data.Constraint | |
Integral a => Real (Ratio a) | Since: base-2.0.1 |
Defined in GHC.Real Methods toRational :: Ratio a -> Rational # | |
Real a => Real (Identity a) | Since: base-4.9.0.0 |
Defined in Data.Functor.Identity Methods toRational :: Identity a -> Rational # | |
Real a => Real (StringEncode a) | |
Defined in Morley.Micheline.Json Methods toRational :: StringEncode a -> Rational # | |
(Real t, KnownSymbol s) => Real (ElField '(s, t)) | |
Defined in Data.Vinyl.Functor Methods toRational :: ElField '(s, t) -> Rational # | |
(Integral a) :=> (Real (Ratio a)) | |
Defined in Data.Constraint | |
(Real a) :=> (Real (Identity a)) | |
Defined in Data.Constraint | |
(Real a) :=> (Real (Const a b)) | |
Defined in Data.Constraint | |
Class (Num a, Ord a) (Real a) | |
Defined in Data.Constraint | |
Class (Real a, Fractional a) (RealFrac a) | |
Defined in Data.Constraint Methods cls :: RealFrac a :- (Real a, Fractional a) | |
Class (Real a, Enum a) (Integral a) | |
Defined in Data.Constraint | |
Real a => Real (Const a b) | Since: base-4.9.0.0 |
Defined in Data.Functor.Const Methods toRational :: Const a b -> Rational # | |
Real a => Real (Tagged s a) | |
Defined in Data.Tagged Methods toRational :: Tagged s a -> Rational # |
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 | |
() :=> (RealFrac Double) | |
Defined in Data.Constraint | |
() :=> (RealFrac Float) | |
Defined in Data.Constraint | |
Integral a => RealFrac (Ratio a) | Since: base-2.0.1 |
RealFrac a => RealFrac (Identity a) | Since: base-4.9.0.0 |
(RealFrac t, KnownSymbol s) => RealFrac (ElField '(s, t)) | |
(Integral a) :=> (RealFrac (Ratio a)) | |
Defined in Data.Constraint | |
(RealFrac a) :=> (RealFrac (Identity a)) | |
Defined in Data.Constraint | |
(RealFrac a) :=> (RealFrac (Const a b)) | |
Defined in Data.Constraint | |
Class (Real a, Fractional a) (RealFrac a) | |
Defined in Data.Constraint Methods cls :: RealFrac a :- (Real a, Fractional a) | |
Class (RealFrac a, Floating a) (RealFloat a) | |
Defined in Data.Constraint | |
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)"
.
Instances
The class Typeable
allows a concrete representation of a type to
be calculated.
Minimal complete definition
typeRep#
class Monad m => MonadFail (m :: Type -> Type) where #
When a value is bound in do
-notation, the pattern on the left
hand side of <-
might not match. In this case, this class
provides a function to recover.
A Monad
without a MonadFail
instance may only be used in conjunction
with pattern that always match, such as newtypes, tuples, data types with
only a single data constructor, and irrefutable patterns (~pat
).
Instances of MonadFail
should satisfy the following law: fail s
should
be a left zero for >>=
,
fail s >>= f = fail s
If your Monad
is also MonadPlus
, a popular definition is
fail _ = mzero
Since: base-4.9.0.0
Instances
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 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 ReadP | Since: base-4.6.0.0 |
Applicative NonEmpty | Since: base-4.9.0.0 |
Applicative Put | |
Applicative Tree | |
Applicative Seq | Since: containers-0.5.4 |
Applicative Vector | |
Applicative P | Since: base-4.5.0.0 |
Applicative Array | |
Applicative DList | |
Applicative Parser | |
Applicative IResult | |
Applicative Result | |
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 SmallArray | |
Defined in Data.Primitive.SmallArray | |
Applicative Identity | |
Applicative Thunk | |
Applicative IndigoM Source # | |
() :=> (Applicative ((->) a :: Type -> Type)) | |
Defined in Data.Constraint Methods ins :: () :- Applicative ((->) a) | |
() :=> (Applicative []) | |
Defined in Data.Constraint Methods ins :: () :- Applicative [] | |
() :=> (Applicative Maybe) | |
Defined in Data.Constraint Methods ins :: () :- Applicative Maybe | |
() :=> (Applicative IO) | |
Defined in Data.Constraint Methods ins :: () :- Applicative IO | |
() :=> (Applicative (Either a)) | |
Defined in Data.Constraint Methods ins :: () :- Applicative (Either a) | |
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 |
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) | |
Applicative (Parser i) | |
Representable f => Applicative (Co f) | |
Alternative f => Applicative (Cofree f) | |
Functor f => Applicative (Free f) | |
Applicative f => Applicative (Yoneda f) | |
Applicative f => Applicative (Indexing f) | |
Defined in Control.Lens.Internal.Indexed | |
Applicative f => Applicative (Indexing64 f) | |
Defined in Control.Lens.Internal.Indexed | |
Applicative (ReifiedFold s) | |
Defined in Control.Lens.Reified Methods pure :: a -> ReifiedFold s a # (<*>) :: ReifiedFold s (a -> b) -> ReifiedFold s a -> ReifiedFold s b # liftA2 :: (a -> b -> c) -> ReifiedFold s a -> ReifiedFold s b -> ReifiedFold s c # (*>) :: ReifiedFold s a -> ReifiedFold s b -> ReifiedFold s b # (<*) :: ReifiedFold s a -> ReifiedFold s b -> ReifiedFold s a # | |
Applicative (ReifiedGetter s) | |
Defined in Control.Lens.Reified Methods pure :: a -> ReifiedGetter s a # (<*>) :: ReifiedGetter s (a -> b) -> ReifiedGetter s a -> ReifiedGetter s b # liftA2 :: (a -> b -> c) -> ReifiedGetter s a -> ReifiedGetter s b -> ReifiedGetter s c # (*>) :: ReifiedGetter s a -> ReifiedGetter s b -> ReifiedGetter s b # (<*) :: ReifiedGetter s a -> ReifiedGetter s b -> ReifiedGetter s a # | |
(Applicative (Rep p), Representable p) => Applicative (Prep p) | |
Applicative (Program instr) Source # | |
Defined in Indigo.Frontend.Program Methods pure :: a -> Program instr a # (<*>) :: Program instr (a -> b) -> Program instr a -> Program instr b # liftA2 :: (a -> b -> c) -> Program instr a -> Program instr b -> Program instr c # (*>) :: Program instr a -> Program instr b -> Program instr b # (<*) :: Program instr a -> Program instr b -> Program instr a # | |
(Monad m) :=> (Applicative (WrappedMonad m)) | |
Defined in Data.Constraint Methods ins :: Monad m :- Applicative (WrappedMonad m) | |
(Monoid a) :=> (Applicative ((,) a)) | |
Defined in Data.Constraint Methods ins :: Monoid a :- Applicative ((,) a) | |
(Monoid a) :=> (Applicative (Const a :: Type -> Type)) | |
Defined in Data.Constraint Methods ins :: Monoid a :- Applicative (Const a) | |
Class (Functor f) (Applicative f) | |
Defined in Data.Constraint Methods cls :: Applicative f :- Functor f | |
Class (Applicative f) (Monad f) | |
Defined in Data.Constraint Methods cls :: Monad f :- Applicative f | |
Class (Applicative f) (Alternative f) | |
Defined in Data.Constraint Methods cls :: Alternative f :- Applicative f | |
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 |
(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 (StateT s m) | |
Defined in Control.Monad.Trans.State.Strict | |
Applicative m => Applicative (IdentityT m) | |
Defined in Control.Monad.Trans.Identity | |
Applicative m => Applicative (ReaderT r m) | |
Defined in Control.Monad.Trans.Reader | |
(Functor m, Monad m) => Applicative (ExceptT e m) | |
Defined in Control.Monad.Trans.Except | |
(Functor m, Monad m) => Applicative (ErrorT e m) | |
Defined in Control.Monad.Trans.Error | |
Applicative (Bazaar a b) | |
Defined in Lens.Micro | |
(Functor m, Monad m) => Applicative (StateT s m) | |
Applicative (Tagged s) | |
Biapplicative p => Applicative (Fix p) | |
Biapplicative p => Applicative (Join p) | |
(Alternative f, Applicative w) => Applicative (CofreeT f w) | |
Defined in Control.Comonad.Trans.Cofree | |
(Functor f, Monad m) => Applicative (FreeT f m) | |
Defined in Control.Monad.Trans.Free | |
(Applicative f, Applicative g) => Applicative (Day f g) | |
Applicative (Indexed i a) | |
Defined in Control.Lens.Internal.Indexed | |
(Monad m, Monoid r) => Applicative (Effect m r) | |
Defined in Lens.Micro.Mtl.Internal | |
(Monad m, Monoid s) => Applicative (Focusing m s) | |
Defined in Lens.Micro.Mtl.Internal | |
Applicative (k (May s)) => Applicative (FocusingMay k s) | |
Defined in Lens.Micro.Mtl.Internal Methods pure :: a -> FocusingMay k s a # (<*>) :: FocusingMay k s (a -> b) -> FocusingMay k s a -> FocusingMay k s b # liftA2 :: (a -> b -> c) -> FocusingMay k s a -> FocusingMay k s b -> FocusingMay k s c # (*>) :: FocusingMay k s a -> FocusingMay k s b -> FocusingMay k s b # (<*) :: FocusingMay k s a -> FocusingMay k s b -> FocusingMay k s a # | |
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 | |
(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 (k (Err e s)) => Applicative (FocusingErr e k s) | |
Defined in Lens.Micro.Mtl.Internal Methods pure :: a -> FocusingErr e k s a # (<*>) :: FocusingErr e k s (a -> b) -> FocusingErr e k s a -> FocusingErr e k s b # liftA2 :: (a -> b -> c) -> FocusingErr e k s a -> FocusingErr e k s b -> FocusingErr e k s c # (*>) :: FocusingErr e k s a -> FocusingErr e k s b -> FocusingErr e k s b # (<*) :: FocusingErr e k s a -> FocusingErr e k s b -> FocusingErr e k s a # | |
Applicative (k (f s)) => Applicative (FocusingOn f k s) | |
Defined in Lens.Micro.Mtl.Internal Methods pure :: a -> FocusingOn f k s a # (<*>) :: FocusingOn f k s (a -> b) -> FocusingOn f k s a -> FocusingOn f k s b # liftA2 :: (a -> b -> c) -> FocusingOn f k s a -> FocusingOn f k s b -> FocusingOn f k s c # (*>) :: FocusingOn f k s a -> FocusingOn f k s b -> FocusingOn f k s b # (<*) :: FocusingOn f k s a -> FocusingOn f k s b -> FocusingOn f k s a # | |
Applicative (k (s, w)) => Applicative (FocusingPlus w k s) | |
Defined in Lens.Micro.Mtl.Internal Methods pure :: a -> FocusingPlus w k s a # (<*>) :: FocusingPlus w k s (a -> b) -> FocusingPlus w k s a -> FocusingPlus w k s b # liftA2 :: (a -> b -> c) -> FocusingPlus w k s a -> FocusingPlus w k s b -> FocusingPlus w k s c # (*>) :: FocusingPlus w k s a -> FocusingPlus w k s b -> FocusingPlus w k s b # (<*) :: FocusingPlus w k s a -> FocusingPlus w k s b -> FocusingPlus w k s a # | |
(Monad m, Monoid s, Monoid w) => Applicative (FocusingWith w m s) | |
Defined in Lens.Micro.Mtl.Internal Methods pure :: a -> FocusingWith w m s a # (<*>) :: FocusingWith w m s (a -> b) -> FocusingWith w m s a -> FocusingWith w m s b # liftA2 :: (a -> b -> c) -> FocusingWith w m s a -> FocusingWith w m s b -> FocusingWith w m s c # (*>) :: FocusingWith w m s a -> FocusingWith w m s b -> FocusingWith w m s b # (<*) :: FocusingWith w m s a -> FocusingWith w m s b -> FocusingWith w m s a # | |
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 | |
(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 # | |
Reifies s (ReifiedApplicative f) => Applicative (ReflectedApplicative f s) | |
Defined in Data.Reflection Methods pure :: a -> ReflectedApplicative f s a # (<*>) :: ReflectedApplicative f s (a -> b) -> ReflectedApplicative f s a -> ReflectedApplicative f s b # liftA2 :: (a -> b -> c) -> ReflectedApplicative f s a -> ReflectedApplicative f s b -> ReflectedApplicative f s c # (*>) :: ReflectedApplicative f s a -> ReflectedApplicative f s b -> ReflectedApplicative f s b # (<*) :: ReflectedApplicative f s a -> ReflectedApplicative f s b -> ReflectedApplicative f s a # | |
(Applicative f, Applicative g) => Applicative (Compose f g) | |
Defined in Data.Vinyl.Functor | |
(Monoid s, Monoid w, Monad m) => Applicative (EffectRWS w st m s) | |
Defined in Lens.Micro.Mtl.Internal Methods pure :: a -> EffectRWS w st m s a # (<*>) :: EffectRWS w st m s (a -> b) -> EffectRWS w st m s a -> EffectRWS w st m s b # liftA2 :: (a -> b -> c) -> EffectRWS w st m s a -> EffectRWS w st m s b -> EffectRWS w st m s c # (*>) :: EffectRWS w st m s a -> EffectRWS w st m s b -> EffectRWS w st m s b # (<*) :: EffectRWS w st m s a -> EffectRWS w st m s b -> EffectRWS w st m s a # | |
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 # | |
(Applicative f, Applicative g) => Applicative (Lift (,) f g) | |
Defined in Data.Vinyl.Functor |
class Foldable (t :: Type -> Type) #
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)
Instances
Foldable [] | Since: base-2.1 |
Defined in Data.Foldable Methods fold :: Monoid m => [m] -> m # foldMap :: Monoid m => (a -> m) -> [a] -> 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 # 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 # 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 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 # 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 # 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 # 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 # 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 # 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 # 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 # 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 # 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 # 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 # 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 # 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 # 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 # 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 # 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 # 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 | Folds in order of increasing key. |
Defined in Data.IntMap.Internal Methods fold :: Monoid m => IntMap m -> m # foldMap :: Monoid m => (a -> m) -> IntMap a -> 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 Tree | |
Defined in Data.Tree Methods fold :: Monoid m => Tree m -> m # foldMap :: Monoid m => (a -> m) -> Tree a -> 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 # 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 # 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 # 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 # 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 # 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 # 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 # 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 | Folds in order of increasing key. |
Defined in Data.Set.Internal Methods fold :: Monoid m => Set m -> m # foldMap :: Monoid m => (a -> m) -> Set a -> m # foldMap' :: Monoid m => (a -> m) -> Set a -> m # foldr :: (a -> b -> b) -> b -> Set a -> b # foldr' :: (a -> b -> b) -> b -> Set a -> b # foldl :: (b -> a -> b) -> b -> Set a -> b # foldl' :: (b -> a -> b) -> b -> Set a -> b # foldr1 :: (a -> a -> a) -> Set a -> a # foldl1 :: (a -> a -> a) -> Set a -> a # elem :: Eq a => a -> Set a -> Bool # maximum :: Ord a => Set a -> a # | |
Foldable HashSet | |
Defined in Data.HashSet.Base Methods fold :: Monoid m => HashSet m -> m # foldMap :: Monoid m => (a -> m) -> HashSet a -> 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 Vector | |
Defined in Data.Vector Methods fold :: Monoid m => Vector m -> m # foldMap :: Monoid m => (a -> m) -> Vector a -> 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 Hashed | |
Defined in Data.Hashable.Class Methods fold :: Monoid m => Hashed m -> m # foldMap :: Monoid m => (a -> m) -> Hashed a -> 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 Array | |
Defined in Data.Primitive.Array Methods fold :: Monoid m => Array m -> m # foldMap :: Monoid m => (a -> m) -> Array a -> 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 ModulePragma | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => ModulePragma m -> m # foldMap :: Monoid m => (a -> m) -> ModulePragma a -> m # foldMap' :: Monoid m => (a -> m) -> ModulePragma a -> m # foldr :: (a -> b -> b) -> b -> ModulePragma a -> b # foldr' :: (a -> b -> b) -> b -> ModulePragma a -> b # foldl :: (b -> a -> b) -> b -> ModulePragma a -> b # foldl' :: (b -> a -> b) -> b -> ModulePragma a -> b # foldr1 :: (a -> a -> a) -> ModulePragma a -> a # foldl1 :: (a -> a -> a) -> ModulePragma a -> a # toList :: ModulePragma a -> [a] # null :: ModulePragma a -> Bool # length :: ModulePragma a -> Int # elem :: Eq a => a -> ModulePragma a -> Bool # maximum :: Ord a => ModulePragma a -> a # minimum :: Ord a => ModulePragma a -> a # | |
Foldable ModuleHead | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => ModuleHead m -> m # foldMap :: Monoid m => (a -> m) -> ModuleHead a -> m # foldMap' :: Monoid m => (a -> m) -> ModuleHead a -> m # foldr :: (a -> b -> b) -> b -> ModuleHead a -> b # foldr' :: (a -> b -> b) -> b -> ModuleHead a -> b # foldl :: (b -> a -> b) -> b -> ModuleHead a -> b # foldl' :: (b -> a -> b) -> b -> ModuleHead a -> b # foldr1 :: (a -> a -> a) -> ModuleHead a -> a # foldl1 :: (a -> a -> a) -> ModuleHead a -> a # toList :: ModuleHead a -> [a] # null :: ModuleHead a -> Bool # length :: ModuleHead a -> Int # elem :: Eq a => a -> ModuleHead a -> Bool # maximum :: Ord a => ModuleHead a -> a # minimum :: Ord a => ModuleHead a -> a # | |
Foldable ImportDecl | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => ImportDecl m -> m # foldMap :: Monoid m => (a -> m) -> ImportDecl a -> m # foldMap' :: Monoid m => (a -> m) -> ImportDecl a -> m # foldr :: (a -> b -> b) -> b -> ImportDecl a -> b # foldr' :: (a -> b -> b) -> b -> ImportDecl a -> b # foldl :: (b -> a -> b) -> b -> ImportDecl a -> b # foldl' :: (b -> a -> b) -> b -> ImportDecl a -> b # foldr1 :: (a -> a -> a) -> ImportDecl a -> a # foldl1 :: (a -> a -> a) -> ImportDecl a -> a # toList :: ImportDecl a -> [a] # null :: ImportDecl a -> Bool # length :: ImportDecl a -> Int # elem :: Eq a => a -> ImportDecl a -> Bool # maximum :: Ord a => ImportDecl a -> a # minimum :: Ord a => ImportDecl a -> a # | |
Foldable ModuleName | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => ModuleName m -> m # foldMap :: Monoid m => (a -> m) -> ModuleName a -> m # foldMap' :: Monoid m => (a -> m) -> ModuleName a -> m # foldr :: (a -> b -> b) -> b -> ModuleName a -> b # foldr' :: (a -> b -> b) -> b -> ModuleName a -> b # foldl :: (b -> a -> b) -> b -> ModuleName a -> b # foldl' :: (b -> a -> b) -> b -> ModuleName a -> b # foldr1 :: (a -> a -> a) -> ModuleName a -> a # foldl1 :: (a -> a -> a) -> ModuleName a -> a # toList :: ModuleName a -> [a] # null :: ModuleName a -> Bool # length :: ModuleName a -> Int # elem :: Eq a => a -> ModuleName a -> Bool # maximum :: Ord a => ModuleName a -> a # minimum :: Ord a => ModuleName a -> a # | |
Foldable Decl | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => Decl m -> m # foldMap :: Monoid m => (a -> m) -> Decl a -> m # foldMap' :: Monoid m => (a -> m) -> Decl a -> m # foldr :: (a -> b -> b) -> b -> Decl a -> b # foldr' :: (a -> b -> b) -> b -> Decl a -> b # foldl :: (b -> a -> b) -> b -> Decl a -> b # foldl' :: (b -> a -> b) -> b -> Decl a -> b # foldr1 :: (a -> a -> a) -> Decl a -> a # foldl1 :: (a -> a -> a) -> Decl a -> a # elem :: Eq a => a -> Decl a -> Bool # maximum :: Ord a => Decl a -> a # | |
Foldable Exp | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => Exp m -> m # foldMap :: Monoid m => (a -> m) -> Exp a -> m # foldMap' :: Monoid m => (a -> m) -> Exp a -> m # foldr :: (a -> b -> b) -> b -> Exp a -> b # foldr' :: (a -> b -> b) -> b -> Exp a -> b # foldl :: (b -> a -> b) -> b -> Exp a -> b # foldl' :: (b -> a -> b) -> b -> Exp a -> b # foldr1 :: (a -> a -> a) -> Exp a -> a # foldl1 :: (a -> a -> a) -> Exp a -> a # elem :: Eq a => a -> Exp a -> Bool # maximum :: Ord a => Exp a -> a # | |
Foldable Module | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => Module m -> m # foldMap :: Monoid m => (a -> m) -> Module a -> m # foldMap' :: Monoid m => (a -> m) -> Module a -> m # foldr :: (a -> b -> b) -> b -> Module a -> b # foldr' :: (a -> b -> b) -> b -> Module a -> b # foldl :: (b -> a -> b) -> b -> Module a -> b # foldl' :: (b -> a -> b) -> b -> Module a -> b # foldr1 :: (a -> a -> a) -> Module a -> a # foldl1 :: (a -> a -> a) -> Module a -> a # elem :: Eq a => a -> Module a -> Bool # maximum :: Ord a => Module a -> a # minimum :: Ord a => Module a -> a # | |
Foldable Pat | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => Pat m -> m # foldMap :: Monoid m => (a -> m) -> Pat a -> m # foldMap' :: Monoid m => (a -> m) -> Pat a -> m # foldr :: (a -> b -> b) -> b -> Pat a -> b # foldr' :: (a -> b -> b) -> b -> Pat a -> b # foldl :: (b -> a -> b) -> b -> Pat a -> b # foldl' :: (b -> a -> b) -> b -> Pat a -> b # foldr1 :: (a -> a -> a) -> Pat a -> a # foldl1 :: (a -> a -> a) -> Pat a -> a # elem :: Eq a => a -> Pat a -> Bool # maximum :: Ord a => Pat a -> a # | |
Foldable Stmt | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => Stmt m -> m # foldMap :: Monoid m => (a -> m) -> Stmt a -> m # foldMap' :: Monoid m => (a -> m) -> Stmt a -> m # foldr :: (a -> b -> b) -> b -> Stmt a -> b # foldr' :: (a -> b -> b) -> b -> Stmt a -> b # foldl :: (b -> a -> b) -> b -> Stmt a -> b # foldl' :: (b -> a -> b) -> b -> Stmt a -> b # foldr1 :: (a -> a -> a) -> Stmt a -> a # foldl1 :: (a -> a -> a) -> Stmt a -> a # elem :: Eq a => a -> Stmt a -> Bool # maximum :: Ord a => Stmt a -> a # | |
Foldable Type | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => Type m -> m # foldMap :: Monoid m => (a -> m) -> Type a -> m # foldMap' :: Monoid m => (a -> m) -> Type a -> m # foldr :: (a -> b -> b) -> b -> Type a -> b # foldr' :: (a -> b -> b) -> b -> Type a -> b # foldl :: (b -> a -> b) -> b -> Type a -> b # foldl' :: (b -> a -> b) -> b -> Type a -> b # foldr1 :: (a -> a -> a) -> Type a -> a # foldl1 :: (a -> a -> a) -> Type a -> a # elem :: Eq a => a -> Type a -> Bool # maximum :: Ord a => Type a -> a # | |
Foldable DList | |
Defined in Data.DList Methods fold :: Monoid m => DList m -> m # foldMap :: Monoid m => (a -> m) -> DList a -> 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 IResult | |
Defined in Data.Aeson.Types.Internal Methods fold :: Monoid m => IResult m -> m # foldMap :: Monoid m => (a -> m) -> IResult a -> 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 # 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 Activation | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => Activation m -> m # foldMap :: Monoid m => (a -> m) -> Activation a -> m # foldMap' :: Monoid m => (a -> m) -> Activation a -> m # foldr :: (a -> b -> b) -> b -> Activation a -> b # foldr' :: (a -> b -> b) -> b -> Activation a -> b # foldl :: (b -> a -> b) -> b -> Activation a -> b # foldl' :: (b -> a -> b) -> b -> Activation a -> b # foldr1 :: (a -> a -> a) -> Activation a -> a # foldl1 :: (a -> a -> a) -> Activation a -> a # toList :: Activation a -> [a] # null :: Activation a -> Bool # length :: Activation a -> Int # elem :: Eq a => a -> Activation a -> Bool # maximum :: Ord a => Activation a -> a # minimum :: Ord a => Activation a -> a # | |
Foldable Alt | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => Alt m -> m # foldMap :: Monoid m => (a -> m) -> Alt a -> m # foldMap' :: Monoid m => (a -> m) -> Alt a -> m # foldr :: (a -> b -> b) -> b -> Alt a -> b # foldr' :: (a -> b -> b) -> b -> Alt a -> b # foldl :: (b -> a -> b) -> b -> Alt a -> b # foldl' :: (b -> a -> b) -> b -> Alt a -> b # foldr1 :: (a -> a -> a) -> Alt a -> a # foldl1 :: (a -> a -> a) -> Alt a -> a # elem :: Eq a => a -> Alt a -> Bool # maximum :: Ord a => Alt a -> a # | |
Foldable Annotation | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => Annotation m -> m # foldMap :: Monoid m => (a -> m) -> Annotation a -> m # foldMap' :: Monoid m => (a -> m) -> Annotation a -> m # foldr :: (a -> b -> b) -> b -> Annotation a -> b # foldr' :: (a -> b -> b) -> b -> Annotation a -> b # foldl :: (b -> a -> b) -> b -> Annotation a -> b # foldl' :: (b -> a -> b) -> b -> Annotation a -> b # foldr1 :: (a -> a -> a) -> Annotation a -> a # foldl1 :: (a -> a -> a) -> Annotation a -> a # toList :: Annotation a -> [a] # null :: Annotation a -> Bool # length :: Annotation a -> Int # elem :: Eq a => a -> Annotation a -> Bool # maximum :: Ord a => Annotation a -> a # minimum :: Ord a => Annotation a -> a # | |
Foldable Assoc | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => Assoc m -> m # foldMap :: Monoid m => (a -> m) -> Assoc a -> m # foldMap' :: Monoid m => (a -> m) -> Assoc a -> m # foldr :: (a -> b -> b) -> b -> Assoc a -> b # foldr' :: (a -> b -> b) -> b -> Assoc a -> b # foldl :: (b -> a -> b) -> b -> Assoc a -> b # foldl' :: (b -> a -> b) -> b -> Assoc a -> b # foldr1 :: (a -> a -> a) -> Assoc a -> a # foldl1 :: (a -> a -> a) -> Assoc a -> a # elem :: Eq a => a -> Assoc a -> Bool # maximum :: Ord a => Assoc a -> a # minimum :: Ord a => Assoc a -> a # | |
Foldable Asst | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => Asst m -> m # foldMap :: Monoid m => (a -> m) -> Asst a -> m # foldMap' :: Monoid m => (a -> m) -> Asst a -> m # foldr :: (a -> b -> b) -> b -> Asst a -> b # foldr' :: (a -> b -> b) -> b -> Asst a -> b # foldl :: (b -> a -> b) -> b -> Asst a -> b # foldl' :: (b -> a -> b) -> b -> Asst a -> b # foldr1 :: (a -> a -> a) -> Asst a -> a # foldl1 :: (a -> a -> a) -> Asst a -> a # elem :: Eq a => a -> Asst a -> Bool # maximum :: Ord a => Asst a -> a # | |
Foldable BangType | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => BangType m -> m # foldMap :: Monoid m => (a -> m) -> BangType a -> m # foldMap' :: Monoid m => (a -> m) -> BangType a -> m # foldr :: (a -> b -> b) -> b -> BangType a -> b # foldr' :: (a -> b -> b) -> b -> BangType a -> b # foldl :: (b -> a -> b) -> b -> BangType a -> b # foldl' :: (b -> a -> b) -> b -> BangType a -> b # foldr1 :: (a -> a -> a) -> BangType a -> a # foldl1 :: (a -> a -> a) -> BangType a -> a # elem :: Eq a => a -> BangType a -> Bool # maximum :: Ord a => BangType a -> a # minimum :: Ord a => BangType a -> a # | |
Foldable Binds | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => Binds m -> m # foldMap :: Monoid m => (a -> m) -> Binds a -> m # foldMap' :: Monoid m => (a -> m) -> Binds a -> m # foldr :: (a -> b -> b) -> b -> Binds a -> b # foldr' :: (a -> b -> b) -> b -> Binds a -> b # foldl :: (b -> a -> b) -> b -> Binds a -> b # foldl' :: (b -> a -> b) -> b -> Binds a -> b # foldr1 :: (a -> a -> a) -> Binds a -> a # foldl1 :: (a -> a -> a) -> Binds a -> a # elem :: Eq a => a -> Binds a -> Bool # maximum :: Ord a => Binds a -> a # minimum :: Ord a => Binds a -> a # | |
Foldable BooleanFormula | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => BooleanFormula m -> m # foldMap :: Monoid m => (a -> m) -> BooleanFormula a -> m # foldMap' :: Monoid m => (a -> m) -> BooleanFormula a -> m # foldr :: (a -> b -> b) -> b -> BooleanFormula a -> b # foldr' :: (a -> b -> b) -> b -> BooleanFormula a -> b # foldl :: (b -> a -> b) -> b -> BooleanFormula a -> b # foldl' :: (b -> a -> b) -> b -> BooleanFormula a -> b # foldr1 :: (a -> a -> a) -> BooleanFormula a -> a # foldl1 :: (a -> a -> a) -> BooleanFormula a -> a # toList :: BooleanFormula a -> [a] # null :: BooleanFormula a -> Bool # length :: BooleanFormula a -> Int # elem :: Eq a => a -> BooleanFormula a -> Bool # maximum :: Ord a => BooleanFormula a -> a # minimum :: Ord a => BooleanFormula a -> a # | |
Foldable Bracket | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => Bracket m -> m # foldMap :: Monoid m => (a -> m) -> Bracket a -> m # foldMap' :: Monoid m => (a -> m) -> Bracket a -> m # foldr :: (a -> b -> b) -> b -> Bracket a -> b # foldr' :: (a -> b -> b) -> b -> Bracket a -> b # foldl :: (b -> a -> b) -> b -> Bracket a -> b # foldl' :: (b -> a -> b) -> b -> Bracket a -> b # foldr1 :: (a -> a -> a) -> Bracket a -> a # foldl1 :: (a -> a -> a) -> Bracket a -> a # elem :: Eq a => a -> Bracket a -> Bool # maximum :: Ord a => Bracket a -> a # minimum :: Ord a => Bracket a -> a # | |
Foldable CName | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => CName m -> m # foldMap :: Monoid m => (a -> m) -> CName a -> m # foldMap' :: Monoid m => (a -> m) -> CName a -> m # foldr :: (a -> b -> b) -> b -> CName a -> b # foldr' :: (a -> b -> b) -> b -> CName a -> b # foldl :: (b -> a -> b) -> b -> CName a -> b # foldl' :: (b -> a -> b) -> b -> CName a -> b # foldr1 :: (a -> a -> a) -> CName a -> a # foldl1 :: (a -> a -> a) -> CName a -> a # elem :: Eq a => a -> CName a -> Bool # maximum :: Ord a => CName a -> a # minimum :: Ord a => CName a -> a # | |
Foldable CallConv | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => CallConv m -> m # foldMap :: Monoid m => (a -> m) -> CallConv a -> m # foldMap' :: Monoid m => (a -> m) -> CallConv a -> m # foldr :: (a -> b -> b) -> b -> CallConv a -> b # foldr' :: (a -> b -> b) -> b -> CallConv a -> b # foldl :: (b -> a -> b) -> b -> CallConv a -> b # foldl' :: (b -> a -> b) -> b -> CallConv a -> b # foldr1 :: (a -> a -> a) -> CallConv a -> a # foldl1 :: (a -> a -> a) -> CallConv a -> a # elem :: Eq a => a -> CallConv a -> Bool # maximum :: Ord a => CallConv a -> a # minimum :: Ord a => CallConv a -> a # | |
Foldable ClassDecl | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => ClassDecl m -> m # foldMap :: Monoid m => (a -> m) -> ClassDecl a -> m # foldMap' :: Monoid m => (a -> m) -> ClassDecl a -> m # foldr :: (a -> b -> b) -> b -> ClassDecl a -> b # foldr' :: (a -> b -> b) -> b -> ClassDecl a -> b # foldl :: (b -> a -> b) -> b -> ClassDecl a -> b # foldl' :: (b -> a -> b) -> b -> ClassDecl a -> b # foldr1 :: (a -> a -> a) -> ClassDecl a -> a # foldl1 :: (a -> a -> a) -> ClassDecl a -> a # toList :: ClassDecl a -> [a] # length :: ClassDecl a -> Int # elem :: Eq a => a -> ClassDecl a -> Bool # maximum :: Ord a => ClassDecl a -> a # minimum :: Ord a => ClassDecl a -> a # | |
Foldable ConDecl | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => ConDecl m -> m # foldMap :: Monoid m => (a -> m) -> ConDecl a -> m # foldMap' :: Monoid m => (a -> m) -> ConDecl a -> m # foldr :: (a -> b -> b) -> b -> ConDecl a -> b # foldr' :: (a -> b -> b) -> b -> ConDecl a -> b # foldl :: (b -> a -> b) -> b -> ConDecl a -> b # foldl' :: (b -> a -> b) -> b -> ConDecl a -> b # foldr1 :: (a -> a -> a) -> ConDecl a -> a # foldl1 :: (a -> a -> a) -> ConDecl a -> a # elem :: Eq a => a -> ConDecl a -> Bool # maximum :: Ord a => ConDecl a -> a # minimum :: Ord a => ConDecl a -> a # | |
Foldable Context | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => Context m -> m # foldMap :: Monoid m => (a -> m) -> Context a -> m # foldMap' :: Monoid m => (a -> m) -> Context a -> m # foldr :: (a -> b -> b) -> b -> Context a -> b # foldr' :: (a -> b -> b) -> b -> Context a -> b # foldl :: (b -> a -> b) -> b -> Context a -> b # foldl' :: (b -> a -> b) -> b -> Context a -> b # foldr1 :: (a -> a -> a) -> Context a -> a # foldl1 :: (a -> a -> a) -> Context a -> a # elem :: Eq a => a -> Context a -> Bool # maximum :: Ord a => Context a -> a # minimum :: Ord a => Context a -> a # | |
Foldable DataOrNew | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => DataOrNew m -> m # foldMap :: Monoid m => (a -> m) -> DataOrNew a -> m # foldMap' :: Monoid m => (a -> m) -> DataOrNew a -> m # foldr :: (a -> b -> b) -> b -> DataOrNew a -> b # foldr' :: (a -> b -> b) -> b -> DataOrNew a -> b # foldl :: (b -> a -> b) -> b -> DataOrNew a -> b # foldl' :: (b -> a -> b) -> b -> DataOrNew a -> b # foldr1 :: (a -> a -> a) -> DataOrNew a -> a # foldl1 :: (a -> a -> a) -> DataOrNew a -> a # toList :: DataOrNew a -> [a] # length :: DataOrNew a -> Int # elem :: Eq a => a -> DataOrNew a -> Bool # maximum :: Ord a => DataOrNew a -> a # minimum :: Ord a => DataOrNew a -> a # | |
Foldable DeclHead | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => DeclHead m -> m # foldMap :: Monoid m => (a -> m) -> DeclHead a -> m # foldMap' :: Monoid m => (a -> m) -> DeclHead a -> m # foldr :: (a -> b -> b) -> b -> DeclHead a -> b # foldr' :: (a -> b -> b) -> b -> DeclHead a -> b # foldl :: (b -> a -> b) -> b -> DeclHead a -> b # foldl' :: (b -> a -> b) -> b -> DeclHead a -> b # foldr1 :: (a -> a -> a) -> DeclHead a -> a # foldl1 :: (a -> a -> a) -> DeclHead a -> a # elem :: Eq a => a -> DeclHead a -> Bool # maximum :: Ord a => DeclHead a -> a # minimum :: Ord a => DeclHead a -> a # | |
Foldable DerivStrategy | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => DerivStrategy m -> m # foldMap :: Monoid m => (a -> m) -> DerivStrategy a -> m # foldMap' :: Monoid m => (a -> m) -> DerivStrategy a -> m # foldr :: (a -> b -> b) -> b -> DerivStrategy a -> b # foldr' :: (a -> b -> b) -> b -> DerivStrategy a -> b # foldl :: (b -> a -> b) -> b -> DerivStrategy a -> b # foldl' :: (b -> a -> b) -> b -> DerivStrategy a -> b # foldr1 :: (a -> a -> a) -> DerivStrategy a -> a # foldl1 :: (a -> a -> a) -> DerivStrategy a -> a # toList :: DerivStrategy a -> [a] # null :: DerivStrategy a -> Bool # length :: DerivStrategy a -> Int # elem :: Eq a => a -> DerivStrategy a -> Bool # maximum :: Ord a => DerivStrategy a -> a # minimum :: Ord a => DerivStrategy a -> a # | |
Foldable Deriving | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => Deriving m -> m # foldMap :: Monoid m => (a -> m) -> Deriving a -> m # foldMap' :: Monoid m => (a -> m) -> Deriving a -> m # foldr :: (a -> b -> b) -> b -> Deriving a -> b # foldr' :: (a -> b -> b) -> b -> Deriving a -> b # foldl :: (b -> a -> b) -> b -> Deriving a -> b # foldl' :: (b -> a -> b) -> b -> Deriving a -> b # foldr1 :: (a -> a -> a) -> Deriving a -> a # foldl1 :: (a -> a -> a) -> Deriving a -> a # elem :: Eq a => a -> Deriving a -> Bool # maximum :: Ord a => Deriving a -> a # minimum :: Ord a => Deriving a -> a # | |
Foldable EWildcard | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => EWildcard m -> m # foldMap :: Monoid m => (a -> m) -> EWildcard a -> m # foldMap' :: Monoid m => (a -> m) -> EWildcard a -> m # foldr :: (a -> b -> b) -> b -> EWildcard a -> b # foldr' :: (a -> b -> b) -> b -> EWildcard a -> b # foldl :: (b -> a -> b) -> b -> EWildcard a -> b # foldl' :: (b -> a -> b) -> b -> EWildcard a -> b # foldr1 :: (a -> a -> a) -> EWildcard a -> a # foldl1 :: (a -> a -> a) -> EWildcard a -> a # toList :: EWildcard a -> [a] # length :: EWildcard a -> Int # elem :: Eq a => a -> EWildcard a -> Bool # maximum :: Ord a => EWildcard a -> a # minimum :: Ord a => EWildcard a -> a # | |
Foldable ExportSpec | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => ExportSpec m -> m # foldMap :: Monoid m => (a -> m) -> ExportSpec a -> m # foldMap' :: Monoid m => (a -> m) -> ExportSpec a -> m # foldr :: (a -> b -> b) -> b -> ExportSpec a -> b # foldr' :: (a -> b -> b) -> b -> ExportSpec a -> b # foldl :: (b -> a -> b) -> b -> ExportSpec a -> b # foldl' :: (b -> a -> b) -> b -> ExportSpec a -> b # foldr1 :: (a -> a -> a) -> ExportSpec a -> a # foldl1 :: (a -> a -> a) -> ExportSpec a -> a # toList :: ExportSpec a -> [a] # null :: ExportSpec a -> Bool # length :: ExportSpec a -> Int # elem :: Eq a => a -> ExportSpec a -> Bool # maximum :: Ord a => ExportSpec a -> a # minimum :: Ord a => ExportSpec a -> a # | |
Foldable ExportSpecList | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => ExportSpecList m -> m # foldMap :: Monoid m => (a -> m) -> ExportSpecList a -> m # foldMap' :: Monoid m => (a -> m) -> ExportSpecList a -> m # foldr :: (a -> b -> b) -> b -> ExportSpecList a -> b # foldr' :: (a -> b -> b) -> b -> ExportSpecList a -> b # foldl :: (b -> a -> b) -> b -> ExportSpecList a -> b # foldl' :: (b -> a -> b) -> b -> ExportSpecList a -> b # foldr1 :: (a -> a -> a) -> ExportSpecList a -> a # foldl1 :: (a -> a -> a) -> ExportSpecList a -> a # toList :: ExportSpecList a -> [a] # null :: ExportSpecList a -> Bool # length :: ExportSpecList a -> Int # elem :: Eq a => a -> ExportSpecList a -> Bool # maximum :: Ord a => ExportSpecList a -> a # minimum :: Ord a => ExportSpecList a -> a # | |
Foldable FieldDecl | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => FieldDecl m -> m # foldMap :: Monoid m => (a -> m) -> FieldDecl a -> m # foldMap' :: Monoid m => (a -> m) -> FieldDecl a -> m # foldr :: (a -> b -> b) -> b -> FieldDecl a -> b # foldr' :: (a -> b -> b) -> b -> FieldDecl a -> b # foldl :: (b -> a -> b) -> b -> FieldDecl a -> b # foldl' :: (b -> a -> b) -> b -> FieldDecl a -> b # foldr1 :: (a -> a -> a) -> FieldDecl a -> a # foldl1 :: (a -> a -> a) -> FieldDecl a -> a # toList :: FieldDecl a -> [a] # length :: FieldDecl a -> Int # elem :: Eq a => a -> FieldDecl a -> Bool # maximum :: Ord a => FieldDecl a -> a # minimum :: Ord a => FieldDecl a -> a # | |
Foldable FieldUpdate | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => FieldUpdate m -> m # foldMap :: Monoid m => (a -> m) -> FieldUpdate a -> m # foldMap' :: Monoid m => (a -> m) -> FieldUpdate a -> m # foldr :: (a -> b -> b) -> b -> FieldUpdate a -> b # foldr' :: (a -> b -> b) -> b -> FieldUpdate a -> b # foldl :: (b -> a -> b) -> b -> FieldUpdate a -> b # foldl' :: (b -> a -> b) -> b -> FieldUpdate a -> b # foldr1 :: (a -> a -> a) -> FieldUpdate a -> a # foldl1 :: (a -> a -> a) -> FieldUpdate a -> a # toList :: FieldUpdate a -> [a] # null :: FieldUpdate a -> Bool # length :: FieldUpdate a -> Int # elem :: Eq a => a -> FieldUpdate a -> Bool # maximum :: Ord a => FieldUpdate a -> a # minimum :: Ord a => FieldUpdate a -> a # | |
Foldable FunDep | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => FunDep m -> m # foldMap :: Monoid m => (a -> m) -> FunDep a -> m # foldMap' :: Monoid m => (a -> m) -> FunDep a -> m # foldr :: (a -> b -> b) -> b -> FunDep a -> b # foldr' :: (a -> b -> b) -> b -> FunDep a -> b # foldl :: (b -> a -> b) -> b -> FunDep a -> b # foldl' :: (b -> a -> b) -> b -> FunDep a -> b # foldr1 :: (a -> a -> a) -> FunDep a -> a # foldl1 :: (a -> a -> a) -> FunDep a -> a # elem :: Eq a => a -> FunDep a -> Bool # maximum :: Ord a => FunDep a -> a # minimum :: Ord a => FunDep a -> a # | |
Foldable GadtDecl | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => GadtDecl m -> m # foldMap :: Monoid m => (a -> m) -> GadtDecl a -> m # foldMap' :: Monoid m => (a -> m) -> GadtDecl a -> m # foldr :: (a -> b -> b) -> b -> GadtDecl a -> b # foldr' :: (a -> b -> b) -> b -> GadtDecl a -> b # foldl :: (b -> a -> b) -> b -> GadtDecl a -> b # foldl' :: (b -> a -> b) -> b -> GadtDecl a -> b # foldr1 :: (a -> a -> a) -> GadtDecl a -> a # foldl1 :: (a -> a -> a) -> GadtDecl a -> a # elem :: Eq a => a -> GadtDecl a -> Bool # maximum :: Ord a => GadtDecl a -> a # minimum :: Ord a => GadtDecl a -> a # | |
Foldable GuardedRhs | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => GuardedRhs m -> m # foldMap :: Monoid m => (a -> m) -> GuardedRhs a -> m # foldMap' :: Monoid m => (a -> m) -> GuardedRhs a -> m # foldr :: (a -> b -> b) -> b -> GuardedRhs a -> b # foldr' :: (a -> b -> b) -> b -> GuardedRhs a -> b # foldl :: (b -> a -> b) -> b -> GuardedRhs a -> b # foldl' :: (b -> a -> b) -> b -> GuardedRhs a -> b # foldr1 :: (a -> a -> a) -> GuardedRhs a -> a # foldl1 :: (a -> a -> a) -> GuardedRhs a -> a # toList :: GuardedRhs a -> [a] # null :: GuardedRhs a -> Bool # length :: GuardedRhs a -> Int # elem :: Eq a => a -> GuardedRhs a -> Bool # maximum :: Ord a => GuardedRhs a -> a # minimum :: Ord a => GuardedRhs a -> a # | |
Foldable IPBind | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => IPBind m -> m # foldMap :: Monoid m => (a -> m) -> IPBind a -> m # foldMap' :: Monoid m => (a -> m) -> IPBind a -> m # foldr :: (a -> b -> b) -> b -> IPBind a -> b # foldr' :: (a -> b -> b) -> b -> IPBind a -> b # foldl :: (b -> a -> b) -> b -> IPBind a -> b # foldl' :: (b -> a -> b) -> b -> IPBind a -> b # foldr1 :: (a -> a -> a) -> IPBind a -> a # foldl1 :: (a -> a -> a) -> IPBind a -> a # elem :: Eq a => a -> IPBind a -> Bool # maximum :: Ord a => IPBind a -> a # minimum :: Ord a => IPBind a -> a # | |
Foldable IPName | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => IPName m -> m # foldMap :: Monoid m => (a -> m) -> IPName a -> m # foldMap' :: Monoid m => (a -> m) -> IPName a -> m # foldr :: (a -> b -> b) -> b -> IPName a -> b # foldr' :: (a -> b -> b) -> b -> IPName a -> b # foldl :: (b -> a -> b) -> b -> IPName a -> b # foldl' :: (b -> a -> b) -> b -> IPName a -> b # foldr1 :: (a -> a -> a) -> IPName a -> a # foldl1 :: (a -> a -> a) -> IPName a -> a # elem :: Eq a => a -> IPName a -> Bool # maximum :: Ord a => IPName a -> a # minimum :: Ord a => IPName a -> a # | |
Foldable ImportSpec | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => ImportSpec m -> m # foldMap :: Monoid m => (a -> m) -> ImportSpec a -> m # foldMap' :: Monoid m => (a -> m) -> ImportSpec a -> m # foldr :: (a -> b -> b) -> b -> ImportSpec a -> b # foldr' :: (a -> b -> b) -> b -> ImportSpec a -> b # foldl :: (b -> a -> b) -> b -> ImportSpec a -> b # foldl' :: (b -> a -> b) -> b -> ImportSpec a -> b # foldr1 :: (a -> a -> a) -> ImportSpec a -> a # foldl1 :: (a -> a -> a) -> ImportSpec a -> a # toList :: ImportSpec a -> [a] # null :: ImportSpec a -> Bool # length :: ImportSpec a -> Int # elem :: Eq a => a -> ImportSpec a -> Bool # maximum :: Ord a => ImportSpec a -> a # minimum :: Ord a => ImportSpec a -> a # | |
Foldable ImportSpecList | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => ImportSpecList m -> m # foldMap :: Monoid m => (a -> m) -> ImportSpecList a -> m # foldMap' :: Monoid m => (a -> m) -> ImportSpecList a -> m # foldr :: (a -> b -> b) -> b -> ImportSpecList a -> b # foldr' :: (a -> b -> b) -> b -> ImportSpecList a -> b # foldl :: (b -> a -> b) -> b -> ImportSpecList a -> b # foldl' :: (b -> a -> b) -> b -> ImportSpecList a -> b # foldr1 :: (a -> a -> a) -> ImportSpecList a -> a # foldl1 :: (a -> a -> a) -> ImportSpecList a -> a # toList :: ImportSpecList a -> [a] # null :: ImportSpecList a -> Bool # length :: ImportSpecList a -> Int # elem :: Eq a => a -> ImportSpecList a -> Bool # maximum :: Ord a => ImportSpecList a -> a # minimum :: Ord a => ImportSpecList a -> a # | |
Foldable InjectivityInfo | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => InjectivityInfo m -> m # foldMap :: Monoid m => (a -> m) -> InjectivityInfo a -> m # foldMap' :: Monoid m => (a -> m) -> InjectivityInfo a -> m # foldr :: (a -> b -> b) -> b -> InjectivityInfo a -> b # foldr' :: (a -> b -> b) -> b -> InjectivityInfo a -> b # foldl :: (b -> a -> b) -> b -> InjectivityInfo a -> b # foldl' :: (b -> a -> b) -> b -> InjectivityInfo a -> b # foldr1 :: (a -> a -> a) -> InjectivityInfo a -> a # foldl1 :: (a -> a -> a) -> InjectivityInfo a -> a # toList :: InjectivityInfo a -> [a] # null :: InjectivityInfo a -> Bool # length :: InjectivityInfo a -> Int # elem :: Eq a => a -> InjectivityInfo a -> Bool # maximum :: Ord a => InjectivityInfo a -> a # minimum :: Ord a => InjectivityInfo a -> a # | |
Foldable InstDecl | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => InstDecl m -> m # foldMap :: Monoid m => (a -> m) -> InstDecl a -> m # foldMap' :: Monoid m => (a -> m) -> InstDecl a -> m # foldr :: (a -> b -> b) -> b -> InstDecl a -> b # foldr' :: (a -> b -> b) -> b -> InstDecl a -> b # foldl :: (b -> a -> b) -> b -> InstDecl a -> b # foldl' :: (b -> a -> b) -> b -> InstDecl a -> b # foldr1 :: (a -> a -> a) -> InstDecl a -> a # foldl1 :: (a -> a -> a) -> InstDecl a -> a # elem :: Eq a => a -> InstDecl a -> Bool # maximum :: Ord a => InstDecl a -> a # minimum :: Ord a => InstDecl a -> a # | |
Foldable InstHead | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => InstHead m -> m # foldMap :: Monoid m => (a -> m) -> InstHead a -> m # foldMap' :: Monoid m => (a -> m) -> InstHead a -> m # foldr :: (a -> b -> b) -> b -> InstHead a -> b # foldr' :: (a -> b -> b) -> b -> InstHead a -> b # foldl :: (b -> a -> b) -> b -> InstHead a -> b # foldl' :: (b -> a -> b) -> b -> InstHead a -> b # foldr1 :: (a -> a -> a) -> InstHead a -> a # foldl1 :: (a -> a -> a) -> InstHead a -> a # elem :: Eq a => a -> InstHead a -> Bool # maximum :: Ord a => InstHead a -> a # minimum :: Ord a => InstHead a -> a # | |
Foldable InstRule | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => InstRule m -> m # foldMap :: Monoid m => (a -> m) -> InstRule a -> m # foldMap' :: Monoid m => (a -> m) -> InstRule a -> m # foldr :: (a -> b -> b) -> b -> InstRule a -> b # foldr' :: (a -> b -> b) -> b -> InstRule a -> b # foldl :: (b -> a -> b) -> b -> InstRule a -> b # foldl' :: (b -> a -> b) -> b -> InstRule a -> b # foldr1 :: (a -> a -> a) -> InstRule a -> a # foldl1 :: (a -> a -> a) -> InstRule a -> a # elem :: Eq a => a -> InstRule a -> Bool # maximum :: Ord a => InstRule a -> a # minimum :: Ord a => InstRule a -> a # | |
Foldable Literal | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => Literal m -> m # foldMap :: Monoid m => (a -> m) -> Literal a -> m # foldMap' :: Monoid m => (a -> m) -> Literal a -> m # foldr :: (a -> b -> b) -> b -> Literal a -> b # foldr' :: (a -> b -> b) -> b -> Literal a -> b # foldl :: (b -> a -> b) -> b -> Literal a -> b # foldl' :: (b -> a -> b) -> b -> Literal a -> b # foldr1 :: (a -> a -> a) -> Literal a -> a # foldl1 :: (a -> a -> a) -> Literal a -> a # elem :: Eq a => a -> Literal a -> Bool # maximum :: Ord a => Literal a -> a # minimum :: Ord a => Literal a -> a # | |
Foldable Match | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => Match m -> m # foldMap :: Monoid m => (a -> m) -> Match a -> m # foldMap' :: Monoid m => (a -> m) -> Match a -> m # foldr :: (a -> b -> b) -> b -> Match a -> b # foldr' :: (a -> b -> b) -> b -> Match a -> b # foldl :: (b -> a -> b) -> b -> Match a -> b # foldl' :: (b -> a -> b) -> b -> Match a -> b # foldr1 :: (a -> a -> a) -> Match a -> a # foldl1 :: (a -> a -> a) -> Match a -> a # elem :: Eq a => a -> Match a -> Bool # maximum :: Ord a => Match a -> a # minimum :: Ord a => Match a -> a # | |
Foldable MaybePromotedName | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => MaybePromotedName m -> m # foldMap :: Monoid m => (a -> m) -> MaybePromotedName a -> m # foldMap' :: Monoid m => (a -> m) -> MaybePromotedName a -> m # foldr :: (a -> b -> b) -> b -> MaybePromotedName a -> b # foldr' :: (a -> b -> b) -> b -> MaybePromotedName a -> b # foldl :: (b -> a -> b) -> b -> MaybePromotedName a -> b # foldl' :: (b -> a -> b) -> b -> MaybePromotedName a -> b # foldr1 :: (a -> a -> a) -> MaybePromotedName a -> a # foldl1 :: (a -> a -> a) -> MaybePromotedName a -> a # toList :: MaybePromotedName a -> [a] # null :: MaybePromotedName a -> Bool # length :: MaybePromotedName a -> Int # elem :: Eq a => a -> MaybePromotedName a -> Bool # maximum :: Ord a => MaybePromotedName a -> a # minimum :: Ord a => MaybePromotedName a -> a # | |
Foldable Name | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => Name m -> m # foldMap :: Monoid m => (a -> m) -> Name a -> m # foldMap' :: Monoid m => (a -> m) -> Name a -> m # foldr :: (a -> b -> b) -> b -> Name a -> b # foldr' :: (a -> b -> b) -> b -> Name a -> b # foldl :: (b -> a -> b) -> b -> Name a -> b # foldl' :: (b -> a -> b) -> b -> Name a -> b # foldr1 :: (a -> a -> a) -> Name a -> a # foldl1 :: (a -> a -> a) -> Name a -> a # elem :: Eq a => a -> Name a -> Bool # maximum :: Ord a => Name a -> a # | |
Foldable Namespace | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => Namespace m -> m # foldMap :: Monoid m => (a -> m) -> Namespace a -> m # foldMap' :: Monoid m => (a -> m) -> Namespace a -> m # foldr :: (a -> b -> b) -> b -> Namespace a -> b # foldr' :: (a -> b -> b) -> b -> Namespace a -> b # foldl :: (b -> a -> b) -> b -> Namespace a -> b # foldl' :: (b -> a -> b) -> b -> Namespace a -> b # foldr1 :: (a -> a -> a) -> Namespace a -> a # foldl1 :: (a -> a -> a) -> Namespace a -> a # toList :: Namespace a -> [a] # length :: Namespace a -> Int # elem :: Eq a => a -> Namespace a -> Bool # maximum :: Ord a => Namespace a -> a # minimum :: Ord a => Namespace a -> a # | |
Foldable Op | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => Op m -> m # foldMap :: Monoid m => (a -> m) -> Op a -> m # foldMap' :: Monoid m => (a -> m) -> Op a -> m # foldr :: (a -> b -> b) -> b -> Op a -> b # foldr' :: (a -> b -> b) -> b -> Op a -> b # foldl :: (b -> a -> b) -> b -> Op a -> b # foldl' :: (b -> a -> b) -> b -> Op a -> b # foldr1 :: (a -> a -> a) -> Op a -> a # foldl1 :: (a -> a -> a) -> Op a -> a # elem :: Eq a => a -> Op a -> Bool # maximum :: Ord a => Op a -> a # | |
Foldable Overlap | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => Overlap m -> m # foldMap :: Monoid m => (a -> m) -> Overlap a -> m # foldMap' :: Monoid m => (a -> m) -> Overlap a -> m # foldr :: (a -> b -> b) -> b -> Overlap a -> b # foldr' :: (a -> b -> b) -> b -> Overlap a -> b # foldl :: (b -> a -> b) -> b -> Overlap a -> b # foldl' :: (b -> a -> b) -> b -> Overlap a -> b # foldr1 :: (a -> a -> a) -> Overlap a -> a # foldl1 :: (a -> a -> a) -> Overlap a -> a # elem :: Eq a => a -> Overlap a -> Bool # maximum :: Ord a => Overlap a -> a # minimum :: Ord a => Overlap a -> a # | |
Foldable PXAttr | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => PXAttr m -> m # foldMap :: Monoid m => (a -> m) -> PXAttr a -> m # foldMap' :: Monoid m => (a -> m) -> PXAttr a -> m # foldr :: (a -> b -> b) -> b -> PXAttr a -> b # foldr' :: (a -> b -> b) -> b -> PXAttr a -> b # foldl :: (b -> a -> b) -> b -> PXAttr a -> b # foldl' :: (b -> a -> b) -> b -> PXAttr a -> b # foldr1 :: (a -> a -> a) -> PXAttr a -> a # foldl1 :: (a -> a -> a) -> PXAttr a -> a # elem :: Eq a => a -> PXAttr a -> Bool # maximum :: Ord a => PXAttr a -> a # minimum :: Ord a => PXAttr a -> a # | |
Foldable PatField | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => PatField m -> m # foldMap :: Monoid m => (a -> m) -> PatField a -> m # foldMap' :: Monoid m => (a -> m) -> PatField a -> m # foldr :: (a -> b -> b) -> b -> PatField a -> b # foldr' :: (a -> b -> b) -> b -> PatField a -> b # foldl :: (b -> a -> b) -> b -> PatField a -> b # foldl' :: (b -> a -> b) -> b -> PatField a -> b # foldr1 :: (a -> a -> a) -> PatField a -> a # foldl1 :: (a -> a -> a) -> PatField a -> a # elem :: Eq a => a -> PatField a -> Bool # maximum :: Ord a => PatField a -> a # minimum :: Ord a => PatField a -> a # | |
Foldable PatternSynDirection | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => PatternSynDirection m -> m # foldMap :: Monoid m => (a -> m) -> PatternSynDirection a -> m # foldMap' :: Monoid m => (a -> m) -> PatternSynDirection a -> m # foldr :: (a -> b -> b) -> b -> PatternSynDirection a -> b # foldr' :: (a -> b -> b) -> b -> PatternSynDirection a -> b # foldl :: (b -> a -> b) -> b -> PatternSynDirection a -> b # foldl' :: (b -> a -> b) -> b -> PatternSynDirection a -> b # foldr1 :: (a -> a -> a) -> PatternSynDirection a -> a # foldl1 :: (a -> a -> a) -> PatternSynDirection a -> a # toList :: PatternSynDirection a -> [a] # null :: PatternSynDirection a -> Bool # length :: PatternSynDirection a -> Int # elem :: Eq a => a -> PatternSynDirection a -> Bool # maximum :: Ord a => PatternSynDirection a -> a # minimum :: Ord a => PatternSynDirection a -> a # | |
Foldable Promoted | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => Promoted m -> m # foldMap :: Monoid m => (a -> m) -> Promoted a -> m # foldMap' :: Monoid m => (a -> m) -> Promoted a -> m # foldr :: (a -> b -> b) -> b -> Promoted a -> b # foldr' :: (a -> b -> b) -> b -> Promoted a -> b # foldl :: (b -> a -> b) -> b -> Promoted a -> b # foldl' :: (b -> a -> b) -> b -> Promoted a -> b # foldr1 :: (a -> a -> a) -> Promoted a -> a # foldl1 :: (a -> a -> a) -> Promoted a -> a # elem :: Eq a => a -> Promoted a -> Bool # maximum :: Ord a => Promoted a -> a # minimum :: Ord a => Promoted a -> a # | |
Foldable QName | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => QName m -> m # foldMap :: Monoid m => (a -> m) -> QName a -> m # foldMap' :: Monoid m => (a -> m) -> QName a -> m # foldr :: (a -> b -> b) -> b -> QName a -> b # foldr' :: (a -> b -> b) -> b -> QName a -> b # foldl :: (b -> a -> b) -> b -> QName a -> b # foldl' :: (b -> a -> b) -> b -> QName a -> b # foldr1 :: (a -> a -> a) -> QName a -> a # foldl1 :: (a -> a -> a) -> QName a -> a # elem :: Eq a => a -> QName a -> Bool # maximum :: Ord a => QName a -> a # minimum :: Ord a => QName a -> a # | |
Foldable QOp | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => QOp m -> m # foldMap :: Monoid m => (a -> m) -> QOp a -> m # foldMap' :: Monoid m => (a -> m) -> QOp a -> m # foldr :: (a -> b -> b) -> b -> QOp a -> b # foldr' :: (a -> b -> b) -> b -> QOp a -> b # foldl :: (b -> a -> b) -> b -> QOp a -> b # foldl' :: (b -> a -> b) -> b -> QOp a -> b # foldr1 :: (a -> a -> a) -> QOp a -> a # foldl1 :: (a -> a -> a) -> QOp a -> a # elem :: Eq a => a -> QOp a -> Bool # maximum :: Ord a => QOp a -> a # | |
Foldable QualConDecl | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => QualConDecl m -> m # foldMap :: Monoid m => (a -> m) -> QualConDecl a -> m # foldMap' :: Monoid m => (a -> m) -> QualConDecl a -> m # foldr :: (a -> b -> b) -> b -> QualConDecl a -> b # foldr' :: (a -> b -> b) -> b -> QualConDecl a -> b # foldl :: (b -> a -> b) -> b -> QualConDecl a -> b # foldl' :: (b -> a -> b) -> b -> QualConDecl a -> b # foldr1 :: (a -> a -> a) -> QualConDecl a -> a # foldl1 :: (a -> a -> a) -> QualConDecl a -> a # toList :: QualConDecl a -> [a] # null :: QualConDecl a -> Bool # length :: QualConDecl a -> Int # elem :: Eq a => a -> QualConDecl a -> Bool # maximum :: Ord a => QualConDecl a -> a # minimum :: Ord a => QualConDecl a -> a # | |
Foldable QualStmt | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => QualStmt m -> m # foldMap :: Monoid m => (a -> m) -> QualStmt a -> m # foldMap' :: Monoid m => (a -> m) -> QualStmt a -> m # foldr :: (a -> b -> b) -> b -> QualStmt a -> b # foldr' :: (a -> b -> b) -> b -> QualStmt a -> b # foldl :: (b -> a -> b) -> b -> QualStmt a -> b # foldl' :: (b -> a -> b) -> b -> QualStmt a -> b # foldr1 :: (a -> a -> a) -> QualStmt a -> a # foldl1 :: (a -> a -> a) -> QualStmt a -> a # elem :: Eq a => a -> QualStmt a -> Bool # maximum :: Ord a => QualStmt a -> a # minimum :: Ord a => QualStmt a -> a # | |
Foldable RPat | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => RPat m -> m # foldMap :: Monoid m => (a -> m) -> RPat a -> m # foldMap' :: Monoid m => (a -> m) -> RPat a -> m # foldr :: (a -> b -> b) -> b -> RPat a -> b # foldr' :: (a -> b -> b) -> b -> RPat a -> b # foldl :: (b -> a -> b) -> b -> RPat a -> b # foldl' :: (b -> a -> b) -> b -> RPat a -> b # foldr1 :: (a -> a -> a) -> RPat a -> a # foldl1 :: (a -> a -> a) -> RPat a -> a # elem :: Eq a => a -> RPat a -> Bool # maximum :: Ord a => RPat a -> a # | |
Foldable RPatOp | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => RPatOp m -> m # foldMap :: Monoid m => (a -> m) -> RPatOp a -> m # foldMap' :: Monoid m => (a -> m) -> RPatOp a -> m # foldr :: (a -> b -> b) -> b -> RPatOp a -> b # foldr' :: (a -> b -> b) -> b -> RPatOp a -> b # foldl :: (b -> a -> b) -> b -> RPatOp a -> b # foldl' :: (b -> a -> b) -> b -> RPatOp a -> b # foldr1 :: (a -> a -> a) -> RPatOp a -> a # foldl1 :: (a -> a -> a) -> RPatOp a -> a # elem :: Eq a => a -> RPatOp a -> Bool # maximum :: Ord a => RPatOp a -> a # minimum :: Ord a => RPatOp a -> a # | |
Foldable ResultSig | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => ResultSig m -> m # foldMap :: Monoid m => (a -> m) -> ResultSig a -> m # foldMap' :: Monoid m => (a -> m) -> ResultSig a -> m # foldr :: (a -> b -> b) -> b -> ResultSig a -> b # foldr' :: (a -> b -> b) -> b -> ResultSig a -> b # foldl :: (b -> a -> b) -> b -> ResultSig a -> b # foldl' :: (b -> a -> b) -> b -> ResultSig a -> b # foldr1 :: (a -> a -> a) -> ResultSig a -> a # foldl1 :: (a -> a -> a) -> ResultSig a -> a # toList :: ResultSig a -> [a] # length :: ResultSig a -> Int # elem :: Eq a => a -> ResultSig a -> Bool # maximum :: Ord a => ResultSig a -> a # minimum :: Ord a => ResultSig a -> a # | |
Foldable Rhs | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => Rhs m -> m # foldMap :: Monoid m => (a -> m) -> Rhs a -> m # foldMap' :: Monoid m => (a -> m) -> Rhs a -> m # foldr :: (a -> b -> b) -> b -> Rhs a -> b # foldr' :: (a -> b -> b) -> b -> Rhs a -> b # foldl :: (b -> a -> b) -> b -> Rhs a -> b # foldl' :: (b -> a -> b) -> b -> Rhs a -> b # foldr1 :: (a -> a -> a) -> Rhs a -> a # foldl1 :: (a -> a -> a) -> Rhs a -> a # elem :: Eq a => a -> Rhs a -> Bool # maximum :: Ord a => Rhs a -> a # | |
Foldable Role | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => Role m -> m # foldMap :: Monoid m => (a -> m) -> Role a -> m # foldMap' :: Monoid m => (a -> m) -> Role a -> m # foldr :: (a -> b -> b) -> b -> Role a -> b # foldr' :: (a -> b -> b) -> b -> Role a -> b # foldl :: (b -> a -> b) -> b -> Role a -> b # foldl' :: (b -> a -> b) -> b -> Role a -> b # foldr1 :: (a -> a -> a) -> Role a -> a # foldl1 :: (a -> a -> a) -> Role a -> a # elem :: Eq a => a -> Role a -> Bool # maximum :: Ord a => Role a -> a # | |
Foldable Rule | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => Rule m -> m # foldMap :: Monoid m => (a -> m) -> Rule a -> m # foldMap' :: Monoid m => (a -> m) -> Rule a -> m # foldr :: (a -> b -> b) -> b -> Rule a -> b # foldr' :: (a -> b -> b) -> b -> Rule a -> b # foldl :: (b -> a -> b) -> b -> Rule a -> b # foldl' :: (b -> a -> b) -> b -> Rule a -> b # foldr1 :: (a -> a -> a) -> Rule a -> a # foldl1 :: (a -> a -> a) -> Rule a -> a # elem :: Eq a => a -> Rule a -> Bool # maximum :: Ord a => Rule a -> a # | |
Foldable RuleVar | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => RuleVar m -> m # foldMap :: Monoid m => (a -> m) -> RuleVar a -> m # foldMap' :: Monoid m => (a -> m) -> RuleVar a -> m # foldr :: (a -> b -> b) -> b -> RuleVar a -> b # foldr' :: (a -> b -> b) -> b -> RuleVar a -> b # foldl :: (b -> a -> b) -> b -> RuleVar a -> b # foldl' :: (b -> a -> b) -> b -> RuleVar a -> b # foldr1 :: (a -> a -> a) -> RuleVar a -> a # foldl1 :: (a -> a -> a) -> RuleVar a -> a # elem :: Eq a => a -> RuleVar a -> Bool # maximum :: Ord a => RuleVar a -> a # minimum :: Ord a => RuleVar a -> a # | |
Foldable Safety | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => Safety m -> m # foldMap :: Monoid m => (a -> m) -> Safety a -> m # foldMap' :: Monoid m => (a -> m) -> Safety a -> m # foldr :: (a -> b -> b) -> b -> Safety a -> b # foldr' :: (a -> b -> b) -> b -> Safety a -> b # foldl :: (b -> a -> b) -> b -> Safety a -> b # foldl' :: (b -> a -> b) -> b -> Safety a -> b # foldr1 :: (a -> a -> a) -> Safety a -> a # foldl1 :: (a -> a -> a) -> Safety a -> a # elem :: Eq a => a -> Safety a -> Bool # maximum :: Ord a => Safety a -> a # minimum :: Ord a => Safety a -> a # | |
Foldable Sign | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => Sign m -> m # foldMap :: Monoid m => (a -> m) -> Sign a -> m # foldMap' :: Monoid m => (a -> m) -> Sign a -> m # foldr :: (a -> b -> b) -> b -> Sign a -> b # foldr' :: (a -> b -> b) -> b -> Sign a -> b # foldl :: (b -> a -> b) -> b -> Sign a -> b # foldl' :: (b -> a -> b) -> b -> Sign a -> b # foldr1 :: (a -> a -> a) -> Sign a -> a # foldl1 :: (a -> a -> a) -> Sign a -> a # elem :: Eq a => a -> Sign a -> Bool # maximum :: Ord a => Sign a -> a # | |
Foldable SpecialCon | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => SpecialCon m -> m # foldMap :: Monoid m => (a -> m) -> SpecialCon a -> m # foldMap' :: Monoid m => (a -> m) -> SpecialCon a -> m # foldr :: (a -> b -> b) -> b -> SpecialCon a -> b # foldr' :: (a -> b -> b) -> b -> SpecialCon a -> b # foldl :: (b -> a -> b) -> b -> SpecialCon a -> b # foldl' :: (b -> a -> b) -> b -> SpecialCon a -> b # foldr1 :: (a -> a -> a) -> SpecialCon a -> a # foldl1 :: (a -> a -> a) -> SpecialCon a -> a # toList :: SpecialCon a -> [a] # null :: SpecialCon a -> Bool # length :: SpecialCon a -> Int # elem :: Eq a => a -> SpecialCon a -> Bool # maximum :: Ord a => SpecialCon a -> a # minimum :: Ord a => SpecialCon a -> a # | |
Foldable Splice | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => Splice m -> m # foldMap :: Monoid m => (a -> m) -> Splice a -> m # foldMap' :: Monoid m => (a -> m) -> Splice a -> m # foldr :: (a -> b -> b) -> b -> Splice a -> b # foldr' :: (a -> b -> b) -> b -> Splice a -> b # foldl :: (b -> a -> b) -> b -> Splice a -> b # foldl' :: (b -> a -> b) -> b -> Splice a -> b # foldr1 :: (a -> a -> a) -> Splice a -> a # foldl1 :: (a -> a -> a) -> Splice a -> a # elem :: Eq a => a -> Splice a -> Bool # maximum :: Ord a => Splice a -> a # minimum :: Ord a => Splice a -> a # | |
Foldable TyVarBind | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => TyVarBind m -> m # foldMap :: Monoid m => (a -> m) -> TyVarBind a -> m # foldMap' :: Monoid m => (a -> m) -> TyVarBind a -> m # foldr :: (a -> b -> b) -> b -> TyVarBind a -> b # foldr' :: (a -> b -> b) -> b -> TyVarBind a -> b # foldl :: (b -> a -> b) -> b -> TyVarBind a -> b # foldl' :: (b -> a -> b) -> b -> TyVarBind a -> b # foldr1 :: (a -> a -> a) -> TyVarBind a -> a # foldl1 :: (a -> a -> a) -> TyVarBind a -> a # toList :: TyVarBind a -> [a] # length :: TyVarBind a -> Int # elem :: Eq a => a -> TyVarBind a -> Bool # maximum :: Ord a => TyVarBind a -> a # minimum :: Ord a => TyVarBind a -> a # | |
Foldable TypeEqn | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => TypeEqn m -> m # foldMap :: Monoid m => (a -> m) -> TypeEqn a -> m # foldMap' :: Monoid m => (a -> m) -> TypeEqn a -> m # foldr :: (a -> b -> b) -> b -> TypeEqn a -> b # foldr' :: (a -> b -> b) -> b -> TypeEqn a -> b # foldl :: (b -> a -> b) -> b -> TypeEqn a -> b # foldl' :: (b -> a -> b) -> b -> TypeEqn a -> b # foldr1 :: (a -> a -> a) -> TypeEqn a -> a # foldl1 :: (a -> a -> a) -> TypeEqn a -> a # elem :: Eq a => a -> TypeEqn a -> Bool # maximum :: Ord a => TypeEqn a -> a # minimum :: Ord a => TypeEqn a -> a # | |
Foldable Unpackedness | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => Unpackedness m -> m # foldMap :: Monoid m => (a -> m) -> Unpackedness a -> m # foldMap' :: Monoid m => (a -> m) -> Unpackedness a -> m # foldr :: (a -> b -> b) -> b -> Unpackedness a -> b # foldr' :: (a -> b -> b) -> b -> Unpackedness a -> b # foldl :: (b -> a -> b) -> b -> Unpackedness a -> b # foldl' :: (b -> a -> b) -> b -> Unpackedness a -> b # foldr1 :: (a -> a -> a) -> Unpackedness a -> a # foldl1 :: (a -> a -> a) -> Unpackedness a -> a # toList :: Unpackedness a -> [a] # null :: Unpackedness a -> Bool # length :: Unpackedness a -> Int # elem :: Eq a => a -> Unpackedness a -> Bool # maximum :: Ord a => Unpackedness a -> a # minimum :: Ord a => Unpackedness a -> a # | |
Foldable WarningText | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => WarningText m -> m # foldMap :: Monoid m => (a -> m) -> WarningText a -> m # foldMap' :: Monoid m => (a -> m) -> WarningText a -> m # foldr :: (a -> b -> b) -> b -> WarningText a -> b # foldr' :: (a -> b -> b) -> b -> WarningText a -> b # foldl :: (b -> a -> b) -> b -> WarningText a -> b # foldl' :: (b -> a -> b) -> b -> WarningText a -> b # foldr1 :: (a -> a -> a) -> WarningText a -> a # foldl1 :: (a -> a -> a) -> WarningText a -> a # toList :: WarningText a -> [a] # null :: WarningText a -> Bool # length :: WarningText a -> Int # elem :: Eq a => a -> WarningText a -> Bool # maximum :: Ord a => WarningText a -> a # minimum :: Ord a => WarningText a -> a # | |
Foldable XAttr | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => XAttr m -> m # foldMap :: Monoid m => (a -> m) -> XAttr a -> m # foldMap' :: Monoid m => (a -> m) -> XAttr a -> m # foldr :: (a -> b -> b) -> b -> XAttr a -> b # foldr' :: (a -> b -> b) -> b -> XAttr a -> b # foldl :: (b -> a -> b) -> b -> XAttr a -> b # foldl' :: (b -> a -> b) -> b -> XAttr a -> b # foldr1 :: (a -> a -> a) -> XAttr a -> a # foldl1 :: (a -> a -> a) -> XAttr a -> a # elem :: Eq a => a -> XAttr a -> Bool # maximum :: Ord a => XAttr a -> a # minimum :: Ord a => XAttr a -> a # | |
Foldable XName | |
Defined in Language.Haskell.Exts.Syntax Methods fold :: Monoid m => XName m -> m # foldMap :: Monoid m => (a -> m) -> XName a -> m # foldMap' :: Monoid m => (a -> m) -> XName a -> m # foldr :: (a -> b -> b) -> b -> XName a -> b # foldr' :: (a -> b -> b) -> b -> XName a -> b # foldl :: (b -> a -> b) -> b -> XName a -> b # foldl' :: (b -> a -> b) -> b -> XName a -> b # foldr1 :: (a -> a -> a) -> XName a -> a # foldl1 :: (a -> a -> a) -> XName a -> a # elem :: Eq a => a -> XName a -> Bool # maximum :: Ord a => XName a -> a # minimum :: Ord a => XName a -> a # | |
Foldable SmallArray | |
Defined in Data.Primitive.SmallArray Methods fold :: Monoid m => SmallArray m -> m # foldMap :: Monoid m => (a -> m) -> SmallArray a -> 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 # | |
Foldable Identity | |
Defined in Data.Vinyl.Functor Methods fold :: Monoid m => Identity m -> m # foldMap :: Monoid m => (a -> m) -> Identity a -> 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 # 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 # 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 # 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 # 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 # 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 (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 # 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 # 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 # 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 (Map k) | Folds in order of increasing key. |
Defined in Data.Map.Internal Methods fold :: Monoid m => Map k m -> m # foldMap :: Monoid m => (a -> m) -> Map k a -> 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 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 # 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 (HashMap k) | |
Defined in Data.HashMap.Base Methods fold :: Monoid m => HashMap k m -> m # foldMap :: Monoid m => (a -> m) -> HashMap k a -> 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 f => Foldable (Cofree f) | |
Defined in Control.Comonad.Cofree Methods fold :: Monoid m => Cofree f m -> m # foldMap :: Monoid m => (a -> m) -> Cofree f a -> m # foldMap' :: Monoid m => (a -> m) -> Cofree f a -> m # foldr :: (a -> b -> b) -> b -> Cofree f a -> b # foldr' :: (a -> b -> b) -> b -> Cofree f a -> b # foldl :: (b -> a -> b) -> b -> Cofree f a -> b # foldl' :: (b -> a -> b) -> b -> Cofree f a -> b # foldr1 :: (a -> a -> a) -> Cofree f a -> a # foldl1 :: (a -> a -> a) -> Cofree f a -> a # elem :: Eq a => a -> Cofree f a -> Bool # maximum :: Ord a => Cofree f a -> a # minimum :: Ord a => Cofree f a -> a # | |
Foldable f => Foldable (Free f) | |
Defined in Control.Monad.Free Methods fold :: Monoid m => Free f m -> m # foldMap :: Monoid m => (a -> m) -> Free f a -> m # foldMap' :: Monoid m => (a -> m) -> Free f a -> m # foldr :: (a -> b -> b) -> b -> Free f a -> b # foldr' :: (a -> b -> b) -> b -> Free f a -> b # foldl :: (b -> a -> b) -> b -> Free f a -> b # foldl' :: (b -> a -> b) -> b -> Free f a -> b # foldr1 :: (a -> a -> a) -> Free f a -> a # foldl1 :: (a -> a -> a) -> Free f a -> a # elem :: Eq a => a -> Free f a -> Bool # maximum :: Ord a => Free f a -> a # minimum :: Ord a => Free f a -> a # | |
Foldable f => Foldable (Yoneda f) | |
Defined in Data.Functor.Yoneda Methods fold :: Monoid m => Yoneda f m -> m # foldMap :: Monoid m => (a -> m) -> Yoneda f a -> m # foldMap' :: Monoid m => (a -> m) -> Yoneda f a -> m # foldr :: (a -> b -> b) -> b -> Yoneda f a -> b # foldr' :: (a -> b -> b) -> b -> Yoneda f a -> b # foldl :: (b -> a -> b) -> b -> Yoneda f a -> b # foldl' :: (b -> a -> b) -> b -> Yoneda f a -> b # foldr1 :: (a -> a -> a) -> Yoneda f a -> a # foldl1 :: (a -> a -> a) -> Yoneda f a -> a # elem :: Eq a => a -> Yoneda f a -> Bool # maximum :: Ord a => Yoneda f a -> a # minimum :: Ord a => Yoneda f 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 # 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 # 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 # 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 # 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 # 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 # 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 # 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 # 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 # 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 # 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 (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 # 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 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 # 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 # 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 (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 # 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 (Tagged s) | |
Defined in Data.Tagged Methods fold :: Monoid m => Tagged s m -> m # foldMap :: Monoid m => (a -> m) -> Tagged s a -> 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 # | |
Bifoldable p => Foldable (Fix p) | |
Defined in Data.Bifunctor.Fix Methods fold :: Monoid m => Fix p m -> m # foldMap :: Monoid m => (a -> m) -> Fix p a -> m # foldMap' :: Monoid m => (a -> m) -> Fix p a -> m # foldr :: (a -> b -> b) -> b -> Fix p a -> b # foldr' :: (a -> b -> b) -> b -> Fix p a -> b # foldl :: (b -> a -> b) -> b -> Fix p a -> b # foldl' :: (b -> a -> b) -> b -> Fix p a -> b # foldr1 :: (a -> a -> a) -> Fix p a -> a # foldl1 :: (a -> a -> a) -> Fix p a -> a # elem :: Eq a => a -> Fix p a -> Bool # maximum :: Ord a => Fix p a -> a # minimum :: Ord a => Fix p a -> a # | |
Bifoldable p => Foldable (Join p) | |
Defined in Data.Bifunctor.Join Methods fold :: Monoid m => Join p m -> m # foldMap :: Monoid m => (a -> m) -> Join p a -> m # foldMap' :: Monoid m => (a -> m) -> Join p a -> m # foldr :: (a -> b -> b) -> b -> Join p a -> b # foldr' :: (a -> b -> b) -> b -> Join p a -> b # foldl :: (b -> a -> b) -> b -> Join p a -> b # foldl' :: (b -> a -> b) -> b -> Join p a -> b # foldr1 :: (a -> a -> a) -> Join p a -> a # foldl1 :: (a -> a -> a) -> Join p a -> a # elem :: Eq a => a -> Join p a -> Bool # maximum :: Ord a => Join p a -> a # minimum :: Ord a => Join p a -> a # | |
Foldable f => Foldable (CofreeF f a) | |
Defined in Control.Comonad.Trans.Cofree Methods fold :: Monoid m => CofreeF f a m -> m # foldMap :: Monoid m => (a0 -> m) -> CofreeF f a a0 -> m # foldMap' :: Monoid m => (a0 -> m) -> CofreeF f a a0 -> m # foldr :: (a0 -> b -> b) -> b -> CofreeF f a a0 -> b # foldr' :: (a0 -> b -> b) -> b -> CofreeF f a a0 -> b # foldl :: (b -> a0 -> b) -> b -> CofreeF f a a0 -> b # foldl' :: (b -> a0 -> b) -> b -> CofreeF f a a0 -> b # foldr1 :: (a0 -> a0 -> a0) -> CofreeF f a a0 -> a0 # foldl1 :: (a0 -> a0 -> a0) -> CofreeF f a a0 -> a0 # toList :: CofreeF f a a0 -> [a0] # null :: CofreeF f a a0 -> Bool # length :: CofreeF f a a0 -> Int # elem :: Eq a0 => a0 -> CofreeF f a a0 -> Bool # maximum :: Ord a0 => CofreeF f a a0 -> a0 # minimum :: Ord a0 => CofreeF f a a0 -> a0 # | |
(Foldable f, Foldable w) => Foldable (CofreeT f w) | |
Defined in Control.Comonad.Trans.Cofree Methods fold :: Monoid m => CofreeT f w m -> m # foldMap :: Monoid m => (a -> m) -> CofreeT f w a -> m # foldMap' :: Monoid m => (a -> m) -> CofreeT f w a -> m # foldr :: (a -> b -> b) -> b -> CofreeT f w a -> b # foldr' :: (a -> b -> b) -> b -> CofreeT f w a -> b # foldl :: (b -> a -> b) -> b -> CofreeT f w a -> b # foldl' :: (b -> a -> b) -> b -> CofreeT f w a -> b # foldr1 :: (a -> a -> a) -> CofreeT f w a -> a # foldl1 :: (a -> a -> a) -> CofreeT f w a -> a # toList :: CofreeT f w a -> [a] # null :: CofreeT f w a -> Bool # length :: CofreeT f w a -> Int # elem :: Eq a => a -> CofreeT f w a -> Bool # maximum :: Ord a => CofreeT f w a -> a # minimum :: Ord a => CofreeT f w a -> a # | |
(Foldable m, Foldable f) => Foldable (FreeT f m) | |
Defined in Control.Monad.Trans.Free Methods fold :: Monoid m0 => FreeT f m m0 -> m0 # foldMap :: Monoid m0 => (a -> m0) -> FreeT f m a -> m0 # foldMap' :: Monoid m0 => (a -> m0) -> FreeT f m a -> m0 # foldr :: (a -> b -> b) -> b -> FreeT f m a -> b # foldr' :: (a -> b -> b) -> b -> FreeT f m a -> b # foldl :: (b -> a -> b) -> b -> FreeT f m a -> b # foldl' :: (b -> a -> b) -> b -> FreeT f m a -> b # foldr1 :: (a -> a -> a) -> FreeT f m a -> a # foldl1 :: (a -> a -> a) -> FreeT f m a -> a # toList :: FreeT f m a -> [a] # length :: FreeT f m a -> Int # elem :: Eq a => a -> FreeT f m a -> Bool # maximum :: Ord a => FreeT f m a -> a # minimum :: Ord a => FreeT f m a -> a # | |
Foldable f => Foldable (FreeF f a) | |
Defined in Control.Monad.Trans.Free Methods fold :: Monoid m => FreeF f a m -> m # foldMap :: Monoid m => (a0 -> m) -> FreeF f a a0 -> m # foldMap' :: Monoid m => (a0 -> m) -> FreeF f a a0 -> m # foldr :: (a0 -> b -> b) -> b -> FreeF f a a0 -> b # foldr' :: (a0 -> b -> b) -> b -> FreeF f a a0 -> b # foldl :: (b -> a0 -> b) -> b -> FreeF f a a0 -> b # foldl' :: (b -> a0 -> b) -> b -> FreeF f a a0 -> b # foldr1 :: (a0 -> a0 -> a0) -> FreeF f a a0 -> a0 # foldl1 :: (a0 -> a0 -> a0) -> FreeF f a a0 -> a0 # toList :: FreeF f a a0 -> [a0] # null :: FreeF f a a0 -> Bool # length :: FreeF f a a0 -> Int # elem :: Eq a0 => a0 -> FreeF f a a0 -> Bool # maximum :: Ord a0 => FreeF f a a0 -> a0 # minimum :: Ord a0 => FreeF f 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 # 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 # 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 # 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 # 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 # 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 # 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 # 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 # 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 # 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 (Clown f a :: Type -> Type) | |
Defined in Data.Bifunctor.Clown Methods fold :: Monoid m => Clown f a m -> m # foldMap :: Monoid m => (a0 -> m) -> Clown f a a0 -> m # foldMap' :: Monoid m => (a0 -> m) -> Clown f a a0 -> m # foldr :: (a0 -> b -> b) -> b -> Clown f a a0 -> b # foldr' :: (a0 -> b -> b) -> b -> Clown f a a0 -> b # foldl :: (b -> a0 -> b) -> b -> Clown f a a0 -> b # foldl' :: (b -> a0 -> b) -> b -> Clown f a a0 -> b # foldr1 :: (a0 -> a0 -> a0) -> Clown f a a0 -> a0 # foldl1 :: (a0 -> a0 -> a0) -> Clown f a a0 -> a0 # toList :: Clown f a a0 -> [a0] # null :: Clown f a a0 -> Bool # length :: Clown f a a0 -> Int # elem :: Eq a0 => a0 -> Clown f a a0 -> Bool # maximum :: Ord a0 => Clown f a a0 -> a0 # minimum :: Ord a0 => Clown f a a0 -> a0 # | |
Bifoldable p => Foldable (Flip p a) | |
Defined in Data.Bifunctor.Flip Methods fold :: Monoid m => Flip p a m -> m # foldMap :: Monoid m => (a0 -> m) -> Flip p a a0 -> m # foldMap' :: Monoid m => (a0 -> m) -> Flip p a a0 -> m # foldr :: (a0 -> b -> b) -> b -> Flip p a a0 -> b # foldr' :: (a0 -> b -> b) -> b -> Flip p a a0 -> b # foldl :: (b -> a0 -> b) -> b -> Flip p a a0 -> b # foldl' :: (b -> a0 -> b) -> b -> Flip p a a0 -> b # foldr1 :: (a0 -> a0 -> a0) -> Flip p a a0 -> a0 # foldl1 :: (a0 -> a0 -> a0) -> Flip p a a0 -> a0 # toList :: Flip p a a0 -> [a0] # length :: Flip p a a0 -> Int # elem :: Eq a0 => a0 -> Flip p a a0 -> Bool # maximum :: Ord a0 => Flip p a a0 -> a0 # minimum :: Ord a0 => Flip p a a0 -> a0 # | |
Foldable g => Foldable (Joker g a) | |
Defined in Data.Bifunctor.Joker Methods fold :: Monoid m => Joker g a m -> m # foldMap :: Monoid m => (a0 -> m) -> Joker g a a0 -> m # foldMap' :: Monoid m => (a0 -> m) -> Joker g a a0 -> m # foldr :: (a0 -> b -> b) -> b -> Joker g a a0 -> b # foldr' :: (a0 -> b -> b) -> b -> Joker g a a0 -> b # foldl :: (b -> a0 -> b) -> b -> Joker g a a0 -> b # foldl' :: (b -> a0 -> b) -> b -> Joker g a a0 -> b # foldr1 :: (a0 -> a0 -> a0) -> Joker g a a0 -> a0 # foldl1 :: (a0 -> a0 -> a0) -> Joker g a a0 -> a0 # toList :: Joker g a a0 -> [a0] # null :: Joker g a a0 -> Bool # length :: Joker g a a0 -> Int # elem :: Eq a0 => a0 -> Joker g a a0 -> Bool # maximum :: Ord a0 => Joker g a a0 -> a0 # minimum :: Ord a0 => Joker g a a0 -> a0 # | |
Bifoldable p => Foldable (WrappedBifunctor p a) | |
Defined in Data.Bifunctor.Wrapped Methods fold :: Monoid m => WrappedBifunctor p a m -> m # foldMap :: Monoid m => (a0 -> m) -> WrappedBifunctor p a a0 -> m # foldMap' :: Monoid m => (a0 -> m) -> WrappedBifunctor p a a0 -> m # foldr :: (a0 -> b -> b) -> b -> WrappedBifunctor p a a0 -> b # foldr' :: (a0 -> b -> b) -> b -> WrappedBifunctor p a a0 -> b # foldl :: (b -> a0 -> b) -> b -> WrappedBifunctor p a a0 -> b # foldl' :: (b -> a0 -> b) -> b -> WrappedBifunctor p a a0 -> b # foldr1 :: (a0 -> a0 -> a0) -> WrappedBifunctor p a a0 -> a0 # foldl1 :: (a0 -> a0 -> a0) -> WrappedBifunctor p a a0 -> a0 # toList :: WrappedBifunctor p a a0 -> [a0] # null :: WrappedBifunctor p a a0 -> Bool # length :: WrappedBifunctor p a a0 -> Int # elem :: Eq a0 => a0 -> WrappedBifunctor p a a0 -> Bool # maximum :: Ord a0 => WrappedBifunctor p a a0 -> a0 # minimum :: Ord a0 => WrappedBifunctor p a a0 -> a0 # | |
(Foldable f, Bifoldable p) => Foldable (Tannen f p a) | |
Defined in Data.Bifunctor.Tannen Methods fold :: Monoid m => Tannen f p a m -> m # foldMap :: Monoid m => (a0 -> m) -> Tannen f p a a0 -> m # foldMap' :: Monoid m => (a0 -> m) -> Tannen f p a a0 -> m # foldr :: (a0 -> b -> b) -> b -> Tannen f p a a0 -> b # foldr' :: (a0 -> b -> b) -> b -> Tannen f p a a0 -> b # foldl :: (b -> a0 -> b) -> b -> Tannen f p a a0 -> b # foldl' :: (b -> a0 -> b) -> b -> Tannen f p a a0 -> b # foldr1 :: (a0 -> a0 -> a0) -> Tannen f p a a0 -> a0 # foldl1 :: (a0 -> a0 -> a0) -> Tannen f p a a0 -> a0 # toList :: Tannen f p a a0 -> [a0] # null :: Tannen f p a a0 -> Bool # length :: Tannen f p a a0 -> Int # elem :: Eq a0 => a0 -> Tannen f p a a0 -> Bool # maximum :: Ord a0 => Tannen f p a a0 -> a0 # minimum :: Ord a0 => Tannen f p a a0 -> a0 # | |
(Bifoldable p, Foldable g) => Foldable (Biff p f g a) | |
Defined in Data.Bifunctor.Biff Methods fold :: Monoid m => Biff p f g a m -> m # foldMap :: Monoid m => (a0 -> m) -> Biff p f g a a0 -> m # foldMap' :: Monoid m => (a0 -> m) -> Biff p f g a a0 -> m # foldr :: (a0 -> b -> b) -> b -> Biff p f g a a0 -> b # foldr' :: (a0 -> b -> b) -> b -> Biff p f g a a0 -> b # foldl :: (b -> a0 -> b) -> b -> Biff p f g a a0 -> b # foldl' :: (b -> a0 -> b) -> b -> Biff p f g a a0 -> b # foldr1 :: (a0 -> a0 -> a0) -> Biff p f g a a0 -> a0 # foldl1 :: (a0 -> a0 -> a0) -> Biff p f g a a0 -> a0 # toList :: Biff p f g a a0 -> [a0] # null :: Biff p f g a a0 -> Bool # length :: Biff p f g a a0 -> Int # elem :: Eq a0 => a0 -> Biff p f g a a0 -> Bool # maximum :: Ord a0 => Biff p f g a a0 -> a0 # minimum :: Ord a0 => Biff p f g a a0 -> a0 # |
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.
t (pure
x) =pure
x t (f<*>
x) = t f<*>
t x
and the identity functor Identity
and composition functors
Compose
are from Data.Functor.Identity and
Data.Functor.Compose.
(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
Traversable [] | Since: base-2.1 |
Defined in Data.Traversable | |
Traversable Maybe | Since: base-2.1 |
Traversable Par1 | Since: base-4.9.0.0 |
Traversable Complex | Since: base-4.9.0.0 |
Traversable Min | Since: base-4.9.0.0 |
Traversable Max | Since: base-4.9.0.0 |
Traversable First | Since: base-4.9.0.0 |
Traversable Last | Since: base-4.9.0.0 |
Traversable Option | Since: base-4.9.0.0 |
Traversable ZipList | Since: base-4.9.0.0 |
Traversable Identity | Since: base-4.9.0.0 |
Traversable First | Since: base-4.8.0.0 |
Traversable Last | Since: base-4.8.0.0 |
Traversable Dual | Since: base-4.8.0.0 |
Traversable Sum | Since: base-4.8.0.0 |
Traversable Product | Since: base-4.8.0.0 |
Traversable Down | Since: base-4.12.0.0 |
Traversable NonEmpty | Since: base-4.9.0.0 |
Traversable IntMap | Traverses in order of increasing key. |
Traversable Tree | |
Traversable Seq | |
Traversable FingerTree | |
Defined in Data.Sequence.Internal Methods traverse :: Applicative f => (a -> f b) -> FingerTree a -> f (FingerTree b) # sequenceA :: Applicative f => FingerTree (f a) -> f (FingerTree a) # mapM :: Monad m => (a -> m b) -> FingerTree a -> m (FingerTree b) # sequence :: Monad m => FingerTree (m a) -> m (FingerTree a) # | |
Traversable Digit | |
Traversable Node | |
Traversable Elem | |
Traversable ViewL | |
Traversable ViewR | |
Traversable Vector | |
Traversable Array | |
Defined in Data.Primitive.Array | |
Traversable ModulePragma | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable ModuleHead | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable ImportDecl | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable ModuleName | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable Decl | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable Exp | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable Module | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable Pat | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable Stmt | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable Type | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable IResult | |
Defined in Data.Aeson.Types.Internal | |
Traversable Result | |
Defined in Data.Aeson.Types.Internal | |
Traversable Activation | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable Alt | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable Annotation | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable Assoc | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable Asst | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable BangType | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable Binds | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable BooleanFormula | |
Defined in Language.Haskell.Exts.Syntax Methods traverse :: Applicative f => (a -> f b) -> BooleanFormula a -> f (BooleanFormula b) # sequenceA :: Applicative f => BooleanFormula (f a) -> f (BooleanFormula a) # mapM :: Monad m => (a -> m b) -> BooleanFormula a -> m (BooleanFormula b) # sequence :: Monad m => BooleanFormula (m a) -> m (BooleanFormula a) # | |
Traversable Bracket | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable CName | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable CallConv | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable ClassDecl | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable ConDecl | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable Context | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable DataOrNew | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable DeclHead | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable DerivStrategy | |
Defined in Language.Haskell.Exts.Syntax Methods traverse :: Applicative f => (a -> f b) -> DerivStrategy a -> f (DerivStrategy b) # sequenceA :: Applicative f => DerivStrategy (f a) -> f (DerivStrategy a) # mapM :: Monad m => (a -> m b) -> DerivStrategy a -> m (DerivStrategy b) # sequence :: Monad m => DerivStrategy (m a) -> m (DerivStrategy a) # | |
Traversable Deriving | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable EWildcard | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable ExportSpec | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable ExportSpecList | |
Defined in Language.Haskell.Exts.Syntax Methods traverse :: Applicative f => (a -> f b) -> ExportSpecList a -> f (ExportSpecList b) # sequenceA :: Applicative f => ExportSpecList (f a) -> f (ExportSpecList a) # mapM :: Monad m => (a -> m b) -> ExportSpecList a -> m (ExportSpecList b) # sequence :: Monad m => ExportSpecList (m a) -> m (ExportSpecList a) # | |
Traversable FieldDecl | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable FieldUpdate | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable FunDep | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable GadtDecl | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable GuardedRhs | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable IPBind | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable IPName | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable ImportSpec | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable ImportSpecList | |
Defined in Language.Haskell.Exts.Syntax Methods traverse :: Applicative f => (a -> f b) -> ImportSpecList a -> f (ImportSpecList b) # sequenceA :: Applicative f => ImportSpecList (f a) -> f (ImportSpecList a) # mapM :: Monad m => (a -> m b) -> ImportSpecList a -> m (ImportSpecList b) # sequence :: Monad m => ImportSpecList (m a) -> m (ImportSpecList a) # | |
Traversable InjectivityInfo | |
Defined in Language.Haskell.Exts.Syntax Methods traverse :: Applicative f => (a -> f b) -> InjectivityInfo a -> f (InjectivityInfo b) # sequenceA :: Applicative f => InjectivityInfo (f a) -> f (InjectivityInfo a) # mapM :: Monad m => (a -> m b) -> InjectivityInfo a -> m (InjectivityInfo b) # sequence :: Monad m => InjectivityInfo (m a) -> m (InjectivityInfo a) # | |
Traversable InstDecl | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable InstHead | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable InstRule | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable Literal | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable Match | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable MaybePromotedName | |
Defined in Language.Haskell.Exts.Syntax Methods traverse :: Applicative f => (a -> f b) -> MaybePromotedName a -> f (MaybePromotedName b) # sequenceA :: Applicative f => MaybePromotedName (f a) -> f (MaybePromotedName a) # mapM :: Monad m => (a -> m b) -> MaybePromotedName a -> m (MaybePromotedName b) # sequence :: Monad m => MaybePromotedName (m a) -> m (MaybePromotedName a) # | |
Traversable Name | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable Namespace | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable Op | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable Overlap | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable PXAttr | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable PatField | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable PatternSynDirection | |
Defined in Language.Haskell.Exts.Syntax Methods traverse :: Applicative f => (a -> f b) -> PatternSynDirection a -> f (PatternSynDirection b) # sequenceA :: Applicative f => PatternSynDirection (f a) -> f (PatternSynDirection a) # mapM :: Monad m => (a -> m b) -> PatternSynDirection a -> m (PatternSynDirection b) # sequence :: Monad m => PatternSynDirection (m a) -> m (PatternSynDirection a) # | |
Traversable Promoted | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable QName | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable QOp | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable QualConDecl | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable QualStmt | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable RPat | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable RPatOp | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable ResultSig | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable Rhs | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable Role | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable Rule | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable RuleVar | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable Safety | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable Sign | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable SpecialCon | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable Splice | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable TyVarBind | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable TypeEqn | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable Unpackedness | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable WarningText | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable XAttr | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable XName | |
Defined in Language.Haskell.Exts.Syntax | |
Traversable SmallArray | |
Defined in Data.Primitive.SmallArray | |
Traversable Identity | |
Defined in Data.Vinyl.Functor | |
Traversable Thunk | |
Defined in Data.Vinyl.Functor | |
Traversable (Either a) | Since: base-4.7.0.0 |
Defined in Data.Traversable | |
Traversable (V1 :: Type -> Type) | Since: base-4.9.0.0 |
Traversable (U1 :: Type -> Type) | Since: base-4.9.0.0 |
Traversable ((,) a) | Since: base-4.7.0.0 |
Defined in Data.Traversable | |
Ix i => Traversable (Array i) | Since: base-2.1 |
Traversable (Arg a) | Since: base-4.9.0.0 |
Traversable (Proxy :: Type -> Type) | Since: base-4.7.0.0 |
Traversable (Map k) | Traverses in order of increasing key. |
Traversable f => Traversable (MaybeT f) | |
Defined in Control.Monad.Trans.Maybe | |
Traversable (HashMap k) | |
Defined in Data.HashMap.Base | |
Traversable f => Traversable (Cofree f) | |
Defined in Control.Comonad.Cofree | |
Traversable f => Traversable (Free f) | |
Defined in Control.Monad.Free | |
Traversable f => Traversable (Yoneda f) | |
Defined in Data.Functor.Yoneda | |
Traversable f => Traversable (Rec1 f) | Since: base-4.9.0.0 |
Traversable (URec Char :: Type -> Type) | Since: base-4.9.0.0 |
Defined in Data.Traversable | |
Traversable (URec Double :: Type -> Type) | Since: base-4.9.0.0 |
Defined in Data.Traversable | |
Traversable (URec Float :: Type -> Type) | Since: base-4.9.0.0 |
Defined in Data.Traversable | |
Traversable (URec Int :: Type -> Type) | Since: base-4.9.0.0 |
Traversable (URec Word :: Type -> Type) | Since: base-4.9.0.0 |
Defined in Data.Traversable | |
Traversable (URec (Ptr ()) :: Type -> Type) | Since: base-4.9.0.0 |
Defined in Data.Traversable Methods traverse :: Applicative f => (a -> f b) -> URec (Ptr ()) a -> f (URec (Ptr ()) b) # sequenceA :: Applicative f => URec (Ptr ()) (f a) -> f (URec (Ptr ()) a) # mapM :: Monad m => (a -> m b) -> URec (Ptr ()) a -> m (URec (Ptr ()) b) # sequence :: Monad m => URec (Ptr ()) (m a) -> m (URec (Ptr ()) a) # | |
Traversable (Const m :: Type -> Type) | Since: base-4.7.0.0 |
Traversable f => Traversable (Ap f) | Since: base-4.12.0.0 |
Traversable f => Traversable (Alt f) | Since: base-4.12.0.0 |
Traversable f => Traversable (IdentityT f) | |
Defined in Control.Monad.Trans.Identity | |
Traversable f => Traversable (ExceptT e f) | |
Defined in Control.Monad.Trans.Except | |
Traversable f => Traversable (ErrorT e f) | |
Defined in Control.Monad.Trans.Error | |
Traversable (Const a :: Type -> Type) | |
Defined in Data.Vinyl.Functor | |
Traversable (Tagged s) | |
Defined in Data.Tagged | |
Bitraversable p => Traversable (Fix p) | |
Defined in Data.Bifunctor.Fix | |
Bitraversable p => Traversable (Join p) | |
Defined in Data.Bifunctor.Join | |
Traversable f => Traversable (CofreeF f a) | |
Defined in Control.Comonad.Trans.Cofree Methods traverse :: Applicative f0 => (a0 -> f0 b) -> CofreeF f a a0 -> f0 (CofreeF f a b) # sequenceA :: Applicative f0 => CofreeF f a (f0 a0) -> f0 (CofreeF f a a0) # mapM :: Monad m => (a0 -> m b) -> CofreeF f a a0 -> m (CofreeF f a b) # sequence :: Monad m => CofreeF f a (m a0) -> m (CofreeF f a a0) # | |
(Traversable f, Traversable w) => Traversable (CofreeT f w) | |
Defined in Control.Comonad.Trans.Cofree | |
(Monad m, Traversable m, Traversable f) => Traversable (FreeT f m) | |
Defined in Control.Monad.Trans.Free | |
Traversable f => Traversable (FreeF f a) | |
Defined in Control.Monad.Trans.Free | |
Traversable (K1 i c :: Type -> Type) | Since: base-4.9.0.0 |
(Traversable f, Traversable g) => Traversable (f :+: g) | Since: base-4.9.0.0 |
Defined in Data.Traversable | |
(Traversable f, Traversable g) => Traversable (f :*: g) | Since: base-4.9.0.0 |
Defined in Data.Traversable | |
(Traversable f, Traversable g) => Traversable (Product f g) | Since: base-4.9.0.0 |
Defined in Data.Functor.Product | |
(Traversable f, Traversable g) => Traversable (Sum f g) | Since: base-4.9.0.0 |
Traversable f => Traversable (M1 i c f) | Since: base-4.9.0.0 |
(Traversable f, Traversable g) => Traversable (f :.: g) | Since: base-4.9.0.0 |
Defined in Data.Traversable | |
(Traversable f, Traversable g) => Traversable (Compose f g) | Since: base-4.9.0.0 |
Defined in Data.Functor.Compose | |
(Traversable f, Traversable g) => Traversable (Compose f g) | |
Defined in Data.Vinyl.Functor | |
Traversable (Clown f a :: Type -> Type) | |
Defined in Data.Bifunctor.Clown | |
Bitraversable p => Traversable (Flip p a) | |
Defined in Data.Bifunctor.Flip | |
Traversable g => Traversable (Joker g a) | |
Defined in Data.Bifunctor.Joker | |
Bitraversable p => Traversable (WrappedBifunctor p a) | |
Defined in Data.Bifunctor.Wrapped Methods traverse :: Applicative f => (a0 -> f b) -> WrappedBifunctor p a a0 -> f (WrappedBifunctor p a b) # sequenceA :: Applicative f => WrappedBifunctor p a (f a0) -> f (WrappedBifunctor p a a0) # mapM :: Monad m => (a0 -> m b) -> WrappedBifunctor p a a0 -> m (WrappedBifunctor p a b) # sequence :: Monad m => WrappedBifunctor p a (m a0) -> m (WrappedBifunctor p a a0) # | |
(Traversable f, Bitraversable p) => Traversable (Tannen f p a) | |
Defined in Data.Bifunctor.Tannen Methods traverse :: Applicative f0 => (a0 -> f0 b) -> Tannen f p a a0 -> f0 (Tannen f p a b) # sequenceA :: Applicative f0 => Tannen f p a (f0 a0) -> f0 (Tannen f p a a0) # mapM :: Monad m => (a0 -> m b) -> Tannen f p a a0 -> m (Tannen f p a b) # sequence :: Monad m => Tannen f p a (m a0) -> m (Tannen f p a a0) # | |
(Bitraversable p, Traversable g) => Traversable (Biff p f g a) | |
Defined in Data.Bifunctor.Biff Methods traverse :: Applicative f0 => (a0 -> f0 b) -> Biff p f g a a0 -> f0 (Biff p f g a b) # sequenceA :: Applicative f0 => Biff p f g a (f0 a0) -> f0 (Biff p f g a a0) # mapM :: Monad m => (a0 -> m b) -> Biff p f g a a0 -> m (Biff p f g a b) # sequence :: Monad m => Biff p f g a (m a0) -> m (Biff p f g a a0) # |
Representable types of kind *
.
This class is derivable in GHC with the DeriveGeneric
flag on.
A Generic
instance must satisfy the following laws:
from
.to
≡id
to
.from
≡id
Instances
This class gives the integer associated with a type-level natural. There are instances of the class for every concrete literal: 0, 1, 2, etc.
Since: base-4.7.0.0
Minimal complete definition
natSing
class IsLabel (x :: Symbol) a where #
Instances
(KnownSymbol name, s ~ name) => IsLabel s (Label name) | |
Defined in Util.Label | |
name ~ name' => IsLabel name' (Name name) | |
Defined in Named.Internal | |
(p ~ NamedF f a name, InjValue f) => IsLabel name (a -> Param p) | |
Defined in Named.Internal | |
(name ~ name', a ~ a', InjValue f) => IsLabel name (a -> NamedF f a' name') | |
Defined in Named.Internal |
The class of semigroups (types with an associative binary operation).
Instances should satisfy the following:
Since: base-4.9.0.0
Minimal complete definition
Methods
Reduce a non-empty list with <>
The default definition should be sufficient, but this can be overridden for efficiency.
stimes :: Integral b => b -> a -> a #
Repeat a value n
times.
Given that this works on a Semigroup
it is allowed to fail if
you request 0 or fewer repetitions, and the default definition
will do so.
By making this a member of the class, idempotent semigroups
and monoids can upgrade this to execute in O(1) by
picking stimes =
or stimesIdempotent
stimes =
respectively.stimesIdempotentMonoid
Instances
Semigroup Ordering | Since: base-4.9.0.0 |
Semigroup () | Since: base-4.9.0.0 |
Semigroup Void | Since: base-4.9.0.0 |
Semigroup All | Since: base-4.9.0.0 |
Semigroup Any | Since: base-4.9.0.0 |
Semigroup ByteString | |
Defined in Data.ByteString.Internal Methods (<>) :: ByteString -> ByteString -> ByteString # sconcat :: NonEmpty ByteString -> ByteString # stimes :: Integral b => b -> ByteString -> ByteString # | |
Semigroup Builder | |
Semigroup IntSet | Since: containers-0.5.7 |
Semigroup MText | |
Semigroup ContractDoc | Contract documentation assembly primarily relies on this instance. |
Defined in Michelson.Doc Methods (<>) :: ContractDoc -> ContractDoc -> ContractDoc # sconcat :: NonEmpty ContractDoc -> ContractDoc # stimes :: Integral b => b -> ContractDoc -> ContractDoc # | |
Semigroup Builder | |
Semigroup AnalyzerRes | |
Defined in Michelson.Analyzer Methods (<>) :: AnalyzerRes -> AnalyzerRes -> AnalyzerRes # sconcat :: NonEmpty AnalyzerRes -> AnalyzerRes # stimes :: Integral b => b -> AnalyzerRes -> AnalyzerRes # | |
Semigroup AnnotationSet | |
Defined in Michelson.Untyped.Annotation Methods (<>) :: AnnotationSet -> AnnotationSet -> AnnotationSet # sconcat :: NonEmpty AnnotationSet -> AnnotationSet # stimes :: Integral b => b -> AnnotationSet -> AnnotationSet # | |
Semigroup VarAnn | |
Semigroup Doc | |
Semigroup DocCollector | |
Semigroup More | |
Semigroup String | |
Semigroup Pos | |
Semigroup ByteArray | |
Semigroup PromDPatInfos | |
Semigroup ULetDecEnv | |
() :=> (Semigroup [a]) | |
Defined in Data.Constraint | |
() :=> (Semigroup Ordering) | |
Defined in Data.Constraint | |
() :=> (Semigroup ()) | |
Defined in Data.Constraint | |
() :=> (Semigroup (Dict a)) | |
Defined in Data.Constraint | |
Class () (Semigroup a) | |
Defined in Data.Constraint | |
Semigroup [a] | Since: base-4.9.0.0 |
Semigroup a => Semigroup (Maybe a) | Since: base-4.9.0.0 |
Semigroup a => Semigroup (IO a) | Since: base-4.10.0.0 |
Semigroup p => Semigroup (Par1 p) | Since: base-4.12.0.0 |
Ord a => Semigroup (Min a) | Since: base-4.9.0.0 |
Ord a => Semigroup (Max a) | Since: base-4.9.0.0 |
Semigroup (First a) | Since: base-4.9.0.0 |
Semigroup (Last a) | Since: base-4.9.0.0 |
Monoid m => Semigroup (WrappedMonoid m) | Since: base-4.9.0.0 |
Defined in Data.Semigroup Methods (<>) :: WrappedMonoid m -> WrappedMonoid m -> WrappedMonoid m # sconcat :: NonEmpty (WrappedMonoid m) -> WrappedMonoid m # stimes :: Integral b => b -> WrappedMonoid m -> WrappedMonoid m # | |
Semigroup a => Semigroup (Option a) | Since: base-4.9.0.0 |
Semigroup a => Semigroup (Identity a) | Since: base-4.9.0.0 |
Semigroup (First a) | Since: base-4.9.0.0 |
Semigroup (Last a) | Since: base-4.9.0.0 |
Semigroup a => Semigroup (Dual a) | Since: base-4.9.0.0 |
Semigroup (Endo a) | Since: base-4.9.0.0 |
Num a => Semigroup (Sum a) | Since: base-4.9.0.0 |
Num a => Semigroup (Product a) | Since: base-4.9.0.0 |
Semigroup a => Semigroup (Down a) | Since: base-4.11.0.0 |
Semigroup (NonEmpty a) | Since: base-4.9.0.0 |
Semigroup (IntMap a) | Since: containers-0.5.7 |
Semigroup (Seq a) | Since: containers-0.5.7 |
Ord a => Semigroup (Set a) | Since: containers-0.5.7 |
Semigroup (UStore a) | |
Semigroup (PrintComment st) | |
Defined in Michelson.Typed.Instr Methods (<>) :: PrintComment st -> PrintComment st -> PrintComment st # sconcat :: NonEmpty (PrintComment st) -> PrintComment st # stimes :: Integral b => b -> PrintComment st -> PrintComment st # | |
Semigroup (Doc a) | |
(Hashable a, Eq a) => Semigroup (HashSet a) | |
Semigroup (Vector a) | |
Semigroup (MergeSet a) | |
Storable a => Semigroup (Vector a) | |
Prim a => Semigroup (Vector a) | |
Semigroup (Array a) | |
Semigroup (Dict a) | |
PrimType ty => Semigroup (UArray ty) | |
Semigroup (CountOf ty) | |
PrimType ty => Semigroup (Block ty) | |
Semigroup (DList a) | |
Semigroup (Parser a) | |
Semigroup (IResult a) | |
Semigroup (Result a) | |
Semigroup a => Semigroup (May a) | |
Semigroup (PrimArray a) | |
Semigroup (SmallArray a) | |
Semigroup t => Semigroup (ElField '(s, t)) | |
(Semigroup a) :=> (Semigroup (Maybe a)) | |
Defined in Data.Constraint | |
(Semigroup a) :=> (Semigroup (Const a b)) | |
Defined in Data.Constraint | |
(Semigroup a) :=> (Semigroup (Identity a)) | |
Defined in Data.Constraint | |
(Semigroup a) :=> (Semigroup (IO a)) | |
Defined in Data.Constraint | |
Class (Semigroup a) (Monoid a) | |
Defined in Data.Constraint | |
Semigroup b => Semigroup (a -> b) | Since: base-4.9.0.0 |
Semigroup (Either a b) | Since: base-4.9.0.0 |
Semigroup (V1 p) | Since: base-4.12.0.0 |
Semigroup (U1 p) | Since: base-4.12.0.0 |
(Semigroup a, Semigroup b) => Semigroup (a, b) | Since: base-4.9.0.0 |
Semigroup (Proxy s) | Since: base-4.9.0.0 |
Ord k => Semigroup (Map k v) | |
Semigroup (s :-> s) | |
Ord k => Semigroup (BigMap k v) | |
Semigroup (Instr s s) | |
(Eq k, Hashable k) => Semigroup (HashMap k v) | |
Applicative f => Semigroup (Traversed a f) | |
(Stream s, Ord e) => Semigroup (ParseError s e) | |
Semigroup (Parser i a) | |
Semigroup (f a) => Semigroup (Indexing f a) | |
Semigroup (ReifiedFold s a) | |
Semigroup a => Semigroup (Err e a) | |
(Semigroup a, Semigroup b) :=> (Semigroup (a, b)) | |
Defined in Data.Constraint | |
Semigroup (f p) => Semigroup (Rec1 f p) | Since: base-4.12.0.0 |
(Semigroup a, Semigroup b, Semigroup c) => Semigroup (a, b, c) | Since: base-4.9.0.0 |
Semigroup a => Semigroup (Const a b) | Since: base-4.9.0.0 |
(Applicative f, Semigroup a) => Semigroup (Ap f a) | Since: base-4.12.0.0 |
Alternative f => Semigroup (Alt f a) | Since: base-4.9.0.0 |
Semigroup (Rec f ('[] :: [u])) | |
(Semigroup (f r), Semigroup (Rec f rs)) => Semigroup (Rec f (r ': rs)) | |
Reifies s (ReifiedMonoid a) => Semigroup (ReflectedMonoid a s) | |
Semigroup a => Semigroup (Tagged s a) | |
Semigroup (ReifiedIndexedFold i s a) | |
(Monad m, Semigroup r) => Semigroup (Effect m r a) | |
Semigroup c => Semigroup (K1 i c p) | Since: base-4.12.0.0 |
(Semigroup (f p), Semigroup (g p)) => Semigroup ((f :*: g) p) | Since: base-4.12.0.0 |
(Semigroup a, Semigroup b, Semigroup c, Semigroup d) => Semigroup (a, b, c, d) | Since: base-4.9.0.0 |
Semigroup (f p) => Semigroup (M1 i c f p) | Since: base-4.12.0.0 |
Semigroup (f (g p)) => Semigroup ((f :.: g) p) | Since: base-4.12.0.0 |
(Semigroup a, Semigroup b, Semigroup c, Semigroup d, Semigroup e) => Semigroup (a, b, c, d, e) | Since: base-4.9.0.0 |
Semigroup (f (g a)) => Semigroup (Compose f g a) | |
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:
- Right identity
x
<>
mempty
= x- Left identity
mempty
<>
x = x- Associativity
x
(<>
(y<>
z) = (x<>
y)<>
zSemigroup
law)- Concatenation
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
Monoid Ordering | Since: base-2.1 |
Monoid () | Since: base-2.1 |
Monoid All | Since: base-2.1 |
Monoid Any | Since: base-2.1 |
Monoid ByteString | |
Defined in Data.ByteString.Internal Methods mempty :: ByteString # mappend :: ByteString -> ByteString -> ByteString # mconcat :: [ByteString] -> ByteString # | |
Monoid Builder | |
Monoid IntSet | |
Monoid MText | |
Monoid ContractDoc | |
Defined in Michelson.Doc Methods mempty :: ContractDoc # mappend :: ContractDoc -> ContractDoc -> ContractDoc # mconcat :: [ContractDoc] -> ContractDoc # | |
Monoid Builder | |
Monoid AnalyzerRes | |
Defined in Michelson.Analyzer Methods mempty :: AnalyzerRes # mappend :: AnalyzerRes -> AnalyzerRes -> AnalyzerRes # mconcat :: [AnalyzerRes] -> AnalyzerRes # | |
Monoid AnnotationSet | |
Defined in Michelson.Untyped.Annotation Methods mempty :: AnnotationSet # mappend :: AnnotationSet -> AnnotationSet -> AnnotationSet # mconcat :: [AnnotationSet] -> AnnotationSet # | |
Monoid VarAnn | |
Monoid Doc | |
Monoid DocCollector | |
Monoid More | |
Monoid String | |
Monoid ByteArray | |
Monoid PromDPatInfos | |
Monoid ULetDecEnv | |
a :=> (Monoid (Dict a)) | |
Defined in Data.Constraint | |
() :=> (Monoid [a]) | |
Defined in Data.Constraint | |
() :=> (Monoid Ordering) | |
Defined in Data.Constraint | |
() :=> (Monoid ()) | |
Defined in Data.Constraint | |
Monoid [a] | Since: base-2.1 |
Semigroup a => Monoid (Maybe a) | Lift a semigroup into Since 4.11.0: constraint on inner Since: base-2.1 |
Monoid a => Monoid (IO a) | Since: base-4.9.0.0 |
Monoid p => Monoid (Par1 p) | Since: base-4.12.0.0 |
(Ord a, Bounded a) => Monoid (Min a) | Since: base-4.9.0.0 |
(Ord a, Bounded a) => Monoid (Max a) | Since: base-4.9.0.0 |
Monoid m => Monoid (WrappedMonoid m) | Since: base-4.9.0.0 |
Defined in Data.Semigroup Methods mempty :: WrappedMonoid m # mappend :: WrappedMonoid m -> WrappedMonoid m -> WrappedMonoid m # mconcat :: [WrappedMonoid m] -> WrappedMonoid m # | |
Semigroup a => Monoid (Option a) | Since: base-4.9.0.0 |
Monoid a => Monoid (Identity a) | Since: base-4.9.0.0 |
Monoid (First a) | Since: base-2.1 |
Monoid (Last a) | Since: base-2.1 |
Monoid a => Monoid (Dual a) | Since: base-2.1 |
Monoid (Endo a) | Since: base-2.1 |
Num a => Monoid (Sum a) | Since: base-2.1 |
Num a => Monoid (Product a) | Since: base-2.1 |
Monoid a => Monoid (Down a) | Since: base-4.11.0.0 |
Monoid (IntMap a) | |
Monoid (Seq a) | |
Ord a => Monoid (Set a) | |
Monoid (UStore a) | |
Monoid (PrintComment st) | |
Defined in Michelson.Typed.Instr Methods mempty :: PrintComment st # mappend :: PrintComment st -> PrintComment st -> PrintComment st # mconcat :: [PrintComment st] -> PrintComment st # | |
Monoid (Doc a) | |
(Hashable a, Eq a) => Monoid (HashSet a) | |
Monoid (Vector a) | |
Monoid (MergeSet a) | |
Storable a => Monoid (Vector a) | |
Prim a => Monoid (Vector a) | |
Monoid (Array a) | |
a => Monoid (Dict a) | |
PrimType ty => Monoid (UArray ty) | |
Monoid (CountOf ty) | |
PrimType ty => Monoid (Block ty) | |
Monoid (DList a) | |
Monoid (Parser a) | |
Monoid (IResult a) | |
Monoid (Result a) | |
Monoid a => Monoid (May a) | |
Monoid (PrimArray a) | |
Monoid (SmallArray a) | |
(KnownSymbol s, Monoid t) => Monoid (ElField '(s, t)) | |
(Monoid a) :=> (Monoid (Maybe a)) | |
Defined in Data.Constraint | |
(Monoid a) :=> (Monoid (Const a b)) | |
Defined in Data.Constraint | |
(Monoid a) :=> (Monoid (Identity a)) | |
Defined in Data.Constraint | |
(Monoid a) :=> (Monoid (IO a)) | |
Defined in Data.Constraint | |
(Monoid a) :=> (Applicative ((,) a)) | |
Defined in Data.Constraint Methods ins :: Monoid a :- Applicative ((,) a) | |
(Monoid a) :=> (Applicative (Const a :: Type -> Type)) | |
Defined in Data.Constraint Methods ins :: Monoid a :- Applicative (Const a) | |
Class (Semigroup a) (Monoid a) | |
Defined in Data.Constraint | |
Monoid b => Monoid (a -> b) | Since: base-2.1 |
Monoid (U1 p) | Since: base-4.12.0.0 |
(Monoid a, Monoid b) => Monoid (a, b) | Since: base-2.1 |
Monoid (Proxy s) | Since: base-4.7.0.0 |
Ord k => Monoid (Map k v) | |
Monoid (s :-> s) | |
Ord k => Monoid (BigMap k v) | |
Monoid (Instr s s) | |
(Eq k, Hashable k) => Monoid (HashMap k v) | |
Applicative f => Monoid (Traversed a f) | |
(Stream s, Ord e) => Monoid (ParseError s e) | |
Monoid (Parser i a) | |
Monoid (f a) => Monoid (Indexing f a) | |
Monoid (ReifiedFold s a) | |
Monoid a => Monoid (Err e a) | |
(Monoid a, Monoid b) :=> (Monoid (a, b)) | |
Defined in Data.Constraint | |
Monoid (f p) => Monoid (Rec1 f p) | Since: base-4.12.0.0 |
(Monoid a, Monoid b, Monoid c) => Monoid (a, b, c) | Since: base-2.1 |
Monoid a => Monoid (Const a b) | Since: base-4.9.0.0 |
(Applicative f, Monoid a) => Monoid (Ap f a) | Since: base-4.12.0.0 |
Alternative f => Monoid (Alt f a) | Since: base-4.8.0.0 |
Monoid (Rec f ('[] :: [u])) | |
(Monoid (f r), Monoid (Rec f rs)) => Monoid (Rec f (r ': rs)) | |
Reifies s (ReifiedMonoid a) => Monoid (ReflectedMonoid a s) | |
(Semigroup a, Monoid a) => Monoid (Tagged s a) | |
Monoid (ReifiedIndexedFold i s a) | |
(Monad m, Monoid r) => Monoid (Effect m r a) | |
Monoid c => Monoid (K1 i c p) | Since: base-4.12.0.0 |
(Monoid (f p), Monoid (g p)) => Monoid ((f :*: g) p) | Since: base-4.12.0.0 |
(Monoid a, Monoid b, Monoid c, Monoid d) => Monoid (a, b, c, d) | Since: base-2.1 |
Monoid (f p) => Monoid (M1 i c f p) | Since: base-4.12.0.0 |
Monoid (f (g p)) => Monoid ((f :.: g) p) | Since: base-4.12.0.0 |
(Monoid a, Monoid b, Monoid c, Monoid d, Monoid e) => Monoid (a, b, c, d, e) | Since: base-2.1 |
Monoid (f (g a)) => Monoid (Compose f g a) | |
Instances
Bounded Bool | Since: base-2.1 |
Enum Bool | Since: base-2.1 |
Eq Bool | |
Data Bool | Since: base-4.0.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Bool -> c Bool # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c Bool # dataTypeOf :: Bool -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c Bool) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c Bool) # gmapT :: (forall b. Data b => b -> b) -> Bool -> Bool # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Bool -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Bool -> r # gmapQ :: (forall d. Data d => d -> u) -> Bool -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Bool -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Bool -> m Bool # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Bool -> m Bool # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Bool -> m Bool # | |
Ord Bool | |
Read Bool | Since: base-2.1 |
Show Bool | Since: base-2.1 |
Generic Bool | Since: base-4.6.0.0 |
Lift Bool | |
SingKind Bool | Since: base-4.9.0.0 |
Defined in GHC.Generics Associated Types type DemoteRep Bool | |
Storable Bool | Since: base-2.1 |
Defined in Foreign.Storable | |
Bits Bool | Interpret Since: base-4.7.0.0 |
Defined in Data.Bits Methods (.&.) :: Bool -> Bool -> Bool # (.|.) :: Bool -> Bool -> Bool # complement :: Bool -> Bool # shift :: Bool -> Int -> Bool # rotate :: Bool -> Int -> Bool # setBit :: Bool -> Int -> Bool # clearBit :: Bool -> Int -> Bool # complementBit :: Bool -> Int -> Bool # testBit :: Bool -> Int -> Bool # bitSizeMaybe :: Bool -> Maybe Int # shiftL :: Bool -> Int -> Bool # unsafeShiftL :: Bool -> Int -> Bool # shiftR :: Bool -> Int -> Bool # unsafeShiftR :: Bool -> Int -> Bool # rotateL :: Bool -> Int -> Bool # | |
FiniteBits Bool | Since: base-4.7.0.0 |
Defined in Data.Bits Methods finiteBitSize :: Bool -> Int # countLeadingZeros :: Bool -> Int # countTrailingZeros :: Bool -> Int # | |
NFData Bool | |
Defined in Control.DeepSeq | |
HasAnnotation Bool | |
Defined in Lorentz.Annotation Methods getAnnotation :: FollowEntrypointFlag -> Notes (ToT Bool) # | |
IsoValue Bool | |
TypeHasDoc Bool | |
Defined in Michelson.Typed.Haskell.Doc Associated Types Methods typeDocName :: Proxy Bool -> Text # typeDocMdDescription :: Markdown # typeDocMdReference :: Proxy Bool -> WithinParens -> Markdown # typeDocDependencies :: Proxy Bool -> [SomeDocDefinitionItem] # | |
Hashable Bool | |
Defined in Data.Hashable.Class | |
Unbox Bool | |
Defined in Data.Vector.Unboxed.Base | |
SBounded Bool | |
Defined in Data.Singletons.Prelude.Enum | |
SEnum Bool | |
Defined in Data.Singletons.Prelude.Enum Methods sSucc :: forall (t :: Bool). Sing t -> Sing (Apply SuccSym0 t) sPred :: forall (t :: Bool). Sing t -> Sing (Apply PredSym0 t) sToEnum :: forall (t :: Nat). Sing t -> Sing (Apply ToEnumSym0 t) sFromEnum :: forall (t :: Bool). Sing t -> Sing (Apply FromEnumSym0 t) sEnumFromTo :: forall (t1 :: Bool) (t2 :: Bool). Sing t1 -> Sing t2 -> Sing (Apply (Apply EnumFromToSym0 t1) t2) sEnumFromThenTo :: forall (t1 :: Bool) (t2 :: Bool) (t3 :: Bool). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply EnumFromThenToSym0 t1) t2) t3) | |
SEq Bool | |
SOrd Bool | |
Defined in Data.Singletons.Prelude.Ord Methods sCompare :: forall (t1 :: Bool) (t2 :: Bool). Sing t1 -> Sing t2 -> Sing (Apply (Apply CompareSym0 t1) t2) (%<) :: forall (t1 :: Bool) (t2 :: Bool). Sing t1 -> Sing t2 -> Sing (Apply (Apply (<@#@$) t1) t2) (%<=) :: forall (t1 :: Bool) (t2 :: Bool). Sing t1 -> Sing t2 -> Sing (Apply (Apply (<=@#@$) t1) t2) (%>) :: forall (t1 :: Bool) (t2 :: Bool). Sing t1 -> Sing t2 -> Sing (Apply (Apply (>@#@$) t1) t2) (%>=) :: forall (t1 :: Bool) (t2 :: Bool). Sing t1 -> Sing t2 -> Sing (Apply (Apply (>=@#@$) t1) t2) sMax :: forall (t1 :: Bool) (t2 :: Bool). Sing t1 -> Sing t2 -> Sing (Apply (Apply MaxSym0 t1) t2) sMin :: forall (t1 :: Bool) (t2 :: Bool). Sing t1 -> Sing t2 -> Sing (Apply (Apply MinSym0 t1) t2) | |
PEnum Bool | |
Defined in Data.Singletons.Prelude.Enum Associated Types type Succ arg0 :: a0 type Pred arg0 :: a0 type ToEnum arg0 :: a0 type FromEnum arg0 :: Nat type EnumFromTo arg0 arg1 :: [a0] type EnumFromThenTo arg0 arg1 arg2 :: [a0] | |
PEq Bool | |
Defined in Data.Singletons.Prelude.Eq | |
POrd Bool | |
PShow Bool | |
Defined in Data.Singletons.Prelude.Show | |
SShow Bool | |
Defined in Data.Singletons.Prelude.Show Methods sShowsPrec :: forall (t1 :: Nat) (t2 :: Bool) (t3 :: Symbol). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply ShowsPrecSym0 t1) t2) t3) sShow_ :: forall (t :: Bool). Sing t -> Sing (Apply Show_Sym0 t) sShowList :: forall (t1 :: [Bool]) (t2 :: Symbol). Sing t1 -> Sing t2 -> Sing (Apply (Apply ShowListSym0 t1) t2) | |
PBounded Bool | |
Defined in Data.Singletons.Prelude.Enum Associated Types type MinBound :: a0 type MaxBound :: a0 | |
SingI 'False | Since: base-4.9.0.0 |
Defined in GHC.Generics | |
SingI 'True | Since: base-4.9.0.0 |
Defined in GHC.Generics | |
TestCoercion SBool | |
Defined in Data.Singletons.Prelude.Instances Methods testCoercion :: forall (a :: k) (b :: k). SBool a -> SBool b -> Maybe (Coercion a b) # | |
TestEquality SBool | |
Defined in Data.Singletons.Prelude.Instances Methods testEquality :: forall (a :: k) (b :: k). SBool a -> SBool b -> Maybe (a :~: b) # | |
UnaryArithOpHs Not Bool | |
Defined in Lorentz.Arith Associated Types type UnaryArithResHs Not Bool # | |
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) | |
ArithOpHs Or Bool Bool | |
Defined in Lorentz.Arith Associated Types type ArithResHs Or Bool Bool # | |
ArithOpHs And Bool Bool | |
Defined in Lorentz.Arith Associated Types type ArithResHs And Bool Bool # | |
ArithOpHs Xor Bool Bool | |
Defined in Lorentz.Arith Associated Types type ArithResHs Xor Bool Bool # | |
() :=> (Bounded Bool) | |
Defined in Data.Constraint | |
() :=> (Enum Bool) | |
Defined in Data.Constraint | |
() :=> (Eq Bool) | |
Defined in Data.Constraint | |
() :=> (Ord Bool) | |
Defined in Data.Constraint | |
() :=> (Read Bool) | |
Defined in Data.Constraint | |
() :=> (Show Bool) | |
Defined in Data.Constraint | |
() :=> (Bits Bool) | |
Defined in Data.Constraint | |
SingI NotSym0 | |
Defined in Data.Singletons.Prelude.Bool Methods sing :: Sing NotSym0 | |
SingI (&&@#@$) | |
Defined in Data.Singletons.Prelude.Bool Methods sing :: Sing (&&@#@$) | |
SingI (||@#@$) | |
Defined in Data.Singletons.Prelude.Bool Methods sing :: Sing (||@#@$) | |
SingI (<=?@#@$) | |
Defined in Data.Singletons.TypeLits.Internal Methods sing :: Sing (<=?@#@$) | |
SingI AllSym0 | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods sing :: Sing AllSym0 | |
SingI AnySym0 | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods sing :: Sing AnySym0 | |
SingI ShowParenSym0 | |
Defined in Data.Singletons.Prelude.Show Methods sing :: Sing ShowParenSym0 | |
SingI AndSym0 | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing AndSym0 | |
SingI OrSym0 | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing OrSym0 | |
SuppressUnusedWarnings NotSym0 | |
Defined in Data.Singletons.Prelude.Bool Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings FromEnum_6989586621680152590Sym0 | |
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_6989586621679803724Sym0 | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings ShowParenSym0 | |
Defined in Data.Singletons.Prelude.Show Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings AndSym0 | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings OrSym0 | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings ToEnum_6989586621680152577Sym0 | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings ShowsPrec_6989586621680595863Sym0 | |
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 x => SingI ((&&@#@$$) x :: TyFun Bool Bool -> Type) | |
Defined in Data.Singletons.Prelude.Bool Methods sing :: Sing ((&&@#@$$) x) | |
SingI x => SingI ((||@#@$$) x :: TyFun Bool Bool -> Type) | |
Defined in Data.Singletons.Prelude.Bool Methods sing :: Sing ((||@#@$$) x) | |
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 Methods sing :: Sing GuardSym0 | |
SApplicative f => SingI (WhenSym0 :: TyFun Bool (f () ~> f ()) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods sing :: Sing WhenSym0 | |
SApplicative f => SingI (UnlessSym0 :: TyFun Bool (f () ~> f ()) -> Type) | |
Defined in Data.Singletons.Prelude.Monad Methods sing :: Sing UnlessSym0 | |
SingI (ListnullSym0 :: TyFun [a] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods sing :: Sing ListnullSym0 | |
SEq a => SingI (ListisPrefixOfSym0 :: TyFun [a] ([a] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods sing :: Sing ListisPrefixOfSym0 | |
SingI (NullSym0 :: TyFun [a] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing NullSym0 | |
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) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods sing :: Sing ListelemSym0 | |
SEq a => SingI (NotElemSym0 :: TyFun a ([a] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing NotElemSym0 | |
SEq a => SingI (ElemSym0 :: TyFun a ([a] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing ElemSym0 | |
SFoldable t => SingI (OrSym0 :: TyFun (t Bool) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods sing :: Sing OrSym0 | |
SFoldable t => SingI (AndSym0 :: TyFun (t Bool) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods sing :: Sing AndSym0 | |
SEq a => SingI ((==@#@$) :: TyFun a (a ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Eq Methods sing :: Sing (==@#@$) | |
SEq a => SingI ((/=@#@$) :: TyFun a (a ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Eq Methods sing :: Sing (/=@#@$) | |
SingI (Bool_Sym0 :: TyFun a (a ~> (Bool ~> a)) -> Type) | |
Defined in Data.Singletons.Prelude.Bool Methods sing :: Sing Bool_Sym0 | |
SOrd a => SingI ((>@#@$) :: TyFun a (a ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods sing :: Sing (>@#@$) | |
SOrd a => SingI ((>=@#@$) :: TyFun a (a ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods sing :: Sing (>=@#@$) | |
SOrd a => SingI ((<@#@$) :: TyFun a (a ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods sing :: Sing (<@#@$) | |
SOrd a => SingI ((<=@#@$) :: TyFun a (a ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods sing :: Sing (<=@#@$) | |
SingI (ListtakeWhileSym0 :: TyFun (a ~> Bool) ([a] ~> [a]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods sing :: Sing ListtakeWhileSym0 | |
SingI (ListspanSym0 :: TyFun (a ~> Bool) ([a] ~> ([a], [a])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods sing :: Sing ListspanSym0 | |
SingI (ListpartitionSym0 :: TyFun (a ~> Bool) ([a] ~> ([a], [a])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods sing :: Sing ListpartitionSym0 | |
SingI (ListnubBySym0 :: TyFun (a ~> (a ~> Bool)) ([a] ~> [a]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods sing :: Sing ListnubBySym0 | |
SingI (ListfilterSym0 :: TyFun (a ~> Bool) ([a] ~> [a]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods sing :: Sing ListfilterSym0 | |
SingI (ListdropWhileSym0 :: TyFun (a ~> Bool) ([a] ~> [a]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods sing :: Sing ListdropWhileSym0 | |
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 Methods sing :: Sing SpanSym0 | |
SingI (SelectSym0 :: TyFun (a ~> Bool) (a ~> (([a], [a]) ~> ([a], [a]))) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing SelectSym0 | |
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 Methods sing :: Sing NubBySym0 | |
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 Methods sing :: Sing FindSym0 | |
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 Methods sing :: Sing Elem_bySym0 | |
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 sing :: Sing DropWhileEndSym0 | |
SingI (DeleteFirstsBySym0 :: TyFun (a ~> (a ~> Bool)) ([a] ~> ([a] ~> [a])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing DeleteFirstsBySym0 | |
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 Methods sing :: Sing BreakSym0 | |
SingI (AnySym0 :: TyFun (a ~> Bool) ([a] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing AnySym0 | |
SingI (AllSym0 :: TyFun (a ~> Bool) ([a] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing AllSym0 | |
SingI (UntilSym0 :: TyFun (a ~> Bool) ((a ~> a) ~> (a ~> a)) -> Type) | |
Defined in Data.Singletons.Prelude.Base Methods sing :: Sing UntilSym0 | |
SuppressUnusedWarnings ((&&@#@$$) a6989586621679771916 :: TyFun Bool Bool -> Type) | |
Defined in Data.Singletons.Prelude.Bool Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings ((||@#@$$) a6989586621679772161 :: TyFun Bool Bool -> Type) | |
Defined in Data.Singletons.Prelude.Bool Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803724Sym1 a6989586621679803722 :: TyFun Bool Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (GuardSym0 :: TyFun Bool (f6989586621679962728 ()) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ShowsPrec_6989586621680595863Sym1 a6989586621680595860 :: TyFun Bool (Symbol ~> Symbol) -> Type) | |
Defined in Data.Singletons.Prelude.Show Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (WhenSym0 :: TyFun Bool (f6989586621679962757 () ~> f6989586621679962757 ()) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (UnlessSym0 :: TyFun Bool (f6989586621681401674 () ~> f6989586621681401674 ()) -> Type) | |
Defined in Data.Singletons.Prelude.Monad Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ListnullSym0 :: TyFun [a6989586621680686786] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ListisPrefixOfSym0 :: TyFun [a6989586621680686809] ([a6989586621680686809] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (NullSym0 :: TyFun [a6989586621680316441] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (IsSuffixOfSym0 :: TyFun [a6989586621680316406] ([a6989586621680316406] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (IsPrefixOfSym0 :: TyFun [a6989586621680316407] ([a6989586621680316407] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (IsInfixOfSym0 :: TyFun [a6989586621680316405] ([a6989586621680316405] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (IsNothingSym0 :: TyFun (Maybe a6989586621679913403) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (IsJustSym0 :: TyFun (Maybe a6989586621679913404) 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 a6989586621680686797 ([a6989586621680686797] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (NotElemSym0 :: TyFun a6989586621680316403 ([a6989586621680316403] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ElemSym0 :: TyFun a6989586621680316404 ([a6989586621680316404] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (OrSym0 :: TyFun (t6989586621680742305 Bool) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680742870Scrutinee_6989586621680742632Sym0 :: TyFun (t6989586621680742385 Bool) All -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680742861Scrutinee_6989586621680742634Sym0 :: TyFun (t6989586621680742385 Bool) Any -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680734322Scrutinee_6989586621680734260Sym0 :: TyFun k1 (TyFun k1 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680734295Scrutinee_6989586621680734258Sym0 :: TyFun k1 (TyFun k1 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (AndSym0 :: TyFun (t6989586621680742306 Bool) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (DefaultEqSym0 :: TyFun k6989586621679774973 (k6989586621679774973 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Eq Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings ((==@#@$) :: TyFun a6989586621679774979 (a6989586621679774979 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Eq Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings ((/=@#@$) :: TyFun a6989586621679774979 (a6989586621679774979 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Eq Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Bool_Sym0 :: TyFun a6989586621679771148 (a6989586621679771148 ~> (Bool ~> a6989586621679771148)) -> Type) | |
Defined in Data.Singletons.Prelude.Bool Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621679792582Sym0 :: TyFun a6989586621679792385 (a6989586621679792385 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621679792564Sym0 :: TyFun a6989586621679792385 (a6989586621679792385 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621679792546Sym0 :: TyFun a6989586621679792385 (a6989586621679792385 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621679792528Sym0 :: TyFun a6989586621679792385 (a6989586621679792385 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621679792626Scrutinee_6989586621679792417Sym0 :: TyFun k1 (TyFun k1 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621679792608Scrutinee_6989586621679792415Sym0 :: TyFun k1 (TyFun k1 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621679792517Scrutinee_6989586621679792405Sym0 :: TyFun k1 (TyFun k1 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621679792512Scrutinee_6989586621679792403Sym0 :: TyFun k1 (TyFun k1 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings ((>@#@$) :: TyFun a6989586621679792385 (a6989586621679792385 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings ((>=@#@$) :: TyFun a6989586621679792385 (a6989586621679792385 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings ((<@#@$) :: TyFun a6989586621679792385 (a6989586621679792385 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings ((<=@#@$) :: TyFun a6989586621679792385 (a6989586621679792385 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Elem_6989586621680921221Sym0 :: TyFun a6989586621680742402 (Identity a6989586621680742402 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Null_6989586621680921348Sym0 :: TyFun (Identity a6989586621680742400) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ListtakeWhileSym0 :: TyFun (a6989586621680686815 ~> Bool) ([a6989586621680686815] ~> [a6989586621680686815]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ListspanSym0 :: TyFun (a6989586621680686813 ~> Bool) ([a6989586621680686813] ~> ([a6989586621680686813], [a6989586621680686813])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ListpartitionSym0 :: TyFun (a6989586621680686811 ~> Bool) ([a6989586621680686811] ~> ([a6989586621680686811], [a6989586621680686811])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ListnubBySym0 :: TyFun (a6989586621680686803 ~> (a6989586621680686803 ~> Bool)) ([a6989586621680686803] ~> [a6989586621680686803]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ListfilterSym0 :: TyFun (a6989586621680686812 ~> Bool) ([a6989586621680686812] ~> [a6989586621680686812]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ListdropWhileSym0 :: TyFun (a6989586621680686814 ~> Bool) ([a6989586621680686814] ~> [a6989586621680686814]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (UnionBySym0 :: TyFun (a6989586621680316320 ~> (a6989586621680316320 ~> Bool)) ([a6989586621680316320] ~> ([a6989586621680316320] ~> [a6989586621680316320])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TakeWhileSym0 :: TyFun (a6989586621680316347 ~> Bool) ([a6989586621680316347] ~> [a6989586621680316347]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (SpanSym0 :: TyFun (a6989586621680316344 ~> Bool) ([a6989586621680316344] ~> ([a6989586621680316344], [a6989586621680316344])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (SelectSym0 :: TyFun (a6989586621680316330 ~> Bool) (a6989586621680316330 ~> (([a6989586621680316330], [a6989586621680316330]) ~> ([a6989586621680316330], [a6989586621680316330]))) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (PartitionSym0 :: TyFun (a6989586621680316331 ~> Bool) ([a6989586621680316331] ~> ([a6989586621680316331], [a6989586621680316331])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (NubBySym0 :: TyFun (a6989586621680316322 ~> (a6989586621680316322 ~> Bool)) ([a6989586621680316322] ~> [a6989586621680316322]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320727ZsSym0 :: TyFun (k ~> Bool) (TyFun k (TyFun [k] [k] -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320727YsSym0 :: TyFun (k ~> Bool) (TyFun k (TyFun [k] [k] -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320727X_6989586621680320728Sym0 :: TyFun (k ~> Bool) (TyFun k (TyFun [k] ([k], [k]) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320684ZsSym0 :: TyFun (k ~> Bool) (TyFun k (TyFun [k] [k] -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320684YsSym0 :: TyFun (k ~> Bool) (TyFun k (TyFun [k] [k] -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320684X_6989586621680320685Sym0 :: TyFun (k ~> Bool) (TyFun k (TyFun [k] ([k], [k]) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (IntersectBySym0 :: TyFun (a6989586621680316348 ~> (a6989586621680316348 ~> Bool)) ([a6989586621680316348] ~> ([a6989586621680316348] ~> [a6989586621680316348])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (GroupBySym0 :: TyFun (a6989586621680316334 ~> (a6989586621680316334 ~> Bool)) ([a6989586621680316334] ~> [[a6989586621680316334]]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FindSym0 :: TyFun (a6989586621680316354 ~> Bool) ([a6989586621680316354] ~> Maybe a6989586621680316354) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FindIndicesSym0 :: TyFun (a6989586621680316350 ~> Bool) ([a6989586621680316350] ~> [Nat]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FindIndexSym0 :: TyFun (a6989586621680316351 ~> Bool) ([a6989586621680316351] ~> Maybe Nat) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FilterSym0 :: TyFun (a6989586621680316355 ~> Bool) ([a6989586621680316355] ~> [a6989586621680316355]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Elem_bySym0 :: TyFun (a6989586621680316321 ~> (a6989586621680316321 ~> Bool)) (a6989586621680316321 ~> ([a6989586621680316321] ~> Bool)) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (DropWhileSym0 :: TyFun (a6989586621680316346 ~> Bool) ([a6989586621680316346] ~> [a6989586621680316346]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (DropWhileEndSym0 :: TyFun (a6989586621680316345 ~> Bool) ([a6989586621680316345] ~> [a6989586621680316345]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (DeleteFirstsBySym0 :: TyFun (a6989586621680316360 ~> (a6989586621680316360 ~> Bool)) ([a6989586621680316360] ~> ([a6989586621680316360] ~> [a6989586621680316360])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (DeleteBySym0 :: TyFun (a6989586621680316361 ~> (a6989586621680316361 ~> Bool)) (a6989586621680316361 ~> ([a6989586621680316361] ~> [a6989586621680316361])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (BreakSym0 :: TyFun (a6989586621680316343 ~> Bool) ([a6989586621680316343] ~> ([a6989586621680316343], [a6989586621680316343])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (AnySym0 :: TyFun (a6989586621680316424 ~> Bool) ([a6989586621680316424] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (AllSym0 :: TyFun (a6989586621680316425 ~> Bool) ([a6989586621680316425] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (UntilSym0 :: TyFun (a6989586621679941597 ~> Bool) ((a6989586621679941597 ~> a6989586621679941597) ~> (a6989586621679941597 ~> a6989586621679941597)) -> Type) | |
Defined in Data.Singletons.Prelude.Base Methods suppressUnusedWarnings :: () | |
(SEq a, SingI d) => SingI (ListisPrefixOfSym1 d :: TyFun [a] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods sing :: Sing (ListisPrefixOfSym1 d) | |
(SEq a, SingI d) => SingI (ListelemSym1 d :: TyFun [a] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods sing :: Sing (ListelemSym1 d) | |
(SEq a, SingI d) => SingI (NotElemSym1 d :: TyFun [a] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing (NotElemSym1 d) | |
(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 Methods sing :: Sing (ElemSym1 d) | |
SingI d => SingI (AnySym1 d :: TyFun [a] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing (AnySym1 d) | |
SingI d => SingI (AllSym1 d :: TyFun [a] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing (AllSym1 d) | |
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 Methods sing :: Sing (Elem_bySym1 d) | |
(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 Methods sing :: Sing ElemSym0 | |
(SEq a, SingI x) => SingI ((==@#@$$) x :: TyFun a Bool -> Type) | |
Defined in Data.Singletons.Prelude.Eq Methods sing :: Sing ((==@#@$$) x) | |
(SEq a, SingI x) => SingI ((/=@#@$$) x :: TyFun a Bool -> Type) | |
Defined in Data.Singletons.Prelude.Eq Methods sing :: Sing ((/=@#@$$) x) | |
SingI d => SingI (Bool_Sym1 d :: TyFun a (Bool ~> a) -> Type) | |
Defined in Data.Singletons.Prelude.Bool Methods sing :: Sing (Bool_Sym1 d) | |
(SOrd a, SingI d) => SingI ((>@#@$$) d :: TyFun a Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods sing :: Sing ((>@#@$$) d) | |
(SOrd a, SingI d) => SingI ((>=@#@$$) d :: TyFun a Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods sing :: Sing ((>=@#@$$) d) | |
(SOrd a, SingI d) => SingI ((<@#@$$) d :: TyFun a Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods sing :: Sing ((<@#@$$) d) | |
(SOrd a, SingI d) => SingI ((<=@#@$$) d :: TyFun a Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods sing :: Sing ((<=@#@$$) d) | |
SFoldable t => SingI (FindSym0 :: TyFun (a ~> Bool) (t a ~> Maybe a) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods sing :: Sing FindSym0 | |
SFoldable t => SingI (AnySym0 :: TyFun (a ~> Bool) (t a ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods sing :: Sing AnySym0 | |
SFoldable t => SingI (AllSym0 :: TyFun (a ~> Bool) (t a ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods sing :: Sing AllSym0 | |
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 | |
SuppressUnusedWarnings (ListisPrefixOfSym1 a6989586621680687769 :: TyFun [a6989586621680686809] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ListelemSym1 a6989586621680687704 :: TyFun [a6989586621680686797] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (NotElemSym1 a6989586621680321273 :: TyFun [a6989586621680316403] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (IsSuffixOfSym1 a6989586621680321293 :: TyFun [a6989586621680316406] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (IsPrefixOfSym1 a6989586621680321299 :: TyFun [a6989586621680316407] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (IsInfixOfSym1 a6989586621680321287 :: TyFun [a6989586621680316405] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ElemSym1 a6989586621680321280 :: TyFun [a6989586621680316404] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (AnySym1 a6989586621680321530 :: TyFun [a6989586621680316424] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (AllSym1 a6989586621680321537 :: TyFun [a6989586621680316425] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (IsRightSym0 :: TyFun (Either a6989586621680725236 b6989586621680725237) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Either Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (IsLeftSym0 :: TyFun (Either a6989586621680725238 b6989586621680725239) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Either Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320497Scrutinee_6989586621680317021Sym0 :: TyFun k1 (TyFun k Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Elem_bySym1 a6989586621680320416 :: TyFun a6989586621680316321 ([a6989586621680316321] ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (NotElemSym0 :: TyFun a6989586621680742296 (t6989586621680742295 a6989586621680742296 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680734322Scrutinee_6989586621680734260Sym1 x6989586621680734315 :: TyFun k1 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680734295Scrutinee_6989586621680734258Sym1 x6989586621680734288 :: TyFun k1 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Elem_6989586621680744092Sym0 :: TyFun a6989586621680742402 (t6989586621680742385 a6989586621680742402 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Elem_6989586621680743925Sym0 :: TyFun a6989586621680742402 (t6989586621680742385 a6989586621680742402 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Elem_6989586621680743758Sym0 :: TyFun a6989586621680742402 (t6989586621680742385 a6989586621680742402 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Elem_6989586621680743417Sym0 :: TyFun a6989586621680742402 (t6989586621680742385 a6989586621680742402 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Elem_6989586621680743297Sym0 :: TyFun a6989586621680742402 (t6989586621680742385 a6989586621680742402 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ElemSym0 :: TyFun a6989586621680742402 (t6989586621680742385 a6989586621680742402 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (DefaultEqSym1 a6989586621679774974 :: TyFun k6989586621679774973 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Eq Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings ((==@#@$$) x6989586621679774980 :: TyFun a6989586621679774979 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Eq Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings ((/=@#@$$) x6989586621679774982 :: TyFun a6989586621679774979 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Eq Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Bool_Sym1 a6989586621679771154 :: TyFun a6989586621679771148 (Bool ~> a6989586621679771148) -> Type) | |
Defined in Data.Singletons.Prelude.Bool Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621679792582Sym1 a6989586621679792580 :: TyFun a6989586621679792385 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621679792564Sym1 a6989586621679792562 :: TyFun a6989586621679792385 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621679792546Sym1 a6989586621679792544 :: TyFun a6989586621679792385 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621679792528Sym1 a6989586621679792526 :: TyFun a6989586621679792385 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621679792626Scrutinee_6989586621679792417Sym1 x6989586621679792624 :: TyFun k1 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621679792608Scrutinee_6989586621679792415Sym1 x6989586621679792606 :: TyFun k1 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621679792517Scrutinee_6989586621679792405Sym1 x6989586621679792510 :: TyFun k1 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621679792512Scrutinee_6989586621679792403Sym1 x6989586621679792510 :: TyFun k1 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings ((>@#@$$) arg6989586621679792486 :: TyFun a6989586621679792385 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings ((>=@#@$$) arg6989586621679792490 :: TyFun a6989586621679792385 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings ((<@#@$$) arg6989586621679792478 :: TyFun a6989586621679792385 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings ((<=@#@$$) arg6989586621679792482 :: TyFun a6989586621679792385 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621681108282Sym0 :: TyFun (Arg a6989586621681107127 b6989586621681107128) (Arg a6989586621681107127 b6989586621681107128 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Elem_6989586621680921221Sym1 a6989586621680921219 :: TyFun (Identity a6989586621680742402) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320580ZsSym0 :: TyFun (k1 ~> (a6989586621680316344 ~> Bool)) (TyFun k1 (TyFun [a6989586621680316344] [a6989586621680316344] -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320580YsSym0 :: TyFun (k1 ~> (a6989586621680316344 ~> Bool)) (TyFun k1 (TyFun [a6989586621680316344] [a6989586621680316344] -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320580X_6989586621680320581Sym0 :: TyFun (k1 ~> (a6989586621680316344 ~> Bool)) (TyFun k1 (TyFun [a6989586621680316344] ([a6989586621680316344], [a6989586621680316344]) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320432NubBy'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_6989586621680320760Sym0 :: TyFun (a6989586621680316441 ~> Bool) (TyFun k (TyFun a6989586621680316441 (TyFun [a6989586621680316441] [a6989586621680316441] -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680742851Scrutinee_6989586621680742636Sym0 :: TyFun (a6989586621680742388 ~> Bool) (TyFun (t6989586621680742385 a6989586621680742388) Any -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680742838Scrutinee_6989586621680742638Sym0 :: TyFun (a6989586621680742388 ~> Bool) (TyFun (t6989586621680742385 a6989586621680742388) All -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680742753Scrutinee_6989586621680742644Sym0 :: TyFun (a6989586621680742388 ~> Bool) (TyFun (t6989586621680742385 a6989586621680742388) (First a6989586621680742388) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Lambda_6989586621680742754Sym0 :: TyFun (a6989586621679087428 ~> Bool) (TyFun k (TyFun a6989586621679087428 (First a6989586621679087428) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FindSym0 :: TyFun (a6989586621680742294 ~> Bool) (t6989586621680742293 a6989586621680742294 ~> Maybe a6989586621680742294) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (AnySym0 :: TyFun (a6989586621680742304 ~> Bool) (t6989586621680742303 a6989586621680742304 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (AllSym0 :: TyFun (a6989586621680742302 ~> Bool) (t6989586621680742301 a6989586621680742302 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621679941733GoSym0 :: TyFun (k1 ~> Bool) (TyFun (k1 ~> k1) (TyFun k2 (TyFun k1 k1 -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Base Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (MfilterSym0 :: TyFun (a6989586621681401670 ~> Bool) (m6989586621681401669 a6989586621681401670 ~> m6989586621681401669 a6989586621681401670) -> Type) | |
Defined in Data.Singletons.Prelude.Monad Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FilterMSym0 :: TyFun (a6989586621681401708 ~> m6989586621681401707 Bool) ([a6989586621681401708] ~> m6989586621681401707 [a6989586621681401708]) -> Type) | |
Defined in Data.Singletons.Prelude.Monad Methods suppressUnusedWarnings :: () | |
(SingI d1, SingI d2) => SingI (Bool_Sym2 d1 d2 :: TyFun Bool a -> Type) | |
Defined in Data.Singletons.Prelude.Bool Methods sing :: Sing (Bool_Sym2 d1 d2) | |
(SingI d1, SingI d2) => SingI (Elem_bySym2 d1 d2 :: TyFun [a] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing (Elem_bySym2 d1 d2) | |
SFoldable t => SingI (NullSym0 :: TyFun (t a) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods sing :: Sing NullSym0 | |
(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 Methods sing :: Sing (ElemSym1 d t) | |
(SFoldable t, SingI d) => SingI (AnySym1 d t :: TyFun (t a) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods sing :: Sing (AnySym1 d t) | |
(SFoldable t, SingI d) => SingI (AllSym1 d t :: TyFun (t a) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods sing :: Sing (AllSym1 d t) | |
SuppressUnusedWarnings (Bool_Sym2 a6989586621679771155 a6989586621679771154 :: TyFun Bool a6989586621679771148 -> Type) | |
Defined in Data.Singletons.Prelude.Bool Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Elem_bySym2 a6989586621680320417 a6989586621680320416 :: TyFun [a6989586621680316321] Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320764Scrutinee_6989586621680316999Sym0 :: TyFun k1 (TyFun [a6989586621680316441] (TyFun (k1 ~> Bool) (TyFun k Bool -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320659Scrutinee_6989586621680317005Sym0 :: TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320645Scrutinee_6989586621680317007Sym0 :: TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320565Scrutinee_6989586621680317017Sym0 :: TyFun k1 (TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320497Scrutinee_6989586621680317021Sym1 n6989586621680320495 :: TyFun k Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320478Scrutinee_6989586621680317023Sym0 :: TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320463Scrutinee_6989586621680317025Sym0 :: TyFun k1 (TyFun k2 (TyFun [k1] (TyFun k3 Bool -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320442Scrutinee_6989586621680317027Sym0 :: TyFun k1 (TyFun k2 (TyFun [k1] (TyFun (k1 ~> (k1 ~> Bool)) (TyFun k3 Bool -> Type) -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Null_6989586621680744219Sym0 :: TyFun (t6989586621680742385 a6989586621680742400) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Null_6989586621680744052Sym0 :: TyFun (t6989586621680742385 a6989586621680742400) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Null_6989586621680743885Sym0 :: TyFun (t6989586621680742385 a6989586621680742400) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Null_6989586621680743736Sym0 :: TyFun (t6989586621680742385 a6989586621680742400) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Null_6989586621680743560Sym0 :: TyFun (t6989586621680742385 a6989586621680742400) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Null_6989586621680743253Sym0 :: TyFun (t6989586621680742385 a6989586621680742400) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (NullSym0 :: TyFun (t6989586621680742385 a6989586621680742400) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (NotElemSym1 a6989586621680742774 t6989586621680742295 :: TyFun (t6989586621680742295 a6989586621680742296) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Lambda_6989586621680743260Sym0 :: TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Elem_6989586621680744092Sym1 a6989586621680744090 t6989586621680742385 :: TyFun (t6989586621680742385 a6989586621680742402) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Elem_6989586621680743925Sym1 a6989586621680743923 t6989586621680742385 :: TyFun (t6989586621680742385 a6989586621680742402) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Elem_6989586621680743758Sym1 a6989586621680743756 t6989586621680742385 :: TyFun (t6989586621680742385 a6989586621680742402) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Elem_6989586621680743417Sym1 a6989586621680743415 t6989586621680742385 :: TyFun (t6989586621680742385 a6989586621680742402) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Elem_6989586621680743297Sym1 a6989586621680743295 t6989586621680742385 :: TyFun (t6989586621680742385 a6989586621680742402) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ElemSym1 arg6989586621680743048 t6989586621680742385 :: TyFun (t6989586621680742385 a6989586621680742402) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (AnySym1 a6989586621680742845 t6989586621680742303 :: TyFun (t6989586621680742303 a6989586621680742304) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (AllSym1 a6989586621680742832 t6989586621680742301 :: TyFun (t6989586621680742301 a6989586621680742302) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Lambda_6989586621681402166Sym0 :: TyFun k1 (TyFun k2 (TyFun k3 (TyFun Bool (TyFun [k1] [k1] -> Type) -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monad Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621681108282Sym1 a6989586621681108280 :: TyFun (Arg a6989586621681107127 b6989586621681107128) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Lambda_6989586621681402163Sym0 :: TyFun (k2 ~> f6989586621679962811 Bool) (TyFun k3 (TyFun k2 (TyFun (f6989586621679962811 [k2]) (f6989586621679962811 [k2]) -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monad Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Lambda_6989586621681401995Sym0 :: TyFun (k1 ~> Bool) (TyFun k (TyFun k1 (m6989586621679962835 k1) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monad Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320764Scrutinee_6989586621680316999Sym1 x6989586621680320762 :: TyFun [a6989586621680316441] (TyFun (k1 ~> Bool) (TyFun k Bool -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320659Scrutinee_6989586621680317005Sym1 n6989586621680320656 :: TyFun k2 (TyFun k3 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320645Scrutinee_6989586621680317007Sym1 n6989586621680320642 :: TyFun k2 (TyFun k3 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320565Scrutinee_6989586621680317017Sym1 key6989586621680320561 :: TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320478Scrutinee_6989586621680317023Sym1 x6989586621680320475 :: TyFun k2 (TyFun k3 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320463Scrutinee_6989586621680317025Sym1 x6989586621680320460 :: TyFun k2 (TyFun [k1] (TyFun k3 Bool -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320442Scrutinee_6989586621680317027Sym1 y6989586621680320439 :: TyFun k2 (TyFun [k1] (TyFun (k1 ~> (k1 ~> Bool)) (TyFun k3 Bool -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Lambda_6989586621680743260Sym1 a_69895866216807432556989586621680743259 :: TyFun k2 (TyFun k3 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680129196Scrutinee_6989586621680128962Sym0 :: TyFun k1 (TyFun k2 (TyFun k1 (TyFun k3 (TyFun k4 Bool -> Type) -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Lambda_6989586621681402166Sym1 x6989586621681402165 :: TyFun k2 (TyFun k3 (TyFun Bool (TyFun [k1] [k1] -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monad Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320463Scrutinee_6989586621680317025Sym2 xs6989586621680320461 x6989586621680320460 :: TyFun [k1] (TyFun k3 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320442Scrutinee_6989586621680317027Sym2 ys6989586621680320440 y6989586621680320439 :: TyFun [k1] (TyFun (k1 ~> (k1 ~> Bool)) (TyFun k3 Bool -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320659Scrutinee_6989586621680317005Sym2 x6989586621680320657 n6989586621680320656 :: TyFun k3 Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320645Scrutinee_6989586621680317007Sym2 x6989586621680320643 n6989586621680320642 :: TyFun k3 Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320565Scrutinee_6989586621680317017Sym2 x6989586621680320562 key6989586621680320561 :: TyFun k2 (TyFun k3 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320478Scrutinee_6989586621680317023Sym2 xs6989586621680320476 x6989586621680320475 :: TyFun k3 Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Lambda_6989586621680743260Sym2 t6989586621680743267 a_69895866216807432556989586621680743259 :: TyFun k3 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680129196Scrutinee_6989586621680128962Sym1 x6989586621680129195 :: TyFun k2 (TyFun k1 (TyFun k3 (TyFun k4 Bool -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680129119Scrutinee_6989586621680128976Sym0 :: TyFun k1 (TyFun k2 (TyFun k1 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680129062Scrutinee_6989586621680128986Sym0 :: TyFun k1 (TyFun k2 (TyFun k1 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Lambda_6989586621681402166Sym2 p6989586621681402161 x6989586621681402165 :: TyFun k3 (TyFun Bool (TyFun [k1] [k1] -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monad Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320764Scrutinee_6989586621680316999Sym2 xs6989586621680320763 x6989586621680320762 :: TyFun (k1 ~> Bool) (TyFun k Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Lambda_6989586621680320832Sym0 :: TyFun (b6989586621679962839 ~> (a6989586621680316424 ~> Bool)) (TyFun k1 (TyFun k2 (TyFun a6989586621680316424 (TyFun [a6989586621680316424] (TyFun b6989586621679962839 (m6989586621679962835 b6989586621679962839) -> Type) -> Type) -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Lambda_6989586621681402166Sym3 a_69895866216814021596989586621681402162 p6989586621681402161 x6989586621681402165 :: TyFun Bool (TyFun [k1] [k1] -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monad Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320764Scrutinee_6989586621680316999Sym3 p6989586621680320758 xs6989586621680320763 x6989586621680320762 :: TyFun k Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320565Scrutinee_6989586621680317017Sym3 y6989586621680320563 x6989586621680320562 key6989586621680320561 :: TyFun k3 Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320463Scrutinee_6989586621680317025Sym3 ls6989586621680320462 xs6989586621680320461 x6989586621680320460 :: TyFun k3 Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680129196Scrutinee_6989586621680128962Sym2 x06989586621680129186 x6989586621680129195 :: TyFun k1 (TyFun k3 (TyFun k4 Bool -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680129119Scrutinee_6989586621680128976Sym1 x16989586621680129114 :: TyFun k2 (TyFun k1 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680129062Scrutinee_6989586621680128986Sym1 x16989586621680129057 :: TyFun k2 (TyFun k1 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320442Scrutinee_6989586621680317027Sym3 xs6989586621680320441 ys6989586621680320440 y6989586621680320439 :: TyFun (k1 ~> (k1 ~> Bool)) (TyFun k3 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320442Scrutinee_6989586621680317027Sym4 eq6989586621680320430 xs6989586621680320441 ys6989586621680320440 y6989586621680320439 :: TyFun k3 Bool -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680129196Scrutinee_6989586621680128962Sym3 y6989586621680129187 x06989586621680129186 x6989586621680129195 :: TyFun k3 (TyFun k4 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680129119Scrutinee_6989586621680128976Sym2 x26989586621680129115 x16989586621680129114 :: TyFun k1 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680129062Scrutinee_6989586621680128986Sym2 x26989586621680129058 x16989586621680129057 :: TyFun k1 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680129196Scrutinee_6989586621680128962Sym4 arg_69895866216801289586989586621680129182 y6989586621680129187 x06989586621680129186 x6989586621680129195 :: TyFun k4 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680129119Scrutinee_6989586621680128976Sym3 y6989586621680129116 x26989586621680129115 x16989586621680129114 :: TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680129062Scrutinee_6989586621680128986Sym3 y6989586621680129059 x26989586621680129058 x16989586621680129057 :: TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680129119Scrutinee_6989586621680128976Sym4 arg_69895866216801289706989586621680129109 y6989586621680129116 x26989586621680129115 x16989586621680129114 :: TyFun k4 (TyFun k5 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680129062Scrutinee_6989586621680128986Sym4 arg_69895866216801289806989586621680129052 y6989586621680129059 x26989586621680129058 x16989586621680129057 :: TyFun k4 (TyFun k5 Bool -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680129119Scrutinee_6989586621680128976Sym5 arg_69895866216801289726989586621680129110 arg_69895866216801289706989586621680129109 y6989586621680129116 x26989586621680129115 x16989586621680129114 :: TyFun k5 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680129062Scrutinee_6989586621680128986Sym5 arg_69895866216801289826989586621680129053 arg_69895866216801289806989586621680129052 y6989586621680129059 x26989586621680129058 x16989586621680129057 :: TyFun k5 Bool -> Type) | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () | |
type Rep Bool | |
data Sing (a :: Bool) | |
type DemoteRep Bool | |
Defined in GHC.Generics | |
type ToT Bool | |
Defined in Michelson.Typed.Haskell.Value | |
type TypeDocFieldDescriptions Bool | |
Defined in Michelson.Typed.Haskell.Doc | |
newtype Vector Bool | |
Defined in Data.Vector.Unboxed.Base | |
type Sing | |
Defined in Data.Singletons.Prelude.Instances type Sing = SBool | |
type Demote Bool | |
Defined in Data.Singletons.Prelude.Instances | |
type MaxBound | |
Defined in Data.Singletons.Prelude.Enum type MaxBound = MaxBound_6989586621680125218Sym0 | |
type MinBound | |
Defined in Data.Singletons.Prelude.Enum type MinBound = MinBound_6989586621680125216Sym0 | |
type UnaryArithResHs Not Bool | |
Defined in Lorentz.Arith | |
newtype MVector s Bool | |
Defined in Data.Vector.Unboxed.Base | |
type FromEnum (a :: Bool) | |
Defined in Data.Singletons.Prelude.Enum type FromEnum (a :: Bool) = Apply FromEnum_6989586621680152590Sym0 a | |
type Pred (arg0 :: Bool) | |
Defined in Data.Singletons.Prelude.Enum | |
type Succ (arg0 :: Bool) | |
Defined in Data.Singletons.Prelude.Enum | |
type ToEnum a | |
Defined in Data.Singletons.Prelude.Enum type ToEnum a = Apply ToEnum_6989586621680152577Sym0 a | |
type Show_ (arg0 :: Bool) | |
Defined in Data.Singletons.Prelude.Show | |
type ArithResHs Or Bool Bool | |
Defined in Lorentz.Arith | |
type ArithResHs And Bool Bool | |
Defined in Lorentz.Arith | |
type ArithResHs Xor Bool Bool | |
Defined in Lorentz.Arith | |
type EnumFromTo (arg1 :: Bool) (arg2 :: Bool) | |
type (x :: Bool) /= (y :: Bool) | |
Defined in Data.Singletons.Prelude.Eq | |
type (a :: Bool) == (b :: Bool) | |
Defined in Data.Singletons.Prelude.Eq | |
type Max (arg1 :: Bool) (arg2 :: Bool) | |
type Min (arg1 :: Bool) (arg2 :: Bool) | |
type Compare (a1 :: Bool) (a2 :: Bool) | |
Defined in Data.Singletons.Prelude.Ord | |
type (arg1 :: Bool) <= (arg2 :: Bool) | |
type (arg1 :: Bool) < (arg2 :: Bool) | |
type (arg1 :: Bool) >= (arg2 :: Bool) | |
type (arg1 :: Bool) > (arg2 :: Bool) | |
type ShowList (arg1 :: [Bool]) arg2 | |
type Apply NotSym0 (a6989586621679772462 :: Bool) | |
Defined in Data.Singletons.Prelude.Bool | |
type Apply FromEnum_6989586621680152590Sym0 (a6989586621680152589 :: Bool) | |
Defined in Data.Singletons.Prelude.Enum type Apply FromEnum_6989586621680152590Sym0 (a6989586621680152589 :: Bool) = FromEnum_6989586621680152590 a6989586621680152589 | |
type Apply AllSym0 (t6989586621680197051 :: Bool) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply All_Sym0 (a6989586621680229716 :: Bool) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply All_Sym0 (a6989586621680229716 :: Bool) = All_ a6989586621680229716 | |
type Apply AnySym0 (t6989586621680197064 :: Bool) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply Any_Sym0 (a6989586621680229715 :: Bool) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply Any_Sym0 (a6989586621680229715 :: Bool) = Any_ a6989586621680229715 | |
type Apply ToEnum_6989586621680152577Sym0 (a6989586621680152576 :: Nat) | |
Defined in Data.Singletons.Prelude.Enum type Apply ToEnum_6989586621680152577Sym0 (a6989586621680152576 :: Nat) = ToEnum_6989586621680152577 a6989586621680152576 | |
type Apply GetAllSym0 (a6989586621680197048 :: All) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply GetAllSym0 (a6989586621680197048 :: All) = GetAll a6989586621680197048 | |
type Apply GetAnySym0 (a6989586621680197061 :: Any) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply GetAnySym0 (a6989586621680197061 :: Any) = GetAny a6989586621680197061 | |
type EnumFromThenTo (arg1 :: Bool) (arg2 :: Bool) (arg3 :: Bool) | |
type ShowsPrec a1 (a2 :: Bool) a3 | |
Defined in Data.Singletons.Prelude.Show type ShowsPrec a1 (a2 :: Bool) a3 = Apply (Apply (Apply ShowsPrec_6989586621680595863Sym0 a1) a2) a3 | |
type Apply ((&&@#@$$) a6989586621679771916 :: TyFun Bool Bool -> Type) (b6989586621679771917 :: Bool) | |
type Apply ((||@#@$$) a6989586621679772161 :: TyFun Bool Bool -> Type) (b6989586621679772162 :: Bool) | |
type Apply (Compare_6989586621679803724Sym1 a6989586621679803722 :: TyFun Bool Ordering -> Type) (a6989586621679803723 :: Bool) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply ((<=?@#@$$) a3530822107858468865 :: TyFun Nat Bool -> Type) (b3530822107858468866 :: Nat) | |
type Apply (Let6989586621680734295Scrutinee_6989586621680734258Sym1 x6989586621680734288 :: TyFun k1 Bool -> Type) (y6989586621680734289 :: k1) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Let6989586621680734322Scrutinee_6989586621680734260Sym1 x6989586621680734315 :: TyFun k1 Bool -> Type) (y6989586621680734316 :: k1) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply ((==@#@$$) x6989586621679774980 :: TyFun a Bool -> Type) (y6989586621679774981 :: a) | |
Defined in Data.Singletons.Prelude.Eq | |
type Apply ((/=@#@$$) x6989586621679774982 :: TyFun a Bool -> Type) (y6989586621679774983 :: a) | |
Defined in Data.Singletons.Prelude.Eq | |
type Apply (DefaultEqSym1 a6989586621679774974 :: TyFun k Bool -> Type) (b6989586621679774975 :: k) | |
Defined in Data.Singletons.Prelude.Eq | |
type Apply (Let6989586621679792512Scrutinee_6989586621679792403Sym1 x6989586621679792510 :: TyFun k1 Bool -> Type) (y6989586621679792511 :: k1) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (TFHelper_6989586621679792582Sym1 a6989586621679792580 :: TyFun a Bool -> Type) (a6989586621679792581 :: a) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (TFHelper_6989586621679792564Sym1 a6989586621679792562 :: TyFun a Bool -> Type) (a6989586621679792563 :: a) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (TFHelper_6989586621679792546Sym1 a6989586621679792544 :: TyFun a Bool -> Type) (a6989586621679792545 :: a) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (TFHelper_6989586621679792528Sym1 a6989586621679792526 :: TyFun a Bool -> Type) (a6989586621679792527 :: a) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply ((<=@#@$$) arg6989586621679792482 :: TyFun a Bool -> Type) (arg6989586621679792483 :: a) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply ((>=@#@$$) arg6989586621679792490 :: TyFun a Bool -> Type) (arg6989586621679792491 :: a) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply ((>@#@$$) arg6989586621679792486 :: TyFun a Bool -> Type) (arg6989586621679792487 :: a) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Let6989586621679792626Scrutinee_6989586621679792417Sym1 x6989586621679792624 :: TyFun k1 Bool -> Type) (y6989586621679792625 :: k1) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Let6989586621679792608Scrutinee_6989586621679792415Sym1 x6989586621679792606 :: TyFun k1 Bool -> Type) (y6989586621679792607 :: k1) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Let6989586621679792517Scrutinee_6989586621679792405Sym1 x6989586621679792510 :: TyFun k1 Bool -> Type) (y6989586621679792511 :: k1) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply ((<@#@$$) arg6989586621679792478 :: TyFun a Bool -> Type) (arg6989586621679792479 :: a) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Bool_Sym2 a6989586621679771155 a6989586621679771154 :: TyFun Bool a -> Type) (a6989586621679771156 :: Bool) | |
Defined in Data.Singletons.Prelude.Bool | |
type Apply (Let6989586621680320497Scrutinee_6989586621680317021Sym1 n6989586621680320495 :: TyFun k Bool -> Type) (x6989586621680320496 :: k) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Let6989586621680320478Scrutinee_6989586621680317023Sym2 xs6989586621680320476 x6989586621680320475 :: TyFun k3 Bool -> Type) (n6989586621680320477 :: k3) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Let6989586621680320645Scrutinee_6989586621680317007Sym2 x6989586621680320643 n6989586621680320642 :: TyFun k3 Bool -> Type) (xs6989586621680320644 :: k3) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Let6989586621680320659Scrutinee_6989586621680317005Sym2 x6989586621680320657 n6989586621680320656 :: TyFun k3 Bool -> Type) (xs6989586621680320658 :: k3) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Lambda_6989586621680743260Sym2 t6989586621680743267 a_69895866216807432556989586621680743259 :: TyFun k3 Bool -> Type) (t6989586621680743268 :: k3) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Let6989586621680320565Scrutinee_6989586621680317017Sym3 y6989586621680320563 x6989586621680320562 key6989586621680320561 :: TyFun k3 Bool -> Type) (xys6989586621680320564 :: k3) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621680320565Scrutinee_6989586621680317017Sym3 y6989586621680320563 x6989586621680320562 key6989586621680320561 :: TyFun k3 Bool -> Type) (xys6989586621680320564 :: k3) = Let6989586621680320565Scrutinee_6989586621680317017 y6989586621680320563 x6989586621680320562 key6989586621680320561 xys6989586621680320564 | |
type Apply (Let6989586621680320463Scrutinee_6989586621680317025Sym3 ls6989586621680320462 xs6989586621680320461 x6989586621680320460 :: TyFun k3 Bool -> Type) (l6989586621680320453 :: k3) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621680320463Scrutinee_6989586621680317025Sym3 ls6989586621680320462 xs6989586621680320461 x6989586621680320460 :: TyFun k3 Bool -> Type) (l6989586621680320453 :: k3) = Let6989586621680320463Scrutinee_6989586621680317025 ls6989586621680320462 xs6989586621680320461 x6989586621680320460 l6989586621680320453 | |
type Apply (Let6989586621680320764Scrutinee_6989586621680316999Sym3 p6989586621680320758 xs6989586621680320763 x6989586621680320762 :: TyFun k Bool -> Type) (a_69895866216803207566989586621680320759 :: k) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621680320764Scrutinee_6989586621680316999Sym3 p6989586621680320758 xs6989586621680320763 x6989586621680320762 :: TyFun k Bool -> Type) (a_69895866216803207566989586621680320759 :: k) = Let6989586621680320764Scrutinee_6989586621680316999 p6989586621680320758 xs6989586621680320763 x6989586621680320762 a_69895866216803207566989586621680320759 | |
type Apply (Let6989586621680320442Scrutinee_6989586621680317027Sym4 eq6989586621680320430 xs6989586621680320441 ys6989586621680320440 y6989586621680320439 :: TyFun k3 Bool -> Type) (l6989586621680320431 :: k3) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621680320442Scrutinee_6989586621680317027Sym4 eq6989586621680320430 xs6989586621680320441 ys6989586621680320440 y6989586621680320439 :: TyFun k3 Bool -> Type) (l6989586621680320431 :: k3) = Let6989586621680320442Scrutinee_6989586621680317027 eq6989586621680320430 xs6989586621680320441 ys6989586621680320440 y6989586621680320439 l6989586621680320431 | |
type Apply (Let6989586621680129196Scrutinee_6989586621680128962Sym4 arg_69895866216801289586989586621680129182 y6989586621680129187 x06989586621680129186 x6989586621680129195 :: TyFun k4 Bool -> Type) (arg_69895866216801289606989586621680129183 :: k4) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621680129196Scrutinee_6989586621680128962Sym4 arg_69895866216801289586989586621680129182 y6989586621680129187 x06989586621680129186 x6989586621680129195 :: TyFun k4 Bool -> Type) (arg_69895866216801289606989586621680129183 :: k4) = Let6989586621680129196Scrutinee_6989586621680128962 arg_69895866216801289586989586621680129182 y6989586621680129187 x06989586621680129186 x6989586621680129195 arg_69895866216801289606989586621680129183 | |
type Apply (Let6989586621680129062Scrutinee_6989586621680128986Sym5 arg_69895866216801289826989586621680129053 arg_69895866216801289806989586621680129052 y6989586621680129059 x26989586621680129058 x16989586621680129057 :: TyFun k5 Bool -> Type) (arg_69895866216801289846989586621680129054 :: k5) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621680129062Scrutinee_6989586621680128986Sym5 arg_69895866216801289826989586621680129053 arg_69895866216801289806989586621680129052 y6989586621680129059 x26989586621680129058 x16989586621680129057 :: TyFun k5 Bool -> Type) (arg_69895866216801289846989586621680129054 :: k5) = Let6989586621680129062Scrutinee_6989586621680128986 arg_69895866216801289826989586621680129053 arg_69895866216801289806989586621680129052 y6989586621680129059 x26989586621680129058 x16989586621680129057 arg_69895866216801289846989586621680129054 | |
type Apply (Let6989586621680129119Scrutinee_6989586621680128976Sym5 arg_69895866216801289726989586621680129110 arg_69895866216801289706989586621680129109 y6989586621680129116 x26989586621680129115 x16989586621680129114 :: TyFun k5 Bool -> Type) (arg_69895866216801289746989586621680129111 :: k5) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621680129119Scrutinee_6989586621680128976Sym5 arg_69895866216801289726989586621680129110 arg_69895866216801289706989586621680129109 y6989586621680129116 x26989586621680129115 x16989586621680129114 :: TyFun k5 Bool -> Type) (arg_69895866216801289746989586621680129111 :: k5) = Let6989586621680129119Scrutinee_6989586621680128976 arg_69895866216801289726989586621680129110 arg_69895866216801289706989586621680129109 y6989586621680129116 x26989586621680129115 x16989586621680129114 arg_69895866216801289746989586621680129111 | |
type Eval (Not 'False) | |
Defined in Fcf.Data.Bool | |
type Eval (Not 'True) | |
Defined in Fcf.Data.Bool | |
type Apply (GuardSym0 :: TyFun Bool (f6989586621679962728 ()) -> Type) (a6989586621679962894 :: Bool) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Eval (And lst :: Bool -> Type) | |
Defined in Fcf.Class.Foldable | |
type Eval (Or lst :: Bool -> Type) | |
Defined in Fcf.Class.Foldable | |
type Eval ('False && b :: Bool -> Type) | |
Defined in Fcf.Data.Bool | |
type Eval ('True && b :: Bool -> Type) | |
Defined in Fcf.Data.Bool | |
type Eval (a && 'True :: Bool -> Type) | |
Defined in Fcf.Data.Bool | |
type Eval (a && 'False :: Bool -> Type) | |
Defined in Fcf.Data.Bool | |
type Eval ('False || b :: Bool -> Type) | |
Defined in Fcf.Data.Bool | |
type Eval ('True || b :: Bool -> Type) | |
Defined in Fcf.Data.Bool | |
type Eval (a || 'False :: Bool -> Type) | |
Defined in Fcf.Data.Bool | |
type Eval (a || 'True :: Bool -> Type) | |
Defined in Fcf.Data.Bool | |
type Eval (IsJust ('Nothing :: Maybe a) :: Bool -> Type) | |
type Eval (IsJust ('Just _a) :: Bool -> Type) | |
Defined in Fcf.Data.Common | |
type Eval (IsNothing ('Nothing :: Maybe a) :: Bool -> Type) | |
type Eval (IsNothing ('Just _a) :: Bool -> Type) | |
Defined in Fcf.Data.Common | |
type Eval (Null (a2 ': as) :: Bool -> Type) | |
Defined in Fcf.Data.List | |
type Eval (Null ('[] :: [a]) :: Bool -> Type) | |
Defined in Fcf.Data.List | |
type Eval (a > b :: Bool -> Type) | |
Defined in Fcf.Data.Nat | |
type Eval (a < b :: Bool -> Type) | |
Defined in Fcf.Data.Nat | |
type Eval (a <= b :: Bool -> Type) | |
Defined in Fcf.Data.Nat | |
type Eval (a >= b :: Bool -> Type) | |
Defined in Fcf.Data.Nat | |
type Apply (&&@#@$) (a6989586621679771916 :: Bool) | |
Defined in Data.Singletons.Prelude.Bool type Apply (&&@#@$) (a6989586621679771916 :: Bool) = (&&@#@$$) a6989586621679771916 | |
type Apply (||@#@$) (a6989586621679772161 :: Bool) | |
Defined in Data.Singletons.Prelude.Bool type Apply (||@#@$) (a6989586621679772161 :: Bool) = (||@#@$$) a6989586621679772161 | |
type Apply Compare_6989586621679803724Sym0 (a6989586621679803722 :: Bool) | |
Defined in Data.Singletons.Prelude.Ord type Apply Compare_6989586621679803724Sym0 (a6989586621679803722 :: Bool) = Compare_6989586621679803724Sym1 a6989586621679803722 | |
type Apply ShowParenSym0 (a6989586621680577759 :: Bool) | |
Defined in Data.Singletons.Prelude.Show type Apply ShowParenSym0 (a6989586621680577759 :: Bool) = ShowParenSym1 a6989586621680577759 | |
type Apply ShowsPrec_6989586621680595863Sym0 (a6989586621680595860 :: Nat) | |
Defined in Data.Singletons.Prelude.Show type Apply ShowsPrec_6989586621680595863Sym0 (a6989586621680595860 :: Nat) = ShowsPrec_6989586621680595863Sym1 a6989586621680595860 | |
type Apply (<=?@#@$) (a3530822107858468865 :: Nat) | |
Defined in Data.Singletons.TypeLits.Internal type Apply (<=?@#@$) (a3530822107858468865 :: Nat) = (<=?@#@$$) a3530822107858468865 | |
type Apply (ShowsPrec_6989586621680595863Sym1 a6989586621680595860 :: TyFun Bool (Symbol ~> Symbol) -> Type) (a6989586621680595861 :: Bool) | |
type Apply (WhenSym0 :: TyFun Bool (f6989586621679962757 () ~> f6989586621679962757 ()) -> Type) (a6989586621679963142 :: Bool) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (UnlessSym0 :: TyFun Bool (f6989586621681401674 () ~> f6989586621681401674 ()) -> Type) (a6989586621681402026 :: Bool) | |
Defined in Data.Singletons.Prelude.Monad | |
type Apply (ListelemSym0 :: TyFun a6989586621680686797 ([a6989586621680686797] ~> Bool) -> Type) (a6989586621680687704 :: a6989586621680686797) | |
type Apply (NotElemSym0 :: TyFun a6989586621680316403 ([a6989586621680316403] ~> Bool) -> Type) (a6989586621680321273 :: a6989586621680316403) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (ElemSym0 :: TyFun a6989586621680316404 ([a6989586621680316404] ~> Bool) -> Type) (a6989586621680321280 :: a6989586621680316404) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Let6989586621680734295Scrutinee_6989586621680734258Sym0 :: TyFun k1 (TyFun k1 Bool -> Type) -> Type) (x6989586621680734288 :: k1) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Let6989586621680734322Scrutinee_6989586621680734260Sym0 :: TyFun k1 (TyFun k1 Bool -> Type) -> Type) (x6989586621680734315 :: k1) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply ((==@#@$) :: TyFun a6989586621679774979 (a6989586621679774979 ~> Bool) -> Type) (x6989586621679774980 :: a6989586621679774979) | |
Defined in Data.Singletons.Prelude.Eq | |
type Apply ((/=@#@$) :: TyFun a6989586621679774979 (a6989586621679774979 ~> Bool) -> Type) (x6989586621679774982 :: a6989586621679774979) | |
Defined in Data.Singletons.Prelude.Eq | |
type Apply (DefaultEqSym0 :: TyFun k6989586621679774973 (k6989586621679774973 ~> Bool) -> Type) (a6989586621679774974 :: k6989586621679774973) | |
Defined in Data.Singletons.Prelude.Eq | |
type Apply (Bool_Sym0 :: TyFun a6989586621679771148 (a6989586621679771148 ~> (Bool ~> a6989586621679771148)) -> Type) (a6989586621679771154 :: a6989586621679771148) | |
Defined in Data.Singletons.Prelude.Bool | |
type Apply (Let6989586621679792512Scrutinee_6989586621679792403Sym0 :: TyFun k1 (TyFun k1 Bool -> Type) -> Type) (x6989586621679792510 :: k1) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (TFHelper_6989586621679792582Sym0 :: TyFun a6989586621679792385 (a6989586621679792385 ~> Bool) -> Type) (a6989586621679792580 :: a6989586621679792385) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (TFHelper_6989586621679792564Sym0 :: TyFun a6989586621679792385 (a6989586621679792385 ~> Bool) -> Type) (a6989586621679792562 :: a6989586621679792385) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (TFHelper_6989586621679792546Sym0 :: TyFun a6989586621679792385 (a6989586621679792385 ~> Bool) -> Type) (a6989586621679792544 :: a6989586621679792385) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (TFHelper_6989586621679792528Sym0 :: TyFun a6989586621679792385 (a6989586621679792385 ~> Bool) -> Type) (a6989586621679792526 :: a6989586621679792385) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply ((<=@#@$) :: TyFun a6989586621679792385 (a6989586621679792385 ~> Bool) -> Type) (arg6989586621679792482 :: a6989586621679792385) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply ((>=@#@$) :: TyFun a6989586621679792385 (a6989586621679792385 ~> Bool) -> Type) (arg6989586621679792490 :: a6989586621679792385) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply ((>@#@$) :: TyFun a6989586621679792385 (a6989586621679792385 ~> Bool) -> Type) (arg6989586621679792486 :: a6989586621679792385) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Let6989586621679792626Scrutinee_6989586621679792417Sym0 :: TyFun k1 (TyFun k1 Bool -> Type) -> Type) (x6989586621679792624 :: k1) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Let6989586621679792608Scrutinee_6989586621679792415Sym0 :: TyFun k1 (TyFun k1 Bool -> Type) -> Type) (x6989586621679792606 :: k1) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Let6989586621679792517Scrutinee_6989586621679792405Sym0 :: TyFun k1 (TyFun k1 Bool -> Type) -> Type) (x6989586621679792510 :: k1) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply ((<@#@$) :: TyFun a6989586621679792385 (a6989586621679792385 ~> Bool) -> Type) (arg6989586621679792478 :: a6989586621679792385) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Elem_6989586621680921221Sym0 :: TyFun a6989586621680742402 (Identity a6989586621680742402 ~> Bool) -> Type) (a6989586621680921219 :: a6989586621680742402) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (Let6989586621680320497Scrutinee_6989586621680317021Sym0 :: TyFun k1 (TyFun k Bool -> Type) -> Type) (n6989586621680320495 :: k1) | |
type Apply (Elem_bySym1 a6989586621680320416 :: TyFun a6989586621680316321 ([a6989586621680316321] ~> Bool) -> Type) (a6989586621680320417 :: a6989586621680316321) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Elem_6989586621680743297Sym0 :: TyFun a6989586621680742402 (t6989586621680742385 a6989586621680742402 ~> Bool) -> Type) (a6989586621680743295 :: a6989586621680742402) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Elem_6989586621680743297Sym0 :: TyFun a6989586621680742402 (t6989586621680742385 a6989586621680742402 ~> Bool) -> Type) (a6989586621680743295 :: a6989586621680742402) = Elem_6989586621680743297Sym1 a6989586621680743295 t6989586621680742385 :: TyFun (t6989586621680742385 a6989586621680742402) Bool -> Type | |
type Apply (ElemSym0 :: TyFun a6989586621680742402 (t6989586621680742385 a6989586621680742402 ~> Bool) -> Type) (arg6989586621680743048 :: a6989586621680742402) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (NotElemSym0 :: TyFun a6989586621680742296 (t6989586621680742295 a6989586621680742296 ~> Bool) -> Type) (a6989586621680742774 :: a6989586621680742296) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Elem_6989586621680743417Sym0 :: TyFun a6989586621680742402 (t6989586621680742385 a6989586621680742402 ~> Bool) -> Type) (a6989586621680743415 :: a6989586621680742402) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Elem_6989586621680743417Sym0 :: TyFun a6989586621680742402 (t6989586621680742385 a6989586621680742402 ~> Bool) -> Type) (a6989586621680743415 :: a6989586621680742402) = Elem_6989586621680743417Sym1 a6989586621680743415 t6989586621680742385 :: TyFun (t6989586621680742385 a6989586621680742402) Bool -> Type | |
type Apply (Elem_6989586621680743758Sym0 :: TyFun a6989586621680742402 (t6989586621680742385 a6989586621680742402 ~> Bool) -> Type) (a6989586621680743756 :: a6989586621680742402) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Elem_6989586621680743758Sym0 :: TyFun a6989586621680742402 (t6989586621680742385 a6989586621680742402 ~> Bool) -> Type) (a6989586621680743756 :: a6989586621680742402) = Elem_6989586621680743758Sym1 a6989586621680743756 t6989586621680742385 :: TyFun (t6989586621680742385 a6989586621680742402) Bool -> Type | |
type Apply (Elem_6989586621680743925Sym0 :: TyFun a6989586621680742402 (t6989586621680742385 a6989586621680742402 ~> Bool) -> Type) (a6989586621680743923 :: a6989586621680742402) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Elem_6989586621680743925Sym0 :: TyFun a6989586621680742402 (t6989586621680742385 a6989586621680742402 ~> Bool) -> Type) (a6989586621680743923 :: a6989586621680742402) = Elem_6989586621680743925Sym1 a6989586621680743923 t6989586621680742385 :: TyFun (t6989586621680742385 a6989586621680742402) Bool -> Type | |
type Apply (Elem_6989586621680744092Sym0 :: TyFun a6989586621680742402 (t6989586621680742385 a6989586621680742402 ~> Bool) -> Type) (a6989586621680744090 :: a6989586621680742402) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Elem_6989586621680744092Sym0 :: TyFun a6989586621680742402 (t6989586621680742385 a6989586621680742402 ~> Bool) -> Type) (a6989586621680744090 :: a6989586621680742402) = Elem_6989586621680744092Sym1 a6989586621680744090 t6989586621680742385 :: TyFun (t6989586621680742385 a6989586621680742402) Bool -> Type | |
type Apply (Bool_Sym1 a6989586621679771154 :: TyFun a6989586621679771148 (Bool ~> a6989586621679771148) -> Type) (a6989586621679771155 :: a6989586621679771148) | |
Defined in Data.Singletons.Prelude.Bool | |
type Apply (Let6989586621680320478Scrutinee_6989586621680317023Sym0 :: TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) (x6989586621680320475 :: k1) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Let6989586621680320565Scrutinee_6989586621680317017Sym0 :: TyFun k1 (TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) -> Type) (key6989586621680320561 :: k1) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621680320565Scrutinee_6989586621680317017Sym0 :: TyFun k1 (TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) -> Type) (key6989586621680320561 :: k1) = Let6989586621680320565Scrutinee_6989586621680317017Sym1 key6989586621680320561 :: TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type | |
type Apply (Let6989586621680320645Scrutinee_6989586621680317007Sym0 :: TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) (n6989586621680320642 :: k1) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Let6989586621680320659Scrutinee_6989586621680317005Sym0 :: TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) (n6989586621680320656 :: k1) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Let6989586621680320442Scrutinee_6989586621680317027Sym0 :: TyFun k1 (TyFun k2 (TyFun [k1] (TyFun (k1 ~> (k1 ~> Bool)) (TyFun k3 Bool -> Type) -> Type) -> Type) -> Type) -> Type) (y6989586621680320439 :: k1) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621680320442Scrutinee_6989586621680317027Sym0 :: TyFun k1 (TyFun k2 (TyFun [k1] (TyFun (k1 ~> (k1 ~> Bool)) (TyFun k3 Bool -> Type) -> Type) -> Type) -> Type) -> Type) (y6989586621680320439 :: k1) = Let6989586621680320442Scrutinee_6989586621680317027Sym1 y6989586621680320439 :: TyFun k2 (TyFun [k1] (TyFun (k1 ~> (k1 ~> Bool)) (TyFun k3 Bool -> Type) -> Type) -> Type) -> Type | |
type Apply (Let6989586621680320463Scrutinee_6989586621680317025Sym0 :: TyFun k1 (TyFun k2 (TyFun [k1] (TyFun k3 Bool -> Type) -> Type) -> Type) -> Type) (x6989586621680320460 :: k1) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621680320463Scrutinee_6989586621680317025Sym0 :: TyFun k1 (TyFun k2 (TyFun [k1] (TyFun k3 Bool -> Type) -> Type) -> Type) -> Type) (x6989586621680320460 :: k1) = Let6989586621680320463Scrutinee_6989586621680317025Sym1 x6989586621680320460 :: TyFun k2 (TyFun [k1] (TyFun k3 Bool -> Type) -> Type) -> Type | |
type Apply (Let6989586621680320764Scrutinee_6989586621680316999Sym0 :: TyFun k1 (TyFun [a6989586621680316441] (TyFun (k1 ~> Bool) (TyFun k Bool -> Type) -> Type) -> Type) -> Type) (x6989586621680320762 :: k1) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621680320764Scrutinee_6989586621680316999Sym0 :: TyFun k1 (TyFun [a6989586621680316441] (TyFun (k1 ~> Bool) (TyFun k Bool -> Type) -> Type) -> Type) -> Type) (x6989586621680320762 :: k1) = Let6989586621680320764Scrutinee_6989586621680316999Sym1 x6989586621680320762 :: TyFun [a6989586621680316441] (TyFun (k1 ~> Bool) (TyFun k Bool -> Type) -> Type) -> Type | |
type Apply (Lambda_6989586621680743260Sym0 :: TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) (a_69895866216807432556989586621680743259 :: k1) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Lambda_6989586621681402166Sym0 :: TyFun k1 (TyFun k2 (TyFun k3 (TyFun Bool (TyFun [k1] [k1] -> Type) -> Type) -> Type) -> Type) -> Type) (x6989586621681402165 :: k1) | |
Defined in Data.Singletons.Prelude.Monad type Apply (Lambda_6989586621681402166Sym0 :: TyFun k1 (TyFun k2 (TyFun k3 (TyFun Bool (TyFun [k1] [k1] -> Type) -> Type) -> Type) -> Type) -> Type) (x6989586621681402165 :: k1) = Lambda_6989586621681402166Sym1 x6989586621681402165 :: TyFun k2 (TyFun k3 (TyFun Bool (TyFun [k1] [k1] -> Type) -> Type) -> Type) -> Type | |
type Apply (Let6989586621680320478Scrutinee_6989586621680317023Sym1 x6989586621680320475 :: TyFun k2 (TyFun k3 Bool -> Type) -> Type) (xs6989586621680320476 :: k2) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Let6989586621680320565Scrutinee_6989586621680317017Sym1 key6989586621680320561 :: TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) (x6989586621680320562 :: k1) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621680320565Scrutinee_6989586621680317017Sym1 key6989586621680320561 :: TyFun k1 (TyFun k2 (TyFun k3 Bool -> Type) -> Type) -> Type) (x6989586621680320562 :: k1) = Let6989586621680320565Scrutinee_6989586621680317017Sym2 key6989586621680320561 x6989586621680320562 :: TyFun k2 (TyFun k3 Bool -> Type) -> Type | |
type Apply (Let6989586621680320645Scrutinee_6989586621680317007Sym1 n6989586621680320642 :: TyFun k2 (TyFun k3 Bool -> Type) -> Type) (x6989586621680320643 :: k2) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Let6989586621680320659Scrutinee_6989586621680317005Sym1 n6989586621680320656 :: TyFun k2 (TyFun k3 Bool -> Type) -> Type) (x6989586621680320657 :: k2) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Let6989586621680320442Scrutinee_6989586621680317027Sym1 y6989586621680320439 :: TyFun k2 (TyFun [k1] (TyFun (k1 ~> (k1 ~> Bool)) (TyFun k3 Bool -> Type) -> Type) -> Type) -> Type) (ys6989586621680320440 :: k2) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621680320442Scrutinee_6989586621680317027Sym1 y6989586621680320439 :: TyFun k2 (TyFun [k1] (TyFun (k1 ~> (k1 ~> Bool)) (TyFun k3 Bool -> Type) -> Type) -> Type) -> Type) (ys6989586621680320440 :: k2) = Let6989586621680320442Scrutinee_6989586621680317027Sym2 y6989586621680320439 ys6989586621680320440 :: TyFun [k1] (TyFun (k1 ~> (k1 ~> Bool)) (TyFun k3 Bool -> Type) -> Type) -> Type | |
type Apply (Let6989586621680320463Scrutinee_6989586621680317025Sym1 x6989586621680320460 :: TyFun k2 (TyFun [k1] (TyFun k3 Bool -> Type) -> Type) -> Type) (xs6989586621680320461 :: k2) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621680320463Scrutinee_6989586621680317025Sym1 x6989586621680320460 :: TyFun k2 (TyFun [k1] (TyFun k3 Bool -> Type) -> Type) -> Type) (xs6989586621680320461 :: k2) = Let6989586621680320463Scrutinee_6989586621680317025Sym2 x6989586621680320460 xs6989586621680320461 :: TyFun [k1] (TyFun k3 Bool -> Type) -> Type | |
type Apply (Lambda_6989586621680743260Sym1 a_69895866216807432556989586621680743259 :: TyFun k2 (TyFun k3 Bool -> Type) -> Type) (t6989586621680743267 :: k2) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Let6989586621680129196Scrutinee_6989586621680128962Sym0 :: TyFun k1 (TyFun k2 (TyFun k1 (TyFun k3 (TyFun k4 Bool -> Type) -> Type) -> Type) -> Type) -> Type) (x6989586621680129195 :: k1) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621680129196Scrutinee_6989586621680128962Sym0 :: TyFun k1 (TyFun k2 (TyFun k1 (TyFun k3 (TyFun k4 Bool -> Type) -> Type) -> Type) -> Type) -> Type) (x6989586621680129195 :: k1) = Let6989586621680129196Scrutinee_6989586621680128962Sym1 x6989586621680129195 :: TyFun k2 (TyFun k1 (TyFun k3 (TyFun k4 Bool -> Type) -> Type) -> Type) -> Type | |
type Apply (Lambda_6989586621681402166Sym1 x6989586621681402165 :: TyFun k2 (TyFun k3 (TyFun Bool (TyFun [k1] [k1] -> Type) -> Type) -> Type) -> Type) (p6989586621681402161 :: k2) | |
Defined in Data.Singletons.Prelude.Monad type Apply (Lambda_6989586621681402166Sym1 x6989586621681402165 :: TyFun k2 (TyFun k3 (TyFun Bool (TyFun [k1] [k1] -> Type) -> Type) -> Type) -> Type) (p6989586621681402161 :: k2) = Lambda_6989586621681402166Sym2 x6989586621681402165 p6989586621681402161 :: TyFun k3 (TyFun Bool (TyFun [k1] [k1] -> Type) -> Type) -> Type | |
type Apply (Let6989586621680320565Scrutinee_6989586621680317017Sym2 x6989586621680320562 key6989586621680320561 :: TyFun k2 (TyFun k3 Bool -> Type) -> Type) (y6989586621680320563 :: k2) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621680320565Scrutinee_6989586621680317017Sym2 x6989586621680320562 key6989586621680320561 :: TyFun k2 (TyFun k3 Bool -> Type) -> Type) (y6989586621680320563 :: k2) = Let6989586621680320565Scrutinee_6989586621680317017Sym3 x6989586621680320562 key6989586621680320561 y6989586621680320563 :: TyFun k3 Bool -> Type | |
type Apply (Let6989586621680129062Scrutinee_6989586621680128986Sym0 :: TyFun k1 (TyFun k2 (TyFun k1 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) -> Type) -> Type) (x16989586621680129057 :: k1) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621680129062Scrutinee_6989586621680128986Sym0 :: TyFun k1 (TyFun k2 (TyFun k1 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) -> Type) -> Type) (x16989586621680129057 :: k1) = Let6989586621680129062Scrutinee_6989586621680128986Sym1 x16989586621680129057 :: TyFun k2 (TyFun k1 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) -> Type | |
type Apply (Let6989586621680129119Scrutinee_6989586621680128976Sym0 :: TyFun k1 (TyFun k2 (TyFun k1 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) -> Type) -> Type) (x16989586621680129114 :: k1) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621680129119Scrutinee_6989586621680128976Sym0 :: TyFun k1 (TyFun k2 (TyFun k1 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) -> Type) -> Type) (x16989586621680129114 :: k1) = Let6989586621680129119Scrutinee_6989586621680128976Sym1 x16989586621680129114 :: TyFun k2 (TyFun k1 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) -> Type | |
type Apply (Let6989586621680129196Scrutinee_6989586621680128962Sym1 x6989586621680129195 :: TyFun k2 (TyFun k1 (TyFun k3 (TyFun k4 Bool -> Type) -> Type) -> Type) -> Type) (x06989586621680129186 :: k2) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621680129196Scrutinee_6989586621680128962Sym1 x6989586621680129195 :: TyFun k2 (TyFun k1 (TyFun k3 (TyFun k4 Bool -> Type) -> Type) -> Type) -> Type) (x06989586621680129186 :: k2) = Let6989586621680129196Scrutinee_6989586621680128962Sym2 x6989586621680129195 x06989586621680129186 :: TyFun k1 (TyFun k3 (TyFun k4 Bool -> Type) -> Type) -> Type | |
type Apply (Lambda_6989586621681402166Sym2 p6989586621681402161 x6989586621681402165 :: TyFun k3 (TyFun Bool (TyFun [k1] [k1] -> Type) -> Type) -> Type) (a_69895866216814021596989586621681402162 :: k3) | |
Defined in Data.Singletons.Prelude.Monad type Apply (Lambda_6989586621681402166Sym2 p6989586621681402161 x6989586621681402165 :: TyFun k3 (TyFun Bool (TyFun [k1] [k1] -> Type) -> Type) -> Type) (a_69895866216814021596989586621681402162 :: k3) = Lambda_6989586621681402166Sym3 p6989586621681402161 x6989586621681402165 a_69895866216814021596989586621681402162 | |
type Apply (Lambda_6989586621681402166Sym3 a_69895866216814021596989586621681402162 p6989586621681402161 x6989586621681402165 :: TyFun Bool (TyFun [k1] [k1] -> Type) -> Type) (t6989586621681402172 :: Bool) | |
Defined in Data.Singletons.Prelude.Monad type Apply (Lambda_6989586621681402166Sym3 a_69895866216814021596989586621681402162 p6989586621681402161 x6989586621681402165 :: TyFun Bool (TyFun [k1] [k1] -> Type) -> Type) (t6989586621681402172 :: Bool) = Lambda_6989586621681402166 a_69895866216814021596989586621681402162 p6989586621681402161 x6989586621681402165 t6989586621681402172 | |
type Apply (Let6989586621680129062Scrutinee_6989586621680128986Sym1 x16989586621680129057 :: TyFun k2 (TyFun k1 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) -> Type) (x26989586621680129058 :: k2) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621680129062Scrutinee_6989586621680128986Sym1 x16989586621680129057 :: TyFun k2 (TyFun k1 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) -> Type) (x26989586621680129058 :: k2) = Let6989586621680129062Scrutinee_6989586621680128986Sym2 x16989586621680129057 x26989586621680129058 :: TyFun k1 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type | |
type Apply (Let6989586621680129119Scrutinee_6989586621680128976Sym1 x16989586621680129114 :: TyFun k2 (TyFun k1 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) -> Type) (x26989586621680129115 :: k2) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621680129119Scrutinee_6989586621680128976Sym1 x16989586621680129114 :: TyFun k2 (TyFun k1 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) -> Type) (x26989586621680129115 :: k2) = Let6989586621680129119Scrutinee_6989586621680128976Sym2 x16989586621680129114 x26989586621680129115 :: TyFun k1 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type | |
type Apply (Let6989586621680129196Scrutinee_6989586621680128962Sym2 x06989586621680129186 x6989586621680129195 :: TyFun k1 (TyFun k3 (TyFun k4 Bool -> Type) -> Type) -> Type) (y6989586621680129187 :: k1) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621680129196Scrutinee_6989586621680128962Sym2 x06989586621680129186 x6989586621680129195 :: TyFun k1 (TyFun k3 (TyFun k4 Bool -> Type) -> Type) -> Type) (y6989586621680129187 :: k1) = Let6989586621680129196Scrutinee_6989586621680128962Sym3 x06989586621680129186 x6989586621680129195 y6989586621680129187 :: TyFun k3 (TyFun k4 Bool -> Type) -> Type | |
type Apply (Let6989586621680129062Scrutinee_6989586621680128986Sym2 x26989586621680129058 x16989586621680129057 :: TyFun k1 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) (y6989586621680129059 :: k1) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621680129062Scrutinee_6989586621680128986Sym2 x26989586621680129058 x16989586621680129057 :: TyFun k1 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) (y6989586621680129059 :: k1) = Let6989586621680129062Scrutinee_6989586621680128986Sym3 x26989586621680129058 x16989586621680129057 y6989586621680129059 :: TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type | |
type Apply (Let6989586621680129119Scrutinee_6989586621680128976Sym2 x26989586621680129115 x16989586621680129114 :: TyFun k1 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) (y6989586621680129116 :: k1) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621680129119Scrutinee_6989586621680128976Sym2 x26989586621680129115 x16989586621680129114 :: TyFun k1 (TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) -> Type) (y6989586621680129116 :: k1) = Let6989586621680129119Scrutinee_6989586621680128976Sym3 x26989586621680129115 x16989586621680129114 y6989586621680129116 :: TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type | |
type Apply (Let6989586621680129196Scrutinee_6989586621680128962Sym3 y6989586621680129187 x06989586621680129186 x6989586621680129195 :: TyFun k3 (TyFun k4 Bool -> Type) -> Type) (arg_69895866216801289586989586621680129182 :: k3) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621680129196Scrutinee_6989586621680128962Sym3 y6989586621680129187 x06989586621680129186 x6989586621680129195 :: TyFun k3 (TyFun k4 Bool -> Type) -> Type) (arg_69895866216801289586989586621680129182 :: k3) = Let6989586621680129196Scrutinee_6989586621680128962Sym4 y6989586621680129187 x06989586621680129186 x6989586621680129195 arg_69895866216801289586989586621680129182 :: TyFun k4 Bool -> Type | |
type Apply (Let6989586621680129062Scrutinee_6989586621680128986Sym3 y6989586621680129059 x26989586621680129058 x16989586621680129057 :: TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) (arg_69895866216801289806989586621680129052 :: k3) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621680129062Scrutinee_6989586621680128986Sym3 y6989586621680129059 x26989586621680129058 x16989586621680129057 :: TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) (arg_69895866216801289806989586621680129052 :: k3) = Let6989586621680129062Scrutinee_6989586621680128986Sym4 y6989586621680129059 x26989586621680129058 x16989586621680129057 arg_69895866216801289806989586621680129052 :: TyFun k4 (TyFun k5 Bool -> Type) -> Type | |
type Apply (Let6989586621680129119Scrutinee_6989586621680128976Sym3 y6989586621680129116 x26989586621680129115 x16989586621680129114 :: TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) (arg_69895866216801289706989586621680129109 :: k3) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621680129119Scrutinee_6989586621680128976Sym3 y6989586621680129116 x26989586621680129115 x16989586621680129114 :: TyFun k3 (TyFun k4 (TyFun k5 Bool -> Type) -> Type) -> Type) (arg_69895866216801289706989586621680129109 :: k3) = Let6989586621680129119Scrutinee_6989586621680128976Sym4 y6989586621680129116 x26989586621680129115 x16989586621680129114 arg_69895866216801289706989586621680129109 :: TyFun k4 (TyFun k5 Bool -> Type) -> Type | |
type Apply (Let6989586621680129062Scrutinee_6989586621680128986Sym4 arg_69895866216801289806989586621680129052 y6989586621680129059 x26989586621680129058 x16989586621680129057 :: TyFun k4 (TyFun k5 Bool -> Type) -> Type) (arg_69895866216801289826989586621680129053 :: k4) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621680129062Scrutinee_6989586621680128986Sym4 arg_69895866216801289806989586621680129052 y6989586621680129059 x26989586621680129058 x16989586621680129057 :: TyFun k4 (TyFun k5 Bool -> Type) -> Type) (arg_69895866216801289826989586621680129053 :: k4) = Let6989586621680129062Scrutinee_6989586621680128986Sym5 arg_69895866216801289806989586621680129052 y6989586621680129059 x26989586621680129058 x16989586621680129057 arg_69895866216801289826989586621680129053 :: TyFun k5 Bool -> Type | |
type Apply (Let6989586621680129119Scrutinee_6989586621680128976Sym4 arg_69895866216801289706989586621680129109 y6989586621680129116 x26989586621680129115 x16989586621680129114 :: TyFun k4 (TyFun k5 Bool -> Type) -> Type) (arg_69895866216801289726989586621680129110 :: k4) | |
Defined in Data.Singletons.Prelude.Enum type Apply (Let6989586621680129119Scrutinee_6989586621680128976Sym4 arg_69895866216801289706989586621680129109 y6989586621680129116 x26989586621680129115 x16989586621680129114 :: TyFun k4 (TyFun k5 Bool -> Type) -> Type) (arg_69895866216801289726989586621680129110 :: k4) = Let6989586621680129119Scrutinee_6989586621680128976Sym5 arg_69895866216801289706989586621680129109 y6989586621680129116 x26989586621680129115 x16989586621680129114 arg_69895866216801289726989586621680129110 :: TyFun k5 Bool -> Type | |
type Eval (IsLeft ('Right _a :: Either a b) :: Bool -> Type) | |
type Eval (IsLeft ('Left _a :: Either a b) :: Bool -> Type) | |
type Eval (IsRight ('Right _a :: Either a b) :: Bool -> Type) | |
type Eval (IsRight ('Left _a :: Either a b) :: Bool -> Type) | |
type Eval (Elem a2 as :: Bool -> Type) | |
type Eval (IsInfixOf xs ys :: Bool -> Type) | |
Defined in Fcf.Data.List | |
type Eval (IsPrefixOf xs ys :: Bool -> Type) | |
Defined in Fcf.Data.List | |
type Eval (IsSuffixOf xs ys :: Bool -> Type) | |
Defined in Fcf.Data.List | |
type Eval (TyEqSing a b :: Bool -> Type) | |
type Eval (All p lst :: Bool -> Type) | |
type Eval (Any p lst :: Bool -> Type) | |
type Eval (TyEq a b :: Bool -> Type) | |
type Apply AndSym0 (a6989586621680321548 :: [Bool]) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply AndSym0 (a6989586621680321548 :: [Bool]) = And a6989586621680321548 | |
type Apply OrSym0 (a6989586621680321544 :: [Bool]) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply OrSym0 (a6989586621680321544 :: [Bool]) = Or a6989586621680321544 | |
type Apply (ListnullSym0 :: TyFun [a] Bool -> Type) (a6989586621680687622 :: [a]) | |
type Apply (NullSym0 :: TyFun [a] Bool -> Type) (a6989586621680321768 :: [a]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (IsNothingSym0 :: TyFun (Maybe a) Bool -> Type) (a6989586621679913600 :: Maybe a) | |
Defined in Data.Singletons.Prelude.Maybe | |
type Apply (IsJustSym0 :: TyFun (Maybe a) Bool -> Type) (a6989586621679913602 :: Maybe a) | |
Defined in Data.Singletons.Prelude.Maybe | |
type Apply (AndSym0 :: TyFun (t Bool) Bool -> Type) (a6989586621680742867 :: t Bool) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Let6989586621680742870Scrutinee_6989586621680742632Sym0 :: TyFun (t6989586621680742385 Bool) All -> Type) (x6989586621680742869 :: t6989586621680742385 Bool) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (OrSym0 :: TyFun (t Bool) Bool -> Type) (a6989586621680742858 :: t Bool) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Let6989586621680742861Scrutinee_6989586621680742634Sym0 :: TyFun (t6989586621680742385 Bool) Any -> Type) (x6989586621680742860 :: t6989586621680742385 Bool) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Null_6989586621680921348Sym0 :: TyFun (Identity a) Bool -> Type) (a6989586621680921347 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (ListelemSym1 a6989586621680687704 :: TyFun [a] Bool -> Type) (a6989586621680687705 :: [a]) | |
type Apply (ListisPrefixOfSym1 a6989586621680687769 :: TyFun [a] Bool -> Type) (a6989586621680687770 :: [a]) | |
type Apply (NotElemSym1 a6989586621680321273 :: TyFun [a] Bool -> Type) (a6989586621680321274 :: [a]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (ElemSym1 a6989586621680321280 :: TyFun [a] Bool -> Type) (a6989586621680321281 :: [a]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (IsPrefixOfSym1 a6989586621680321299 :: TyFun [a] Bool -> Type) (a6989586621680321300 :: [a]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (AnySym1 a6989586621680321530 :: TyFun [a] Bool -> Type) (a6989586621680321531 :: [a]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (IsInfixOfSym1 a6989586621680321287 :: TyFun [a] Bool -> Type) (a6989586621680321288 :: [a]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (AllSym1 a6989586621680321537 :: TyFun [a] Bool -> Type) (a6989586621680321538 :: [a]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (IsSuffixOfSym1 a6989586621680321293 :: TyFun [a] Bool -> Type) (a6989586621680321294 :: [a]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Elem_6989586621680921221Sym1 a6989586621680921219 :: TyFun (Identity a) Bool -> Type) (a6989586621680921220 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (Elem_bySym2 a6989586621680320417 a6989586621680320416 :: TyFun [a] Bool -> Type) (a6989586621680320418 :: [a]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Elem_6989586621680743297Sym1 a6989586621680743295 t :: TyFun (t a) Bool -> Type) (a6989586621680743296 :: t a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Null_6989586621680743253Sym0 :: TyFun (t a) Bool -> Type) (a6989586621680743252 :: t a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (AnySym1 a6989586621680742845 t :: TyFun (t a) Bool -> Type) (a6989586621680742846 :: t a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (ElemSym1 arg6989586621680743048 t :: TyFun (t a) Bool -> Type) (arg6989586621680743049 :: t a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (NotElemSym1 a6989586621680742774 t :: TyFun (t a) Bool -> Type) (a6989586621680742775 :: t a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (NullSym0 :: TyFun (t a) Bool -> Type) (arg6989586621680743044 :: t a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (AllSym1 a6989586621680742832 t :: TyFun (t a) Bool -> Type) (a6989586621680742833 :: t a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Elem_6989586621680743417Sym1 a6989586621680743415 t :: TyFun (t a) Bool -> Type) (a6989586621680743416 :: t a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Null_6989586621680743560Sym0 :: TyFun (t a) Bool -> Type) (a6989586621680743559 :: t a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Null_6989586621680743736Sym0 :: TyFun (t a) Bool -> Type) (a6989586621680743735 :: t a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Elem_6989586621680743758Sym1 a6989586621680743756 t :: TyFun (t a) Bool -> Type) (a6989586621680743757 :: t a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Null_6989586621680743885Sym0 :: TyFun (t a) Bool -> Type) (a6989586621680743884 :: t a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Elem_6989586621680743925Sym1 a6989586621680743923 t :: TyFun (t a) Bool -> Type) (a6989586621680743924 :: t a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Null_6989586621680744052Sym0 :: TyFun (t a) Bool -> Type) (a6989586621680744051 :: t a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Elem_6989586621680744092Sym1 a6989586621680744090 t :: TyFun (t a) Bool -> Type) (a6989586621680744091 :: t a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Null_6989586621680744219Sym0 :: TyFun (t a) Bool -> Type) (a6989586621680744218 :: t a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (ListisPrefixOfSym0 :: TyFun [a6989586621680686809] ([a6989586621680686809] ~> Bool) -> Type) (a6989586621680687769 :: [a6989586621680686809]) | |
type Apply (IsPrefixOfSym0 :: TyFun [a6989586621680316407] ([a6989586621680316407] ~> Bool) -> Type) (a6989586621680321299 :: [a6989586621680316407]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (IsInfixOfSym0 :: TyFun [a6989586621680316405] ([a6989586621680316405] ~> Bool) -> Type) (a6989586621680321287 :: [a6989586621680316405]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (IsSuffixOfSym0 :: TyFun [a6989586621680316406] ([a6989586621680316406] ~> Bool) -> Type) (a6989586621680321293 :: [a6989586621680316406]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Let6989586621680320764Scrutinee_6989586621680316999Sym1 x6989586621680320762 :: TyFun [a6989586621680316441] (TyFun (k1 ~> Bool) (TyFun k Bool -> Type) -> Type) -> Type) (xs6989586621680320763 :: [a6989586621680316441]) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621680320764Scrutinee_6989586621680316999Sym1 x6989586621680320762 :: TyFun [a6989586621680316441] (TyFun (k1 ~> Bool) (TyFun k Bool -> Type) -> Type) -> Type) (xs6989586621680320763 :: [a6989586621680316441]) = Let6989586621680320764Scrutinee_6989586621680316999Sym2 x6989586621680320762 xs6989586621680320763 :: TyFun (k1 ~> Bool) (TyFun k Bool -> Type) -> Type | |
type Apply (Let6989586621680320442Scrutinee_6989586621680317027Sym2 ys6989586621680320440 y6989586621680320439 :: TyFun [k1] (TyFun (k1 ~> (k1 ~> Bool)) (TyFun k3 Bool -> Type) -> Type) -> Type) (xs6989586621680320441 :: [k1]) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621680320442Scrutinee_6989586621680317027Sym2 ys6989586621680320440 y6989586621680320439 :: TyFun [k1] (TyFun (k1 ~> (k1 ~> Bool)) (TyFun k3 Bool -> Type) -> Type) -> Type) (xs6989586621680320441 :: [k1]) = Let6989586621680320442Scrutinee_6989586621680317027Sym3 ys6989586621680320440 y6989586621680320439 xs6989586621680320441 :: TyFun (k1 ~> (k1 ~> Bool)) (TyFun k3 Bool -> Type) -> Type | |
type Apply (Let6989586621680320463Scrutinee_6989586621680317025Sym2 xs6989586621680320461 x6989586621680320460 :: TyFun [k1] (TyFun k3 Bool -> Type) -> Type) (ls6989586621680320462 :: [k1]) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621680320463Scrutinee_6989586621680317025Sym2 xs6989586621680320461 x6989586621680320460 :: TyFun [k1] (TyFun k3 Bool -> Type) -> Type) (ls6989586621680320462 :: [k1]) = Let6989586621680320463Scrutinee_6989586621680317025Sym3 xs6989586621680320461 x6989586621680320460 ls6989586621680320462 :: TyFun k3 Bool -> Type | |
type Apply (IsRightSym0 :: TyFun (Either a b) Bool -> Type) (a6989586621680725485 :: Either a b) | |
Defined in Data.Singletons.Prelude.Either | |
type Apply (IsLeftSym0 :: TyFun (Either a b) Bool -> Type) (a6989586621680725487 :: Either a b) | |
Defined in Data.Singletons.Prelude.Either | |
type Apply (TFHelper_6989586621681108282Sym1 a6989586621681108280 :: TyFun (Arg a b) Bool -> Type) (a6989586621681108281 :: Arg a b) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (ListnubBySym0 :: TyFun (a6989586621680686803 ~> (a6989586621680686803 ~> Bool)) ([a6989586621680686803] ~> [a6989586621680686803]) -> Type) (a6989586621680687734 :: a6989586621680686803 ~> (a6989586621680686803 ~> Bool)) | |
type Apply (ListpartitionSym0 :: TyFun (a6989586621680686811 ~> Bool) ([a6989586621680686811] ~> ([a6989586621680686811], [a6989586621680686811])) -> Type) (a6989586621680687789 :: a6989586621680686811 ~> Bool) | |
type Apply (ListfilterSym0 :: TyFun (a6989586621680686812 ~> Bool) ([a6989586621680686812] ~> [a6989586621680686812]) -> Type) (a6989586621680687799 :: a6989586621680686812 ~> Bool) | |
type Apply (ListspanSym0 :: TyFun (a6989586621680686813 ~> Bool) ([a6989586621680686813] ~> ([a6989586621680686813], [a6989586621680686813])) -> Type) (a6989586621680687809 :: a6989586621680686813 ~> Bool) | |
type Apply (ListdropWhileSym0 :: TyFun (a6989586621680686814 ~> Bool) ([a6989586621680686814] ~> [a6989586621680686814]) -> Type) (a6989586621680687819 :: a6989586621680686814 ~> Bool) | |
type Apply (ListtakeWhileSym0 :: TyFun (a6989586621680686815 ~> Bool) ([a6989586621680686815] ~> [a6989586621680686815]) -> Type) (a6989586621680687829 :: a6989586621680686815 ~> Bool) | |
type Apply (Elem_bySym0 :: TyFun (a6989586621680316321 ~> (a6989586621680316321 ~> Bool)) (a6989586621680316321 ~> ([a6989586621680316321] ~> Bool)) -> Type) (a6989586621680320416 :: a6989586621680316321 ~> (a6989586621680316321 ~> Bool)) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (NubBySym0 :: TyFun (a6989586621680316322 ~> (a6989586621680316322 ~> Bool)) ([a6989586621680316322] ~> [a6989586621680316322]) -> Type) (a6989586621680320426 :: a6989586621680316322 ~> (a6989586621680316322 ~> Bool)) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (SelectSym0 :: TyFun (a6989586621680316330 ~> Bool) (a6989586621680316330 ~> (([a6989586621680316330], [a6989586621680316330]) ~> ([a6989586621680316330], [a6989586621680316330]))) -> Type) (a6989586621680320532 :: a6989586621680316330 ~> Bool) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (PartitionSym0 :: TyFun (a6989586621680316331 ~> Bool) ([a6989586621680316331] ~> ([a6989586621680316331], [a6989586621680316331])) -> Type) (a6989586621680320550 :: a6989586621680316331 ~> Bool) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (BreakSym0 :: TyFun (a6989586621680316343 ~> Bool) ([a6989586621680316343] ~> ([a6989586621680316343], [a6989586621680316343])) -> Type) (a6989586621680320666 :: a6989586621680316343 ~> Bool) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Let6989586621680320684YsSym0 :: TyFun (k ~> Bool) (TyFun k (TyFun [k] [k] -> Type) -> Type) -> Type) (p6989586621680320671 :: k ~> Bool) | |
type Apply (Let6989586621680320684ZsSym0 :: TyFun (k ~> Bool) (TyFun k (TyFun [k] [k] -> Type) -> Type) -> Type) (p6989586621680320671 :: k ~> Bool) | |
type Apply (Let6989586621680320684X_6989586621680320685Sym0 :: TyFun (k ~> Bool) (TyFun k (TyFun [k] ([k], [k]) -> Type) -> Type) -> Type) (p6989586621680320671 :: k ~> Bool) | |
type Apply (SpanSym0 :: TyFun (a6989586621680316344 ~> Bool) ([a6989586621680316344] ~> ([a6989586621680316344], [a6989586621680316344])) -> Type) (a6989586621680320709 :: a6989586621680316344 ~> Bool) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Let6989586621680320727YsSym0 :: TyFun (k ~> Bool) (TyFun k (TyFun [k] [k] -> Type) -> Type) -> Type) (p6989586621680320714 :: k ~> Bool) | |
type Apply (Let6989586621680320727ZsSym0 :: TyFun (k ~> Bool) (TyFun k (TyFun [k] [k] -> Type) -> Type) -> Type) (p6989586621680320714 :: k ~> Bool) | |
type Apply (Let6989586621680320727X_6989586621680320728Sym0 :: TyFun (k ~> Bool) (TyFun k (TyFun [k] ([k], [k]) -> Type) -> Type) -> Type) (p6989586621680320714 :: k ~> Bool) | |
type Apply (GroupBySym0 :: TyFun (a6989586621680316334 ~> (a6989586621680316334 ~> Bool)) ([a6989586621680316334] ~> [[a6989586621680316334]]) -> Type) (a6989586621680320573 :: a6989586621680316334 ~> (a6989586621680316334 ~> Bool)) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (DropWhileSym0 :: TyFun (a6989586621680316346 ~> Bool) ([a6989586621680316346] ~> [a6989586621680316346]) -> Type) (a6989586621680320778 :: a6989586621680316346 ~> Bool) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (TakeWhileSym0 :: TyFun (a6989586621680316347 ~> Bool) ([a6989586621680316347] ~> [a6989586621680316347]) -> Type) (a6989586621680320796 :: a6989586621680316347 ~> Bool) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (FilterSym0 :: TyFun (a6989586621680316355 ~> Bool) ([a6989586621680316355] ~> [a6989586621680316355]) -> Type) (a6989586621680320910 :: a6989586621680316355 ~> Bool) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (FindSym0 :: TyFun (a6989586621680316354 ~> Bool) ([a6989586621680316354] ~> Maybe a6989586621680316354) -> Type) (a6989586621680320902 :: a6989586621680316354 ~> Bool) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (DeleteBySym0 :: TyFun (a6989586621680316361 ~> (a6989586621680316361 ~> Bool)) (a6989586621680316361 ~> ([a6989586621680316361] ~> [a6989586621680316361])) -> Type) (a6989586621680321030 :: a6989586621680316361 ~> (a6989586621680316361 ~> Bool)) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (DeleteFirstsBySym0 :: TyFun (a6989586621680316360 ~> (a6989586621680316360 ~> Bool)) ([a6989586621680316360] ~> ([a6989586621680316360] ~> [a6989586621680316360])) -> Type) (a6989586621680321017 :: a6989586621680316360 ~> (a6989586621680316360 ~> Bool)) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (DeleteFirstsBySym0 :: TyFun (a6989586621680316360 ~> (a6989586621680316360 ~> Bool)) ([a6989586621680316360] ~> ([a6989586621680316360] ~> [a6989586621680316360])) -> Type) (a6989586621680321017 :: a6989586621680316360 ~> (a6989586621680316360 ~> Bool)) = DeleteFirstsBySym1 a6989586621680321017 | |
type Apply (UnionBySym0 :: TyFun (a6989586621680316320 ~> (a6989586621680316320 ~> Bool)) ([a6989586621680316320] ~> ([a6989586621680316320] ~> [a6989586621680316320])) -> Type) (a6989586621680320407 :: a6989586621680316320 ~> (a6989586621680316320 ~> Bool)) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (FindIndicesSym0 :: TyFun (a6989586621680316350 ~> Bool) ([a6989586621680316350] ~> [Nat]) -> Type) (a6989586621680320852 :: a6989586621680316350 ~> Bool) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (FindIndexSym0 :: TyFun (a6989586621680316351 ~> Bool) ([a6989586621680316351] ~> Maybe Nat) -> Type) (a6989586621680320878 :: a6989586621680316351 ~> Bool) | |
type Apply (AnySym0 :: TyFun (a6989586621680316424 ~> Bool) ([a6989586621680316424] ~> Bool) -> Type) (a6989586621680321530 :: a6989586621680316424 ~> Bool) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (IntersectBySym0 :: TyFun (a6989586621680316348 ~> (a6989586621680316348 ~> Bool)) ([a6989586621680316348] ~> ([a6989586621680316348] ~> [a6989586621680316348])) -> Type) (a6989586621680320810 :: a6989586621680316348 ~> (a6989586621680316348 ~> Bool)) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (IntersectBySym0 :: TyFun (a6989586621680316348 ~> (a6989586621680316348 ~> Bool)) ([a6989586621680316348] ~> ([a6989586621680316348] ~> [a6989586621680316348])) -> Type) (a6989586621680320810 :: a6989586621680316348 ~> (a6989586621680316348 ~> Bool)) = IntersectBySym1 a6989586621680320810 | |
type Apply (AllSym0 :: TyFun (a6989586621680316425 ~> Bool) ([a6989586621680316425] ~> Bool) -> Type) (a6989586621680321537 :: a6989586621680316425 ~> Bool) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (DropWhileEndSym0 :: TyFun (a6989586621680316345 ~> Bool) ([a6989586621680316345] ~> [a6989586621680316345]) -> Type) (a6989586621680320752 :: a6989586621680316345 ~> Bool) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (UntilSym0 :: TyFun (a6989586621679941597 ~> Bool) ((a6989586621679941597 ~> a6989586621679941597) ~> (a6989586621679941597 ~> a6989586621679941597)) -> Type) (a6989586621679941722 :: a6989586621679941597 ~> Bool) | |
Defined in Data.Singletons.Prelude.Base | |
type Apply (TFHelper_6989586621681108282Sym0 :: TyFun (Arg a6989586621681107127 b6989586621681107128) (Arg a6989586621681107127 b6989586621681107128 ~> Bool) -> Type) (a6989586621681108280 :: Arg a6989586621681107127 b6989586621681107128) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (Let6989586621680320432NubBy'Sym0 :: TyFun (k1 ~> (k1 ~> Bool)) (TyFun k (TyFun [k1] ([k1] ~> [k1]) -> Type) -> Type) -> Type) (eq6989586621680320430 :: k1 ~> (k1 ~> Bool)) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Let6989586621680320580YsSym0 :: TyFun (k1 ~> (a6989586621680316344 ~> Bool)) (TyFun k1 (TyFun [a6989586621680316344] [a6989586621680316344] -> Type) -> Type) -> Type) (eq6989586621680320577 :: k1 ~> (a6989586621680316344 ~> Bool)) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Let6989586621680320580ZsSym0 :: TyFun (k1 ~> (a6989586621680316344 ~> Bool)) (TyFun k1 (TyFun [a6989586621680316344] [a6989586621680316344] -> Type) -> Type) -> Type) (eq6989586621680320577 :: k1 ~> (a6989586621680316344 ~> Bool)) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Let6989586621680320580X_6989586621680320581Sym0 :: TyFun (k1 ~> (a6989586621680316344 ~> Bool)) (TyFun k1 (TyFun [a6989586621680316344] ([a6989586621680316344], [a6989586621680316344]) -> Type) -> Type) -> Type) (eq6989586621680320577 :: k1 ~> (a6989586621680316344 ~> Bool)) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621680320580X_6989586621680320581Sym0 :: TyFun (k1 ~> (a6989586621680316344 ~> Bool)) (TyFun k1 (TyFun [a6989586621680316344] ([a6989586621680316344], [a6989586621680316344]) -> Type) -> Type) -> Type) (eq6989586621680320577 :: k1 ~> (a6989586621680316344 ~> Bool)) = Let6989586621680320580X_6989586621680320581Sym1 eq6989586621680320577 | |
type Apply (Lambda_6989586621680320760Sym0 :: TyFun (a6989586621680316441 ~> Bool) (TyFun k (TyFun a6989586621680316441 (TyFun [a6989586621680316441] [a6989586621680316441] -> Type) -> Type) -> Type) -> Type) (p6989586621680320758 :: a6989586621680316441 ~> Bool) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Lambda_6989586621680320760Sym0 :: TyFun (a6989586621680316441 ~> Bool) (TyFun k (TyFun a6989586621680316441 (TyFun [a6989586621680316441] [a6989586621680316441] -> Type) -> Type) -> Type) -> Type) (p6989586621680320758 :: a6989586621680316441 ~> Bool) = Lambda_6989586621680320760Sym1 p6989586621680320758 :: TyFun k (TyFun a6989586621680316441 (TyFun [a6989586621680316441] [a6989586621680316441] -> Type) -> Type) -> Type | |
type Apply (Lambda_6989586621680742754Sym0 :: TyFun (a6989586621679087428 ~> Bool) (TyFun k (TyFun a6989586621679087428 (First a6989586621679087428) -> Type) -> Type) -> Type) (p6989586621680742751 :: a6989586621679087428 ~> Bool) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Lambda_6989586621680742754Sym0 :: TyFun (a6989586621679087428 ~> Bool) (TyFun k (TyFun a6989586621679087428 (First a6989586621679087428) -> Type) -> Type) -> Type) (p6989586621680742751 :: a6989586621679087428 ~> Bool) = Lambda_6989586621680742754Sym1 p6989586621680742751 :: TyFun k (TyFun a6989586621679087428 (First a6989586621679087428) -> Type) -> Type | |
type Apply (AnySym0 :: TyFun (a6989586621680742304 ~> Bool) (t6989586621680742303 a6989586621680742304 ~> Bool) -> Type) (a6989586621680742845 :: a6989586621680742304 ~> Bool) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Let6989586621680742851Scrutinee_6989586621680742636Sym0 :: TyFun (a6989586621680742388 ~> Bool) (TyFun (t6989586621680742385 a6989586621680742388) Any -> Type) -> Type) (p6989586621680742849 :: a6989586621680742388 ~> Bool) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Let6989586621680742851Scrutinee_6989586621680742636Sym0 :: TyFun (a6989586621680742388 ~> Bool) (TyFun (t6989586621680742385 a6989586621680742388) Any -> Type) -> Type) (p6989586621680742849 :: a6989586621680742388 ~> Bool) = Let6989586621680742851Scrutinee_6989586621680742636Sym1 p6989586621680742849 :: TyFun (t6989586621680742385 a6989586621680742388) Any -> Type | |
type Apply (AllSym0 :: TyFun (a6989586621680742302 ~> Bool) (t6989586621680742301 a6989586621680742302 ~> Bool) -> Type) (a6989586621680742832 :: a6989586621680742302 ~> Bool) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Let6989586621680742838Scrutinee_6989586621680742638Sym0 :: TyFun (a6989586621680742388 ~> Bool) (TyFun (t6989586621680742385 a6989586621680742388) All -> Type) -> Type) (p6989586621680742836 :: a6989586621680742388 ~> Bool) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Let6989586621680742838Scrutinee_6989586621680742638Sym0 :: TyFun (a6989586621680742388 ~> Bool) (TyFun (t6989586621680742385 a6989586621680742388) All -> Type) -> Type) (p6989586621680742836 :: a6989586621680742388 ~> Bool) = Let6989586621680742838Scrutinee_6989586621680742638Sym1 p6989586621680742836 :: TyFun (t6989586621680742385 a6989586621680742388) All -> Type | |
type Apply (FindSym0 :: TyFun (a6989586621680742294 ~> Bool) (t6989586621680742293 a6989586621680742294 ~> Maybe a6989586621680742294) -> Type) (a6989586621680742747 :: a6989586621680742294 ~> Bool) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (FindSym0 :: TyFun (a6989586621680742294 ~> Bool) (t6989586621680742293 a6989586621680742294 ~> Maybe a6989586621680742294) -> Type) (a6989586621680742747 :: a6989586621680742294 ~> Bool) = FindSym1 a6989586621680742747 t6989586621680742293 :: TyFun (t6989586621680742293 a6989586621680742294) (Maybe a6989586621680742294) -> Type | |
type Apply (Let6989586621680742753Scrutinee_6989586621680742644Sym0 :: TyFun (a6989586621680742388 ~> Bool) (TyFun (t6989586621680742385 a6989586621680742388) (First a6989586621680742388) -> Type) -> Type) (p6989586621680742751 :: a6989586621680742388 ~> Bool) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Let6989586621680742753Scrutinee_6989586621680742644Sym0 :: TyFun (a6989586621680742388 ~> Bool) (TyFun (t6989586621680742385 a6989586621680742388) (First a6989586621680742388) -> Type) -> Type) (p6989586621680742751 :: a6989586621680742388 ~> Bool) = Let6989586621680742753Scrutinee_6989586621680742644Sym1 p6989586621680742751 :: TyFun (t6989586621680742385 a6989586621680742388) (First a6989586621680742388) -> Type | |
type Apply (Let6989586621679941733GoSym0 :: TyFun (k1 ~> Bool) (TyFun (k1 ~> k1) (TyFun k2 (TyFun k1 k1 -> Type) -> Type) -> Type) -> Type) (p6989586621679941730 :: k1 ~> Bool) | |
Defined in Data.Singletons.Prelude.Base | |
type Apply (MfilterSym0 :: TyFun (a6989586621681401670 ~> Bool) (m6989586621681401669 a6989586621681401670 ~> m6989586621681401669 a6989586621681401670) -> Type) (a6989586621681401989 :: a6989586621681401670 ~> Bool) | |
Defined in Data.Singletons.Prelude.Monad type Apply (MfilterSym0 :: TyFun (a6989586621681401670 ~> Bool) (m6989586621681401669 a6989586621681401670 ~> m6989586621681401669 a6989586621681401670) -> Type) (a6989586621681401989 :: a6989586621681401670 ~> Bool) = MfilterSym1 a6989586621681401989 m6989586621681401669 :: TyFun (m6989586621681401669 a6989586621681401670) (m6989586621681401669 a6989586621681401670) -> Type | |
type Apply (FilterMSym0 :: TyFun (a6989586621681401708 ~> m6989586621681401707 Bool) ([a6989586621681401708] ~> m6989586621681401707 [a6989586621681401708]) -> Type) (a6989586621681402155 :: a6989586621681401708 ~> m6989586621681401707 Bool) | |
Defined in Data.Singletons.Prelude.Monad | |
type Apply (Lambda_6989586621681401995Sym0 :: TyFun (k1 ~> Bool) (TyFun k (TyFun k1 (m6989586621679962835 k1) -> Type) -> Type) -> Type) (p6989586621681401993 :: k1 ~> Bool) | |
Defined in Data.Singletons.Prelude.Monad | |
type Apply (Lambda_6989586621681402163Sym0 :: TyFun (k2 ~> f6989586621679962811 Bool) (TyFun k3 (TyFun k2 (TyFun (f6989586621679962811 [k2]) (f6989586621679962811 [k2]) -> Type) -> Type) -> Type) -> Type) (p6989586621681402161 :: k2 ~> f6989586621679962811 Bool) | |
Defined in Data.Singletons.Prelude.Monad type Apply (Lambda_6989586621681402163Sym0 :: TyFun (k2 ~> f6989586621679962811 Bool) (TyFun k3 (TyFun k2 (TyFun (f6989586621679962811 [k2]) (f6989586621679962811 [k2]) -> Type) -> Type) -> Type) -> Type) (p6989586621681402161 :: k2 ~> f6989586621679962811 Bool) = Lambda_6989586621681402163Sym1 p6989586621681402161 :: TyFun k3 (TyFun k2 (TyFun (f6989586621679962811 [k2]) (f6989586621679962811 [k2]) -> Type) -> Type) -> Type | |
type Apply (Lambda_6989586621680320832Sym0 :: TyFun (b6989586621679962839 ~> (a6989586621680316424 ~> Bool)) (TyFun k1 (TyFun k2 (TyFun a6989586621680316424 (TyFun [a6989586621680316424] (TyFun b6989586621679962839 (m6989586621679962835 b6989586621679962839) -> Type) -> Type) -> Type) -> Type) -> Type) -> Type) (eq6989586621680320816 :: b6989586621679962839 ~> (a6989586621680316424 ~> Bool)) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Lambda_6989586621680320832Sym0 :: TyFun (b6989586621679962839 ~> (a6989586621680316424 ~> Bool)) (TyFun k1 (TyFun k2 (TyFun a6989586621680316424 (TyFun [a6989586621680316424] (TyFun b6989586621679962839 (m6989586621679962835 b6989586621679962839) -> Type) -> Type) -> Type) -> Type) -> Type) -> Type) (eq6989586621680320816 :: b6989586621679962839 ~> (a6989586621680316424 ~> Bool)) = Lambda_6989586621680320832Sym1 eq6989586621680320816 :: TyFun k1 (TyFun k2 (TyFun a6989586621680316424 (TyFun [a6989586621680316424] (TyFun b6989586621679962839 (m6989586621679962835 b6989586621679962839) -> Type) -> Type) -> Type) -> Type) -> Type | |
type Apply (Let6989586621680320764Scrutinee_6989586621680316999Sym2 xs6989586621680320763 x6989586621680320762 :: TyFun (k1 ~> Bool) (TyFun k Bool -> Type) -> Type) (p6989586621680320758 :: k1 ~> Bool) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621680320764Scrutinee_6989586621680316999Sym2 xs6989586621680320763 x6989586621680320762 :: TyFun (k1 ~> Bool) (TyFun k Bool -> Type) -> Type) (p6989586621680320758 :: k1 ~> Bool) = Let6989586621680320764Scrutinee_6989586621680316999Sym3 xs6989586621680320763 x6989586621680320762 p6989586621680320758 :: TyFun k Bool -> Type | |
type Apply (Let6989586621680320442Scrutinee_6989586621680317027Sym3 xs6989586621680320441 ys6989586621680320440 y6989586621680320439 :: TyFun (k1 ~> (k1 ~> Bool)) (TyFun k3 Bool -> Type) -> Type) (eq6989586621680320430 :: k1 ~> (k1 ~> Bool)) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621680320442Scrutinee_6989586621680317027Sym3 xs6989586621680320441 ys6989586621680320440 y6989586621680320439 :: TyFun (k1 ~> (k1 ~> Bool)) (TyFun k3 Bool -> Type) -> Type) (eq6989586621680320430 :: k1 ~> (k1 ~> Bool)) = Let6989586621680320442Scrutinee_6989586621680317027Sym4 xs6989586621680320441 ys6989586621680320440 y6989586621680320439 eq6989586621680320430 :: TyFun k3 Bool -> 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
Bounded Char | Since: base-2.1 |
Enum Char | Since: base-2.1 |
Eq Char | |
Data Char | Since: base-4.0.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Char -> c Char # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c Char # dataTypeOf :: Char -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c Char) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c Char) # gmapT :: (forall b. Data b => b -> b) -> Char -> Char # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Char -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Char -> r # gmapQ :: (forall d. Data d => d -> u) -> Char -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Char -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Char -> m Char # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Char -> m Char # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Char -> m Char # | |
Ord Char | |
Read Char | Since: base-2.1 |
Show Char | Since: base-2.1 |
Lift Char | |
Storable Char | Since: base-2.1 |
Defined in Foreign.Storable | |
NFData Char | |
Defined in Control.DeepSeq | |
ErrorList Char | |
Defined in Control.Monad.Trans.Error | |
Hashable Char | |
Defined in Data.Hashable.Class | |
ToLText String | |
Defined in Universum.String.Conversion | |
ToString String | |
Defined in Universum.String.Conversion | |
ToText String | |
Defined in Universum.String.Conversion | |
Unbox Char | |
Defined in Data.Vector.Unboxed.Base | |
PrimType Char | |
Defined in Basement.PrimType Methods primSizeInBytes :: Proxy Char -> CountOf Word8 primShiftToBytes :: Proxy Char -> Int primBaUIndex :: ByteArray# -> Offset Char -> Char primMbaURead :: PrimMonad prim => MutableByteArray# (PrimState prim) -> Offset Char -> prim Char primMbaUWrite :: PrimMonad prim => MutableByteArray# (PrimState prim) -> Offset Char -> Char -> prim () primAddrIndex :: Addr# -> Offset Char -> Char primAddrRead :: PrimMonad prim => Addr# -> Offset Char -> prim Char primAddrWrite :: PrimMonad prim => Addr# -> Offset Char -> Char -> prim () | |
PrimMemoryComparable Char | |
Defined in Basement.PrimType | |
Subtractive Char | |
Stream String | |
Defined in Text.Megaparsec.Stream Methods tokenToChunk :: Proxy String -> Token String -> Tokens String tokensToChunk :: Proxy String -> [Token String] -> Tokens String chunkToTokens :: Proxy String -> Tokens String -> [Token String] chunkLength :: Proxy String -> Tokens String -> Int chunkEmpty :: Proxy String -> Tokens String -> Bool take1_ :: String -> Maybe (Token String, String) takeN_ :: Int -> String -> Maybe (Tokens String, String) takeWhile_ :: (Token String -> Bool) -> String -> (Tokens String, String) showTokens :: Proxy String -> NonEmpty (Token String) -> String tokensLength :: Proxy String -> NonEmpty (Token String) -> Int reachOffset :: Int -> PosState String -> (String, PosState String) reachOffsetNoLine :: Int -> PosState String -> PosState String | |
ConvertUtf8 String ByteString | |
Defined in Universum.String.Conversion Methods encodeUtf8 :: String -> ByteString # decodeUtf8 :: ByteString -> String # decodeUtf8Strict :: ByteString -> Either UnicodeException String # | |
ConvertUtf8 String ByteString | |
Defined in Universum.String.Conversion Methods encodeUtf8 :: String -> ByteString # decodeUtf8 :: ByteString -> String # decodeUtf8Strict :: ByteString -> Either UnicodeException String # | |
Vector Vector Char | |
Defined in Data.Vector.Unboxed.Base Methods basicUnsafeFreeze :: PrimMonad m => Mutable Vector (PrimState m) Char -> m (Vector Char) basicUnsafeThaw :: PrimMonad m => Vector Char -> m (Mutable Vector (PrimState m) Char) basicLength :: Vector Char -> Int basicUnsafeSlice :: Int -> Int -> Vector Char -> Vector Char basicUnsafeIndexM :: Monad m => Vector Char -> Int -> m Char basicUnsafeCopy :: PrimMonad m => Mutable Vector (PrimState m) Char -> Vector Char -> m () | |
MVector MVector Char | |
Defined in Data.Vector.Unboxed.Base Methods basicLength :: MVector s Char -> Int basicUnsafeSlice :: Int -> Int -> MVector s Char -> MVector s Char basicOverlaps :: MVector s Char -> MVector s Char -> Bool basicUnsafeNew :: PrimMonad m => Int -> m (MVector (PrimState m) Char) basicInitialize :: PrimMonad m => MVector (PrimState m) Char -> m () basicUnsafeReplicate :: PrimMonad m => Int -> Char -> m (MVector (PrimState m) Char) basicUnsafeRead :: PrimMonad m => MVector (PrimState m) Char -> Int -> m Char basicUnsafeWrite :: PrimMonad m => MVector (PrimState m) Char -> Int -> Char -> m () basicClear :: PrimMonad m => MVector (PrimState m) Char -> m () basicSet :: PrimMonad m => MVector (PrimState m) Char -> Char -> m () basicUnsafeCopy :: PrimMonad m => MVector (PrimState m) Char -> MVector (PrimState m) Char -> m () basicUnsafeMove :: PrimMonad m => MVector (PrimState m) Char -> MVector (PrimState m) Char -> m () basicUnsafeGrow :: PrimMonad m => MVector (PrimState m) Char -> Int -> m (MVector (PrimState m) Char) | |
KnownSymbol n => Reifies (n :: Symbol) String | |
Defined in Data.Reflection | |
() :=> (Bounded Char) | |
Defined in Data.Constraint | |
() :=> (Enum Char) | |
Defined in Data.Constraint | |
() :=> (Ord Char) | |
Defined in Data.Constraint | |
() :=> (Read Char) | |
Defined in Data.Constraint | |
() :=> (Show Char) | |
Defined in Data.Constraint | |
Generic1 (URec Char :: k -> Type) | Since: base-4.9.0.0 |
Print [Char] | |
Functor (URec Char :: Type -> Type) | Since: base-4.9.0.0 |
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 # 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 # | |
Traversable (URec Char :: Type -> Type) | Since: base-4.9.0.0 |
Defined in Data.Traversable | |
SMonadFail m => SingI (FailSym0 :: TyFun [Char] (m a) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Fail Methods sing :: Sing FailSym0 | |
SuppressUnusedWarnings (Fail_6989586621680104803Sym0 :: TyFun [Char] (m6989586621680104774 a6989586621680104775) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Fail Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Fail_6989586621680104797Sym0 :: TyFun [Char] (m6989586621680104774 a6989586621680104775) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Fail Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FailSym0 :: TyFun [Char] (m6989586621680104774 a6989586621680104775) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Fail Methods suppressUnusedWarnings :: () | |
Eq (URec Char p) | Since: base-4.9.0.0 |
Ord (URec Char p) | Since: base-4.9.0.0 |
Defined in GHC.Generics | |
Show (URec Char p) | Since: base-4.9.0.0 |
Generic (URec Char p) | Since: base-4.9.0.0 |
newtype Vector Char | |
Defined in Data.Vector.Unboxed.Base | |
type NatNumMaxBound Char | |
Defined in Basement.Nat type NatNumMaxBound Char = 1114111 | |
type Difference Char | |
Defined in Basement.Numerical.Subtractive | |
type PrimSize Char | |
Defined in Basement.PrimType type PrimSize Char = 4 | |
type Token String | |
Defined in Text.Megaparsec.Stream | |
type Tokens String | |
Defined in Text.Megaparsec.Stream | |
data URec Char (p :: k) | Used for marking occurrences of Since: base-4.9.0.0 |
newtype MVector s Char | |
Defined in Data.Vector.Unboxed.Base | |
type Rep1 (URec Char :: k -> Type) | |
Defined in GHC.Generics | |
type Apply (FailSym0 :: TyFun [Char] (m6989586621680104774 a6989586621680104775) -> Type) (arg6989586621680104794 :: [Char]) | |
Defined in Data.Singletons.Prelude.Monad.Fail | |
type Apply (Fail_6989586621680104797Sym0 :: TyFun [Char] (m6989586621680104774 a6989586621680104775) -> Type) (a6989586621680104796 :: [Char]) | |
Defined in Data.Singletons.Prelude.Monad.Fail | |
type Apply (Fail_6989586621680104803Sym0 :: TyFun [Char] (m6989586621680104774 a6989586621680104775) -> Type) (a6989586621680104802 :: [Char]) | |
Defined in Data.Singletons.Prelude.Monad.Fail | |
type Rep (URec Char p) | |
Defined in GHC.Generics |
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
Eq Double | Note that due to the presence of
Also note that
|
Floating Double | Since: base-2.1 |
Data Double | Since: base-4.0.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Double -> c Double # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c Double # toConstr :: Double -> Constr # dataTypeOf :: Double -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c Double) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c Double) # gmapT :: (forall b. Data b => b -> b) -> Double -> Double # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Double -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Double -> r # gmapQ :: (forall d. Data d => d -> u) -> Double -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Double -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Double -> m Double # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Double -> m Double # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Double -> m Double # | |
Ord Double | Note that due to the presence of
Also note that, due to the same,
|
Read Double | Since: base-2.1 |
RealFloat Double | Since: base-2.1 |
Defined in GHC.Float Methods floatRadix :: Double -> Integer # floatDigits :: Double -> Int # floatRange :: Double -> (Int, Int) # decodeFloat :: Double -> (Integer, Int) # encodeFloat :: Integer -> Int -> Double # significand :: Double -> Double # scaleFloat :: Int -> Double -> Double # isInfinite :: Double -> Bool # isDenormalized :: Double -> Bool # isNegativeZero :: Double -> Bool # | |
Lift Double | |
Storable Double | Since: base-2.1 |
NFData Double | |
Defined in Control.DeepSeq | |
Hashable Double | |
Defined in Data.Hashable.Class | |
Unbox Double | |
Defined in Data.Vector.Unboxed.Base | |
Default Double | |
Defined in Data.Default.Class | |
PrimType Double | |
Defined in Basement.PrimType Methods primSizeInBytes :: Proxy Double -> CountOf Word8 primShiftToBytes :: Proxy Double -> Int primBaUIndex :: ByteArray# -> Offset Double -> Double primMbaURead :: PrimMonad prim => MutableByteArray# (PrimState prim) -> Offset Double -> prim Double primMbaUWrite :: PrimMonad prim => MutableByteArray# (PrimState prim) -> Offset Double -> Double -> prim () primAddrIndex :: Addr# -> Offset Double -> Double primAddrRead :: PrimMonad prim => Addr# -> Offset Double -> prim Double primAddrWrite :: PrimMonad prim => Addr# -> Offset Double -> Double -> prim () | |
Subtractive Double | |
Vector Vector Double | |
Defined in Data.Vector.Unboxed.Base Methods basicUnsafeFreeze :: PrimMonad m => Mutable Vector (PrimState m) Double -> m (Vector Double) basicUnsafeThaw :: PrimMonad m => Vector Double -> m (Mutable Vector (PrimState m) Double) basicLength :: Vector Double -> Int basicUnsafeSlice :: Int -> Int -> Vector Double -> Vector Double basicUnsafeIndexM :: Monad m => Vector Double -> Int -> m Double basicUnsafeCopy :: PrimMonad m => Mutable Vector (PrimState m) Double -> Vector Double -> m () | |
MVector MVector Double | |
Defined in Data.Vector.Unboxed.Base Methods basicLength :: MVector s Double -> Int basicUnsafeSlice :: Int -> Int -> MVector s Double -> MVector s Double basicOverlaps :: MVector s Double -> MVector s Double -> Bool basicUnsafeNew :: PrimMonad m => Int -> m (MVector (PrimState m) Double) basicInitialize :: PrimMonad m => MVector (PrimState m) Double -> m () basicUnsafeReplicate :: PrimMonad m => Int -> Double -> m (MVector (PrimState m) Double) basicUnsafeRead :: PrimMonad m => MVector (PrimState m) Double -> Int -> m Double basicUnsafeWrite :: PrimMonad m => MVector (PrimState m) Double -> Int -> Double -> m () basicClear :: PrimMonad m => MVector (PrimState m) Double -> m () basicSet :: PrimMonad m => MVector (PrimState m) Double -> Double -> m () basicUnsafeCopy :: PrimMonad m => MVector (PrimState m) Double -> MVector (PrimState m) Double -> m () basicUnsafeMove :: PrimMonad m => MVector (PrimState m) Double -> MVector (PrimState m) Double -> m () basicUnsafeGrow :: PrimMonad m => MVector (PrimState m) Double -> Int -> m (MVector (PrimState m) Double) | |
() :=> (Enum Double) | |
Defined in Data.Constraint | |
() :=> (Eq Double) | |
Defined in Data.Constraint | |
() :=> (Floating Double) | |
Defined in Data.Constraint | |
() :=> (Fractional Double) | |
Defined in Data.Constraint Methods ins :: () :- Fractional Double | |
() :=> (Num Double) | |
Defined in Data.Constraint | |
() :=> (Ord Double) | |
Defined in Data.Constraint | |
() :=> (Real Double) | |
Defined in Data.Constraint | |
() :=> (RealFloat Double) | |
Defined in Data.Constraint | |
() :=> (RealFrac Double) | |
Defined in Data.Constraint | |
Generic1 (URec Double :: k -> Type) | Since: base-4.9.0.0 |
Functor (URec Double :: Type -> Type) | Since: base-4.9.0.0 |
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 # 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 # | |
Traversable (URec Double :: Type -> Type) | Since: base-4.9.0.0 |
Defined in Data.Traversable | |
Eq (URec Double p) | Since: base-4.9.0.0 |
Ord (URec Double p) | Since: base-4.9.0.0 |
Defined in GHC.Generics Methods compare :: URec Double p -> URec Double p -> Ordering # (<) :: URec Double p -> URec Double p -> Bool # (<=) :: URec Double p -> URec Double p -> Bool # (>) :: URec Double p -> URec Double p -> Bool # (>=) :: URec Double p -> URec Double p -> Bool # | |
Show (URec Double p) | Since: base-4.9.0.0 |
Generic (URec Double p) | Since: base-4.9.0.0 |
newtype Vector Double | |
Defined in Data.Vector.Unboxed.Base | |
type Difference Double | |
Defined in Basement.Numerical.Subtractive | |
type PrimSize Double | |
Defined in Basement.PrimType type PrimSize Double = 8 | |
data URec Double (p :: k) | Used for marking occurrences of Since: base-4.9.0.0 |
newtype MVector s Double | |
Defined in Data.Vector.Unboxed.Base | |
type Rep1 (URec Double :: k -> Type) | |
Defined in GHC.Generics | |
type Rep (URec Double p) | |
Defined in GHC.Generics |
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
Eq Float | Note that due to the presence of
Also note that
|
Floating Float | Since: base-2.1 |
Data Float | Since: base-4.0.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Float -> c Float # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c Float # dataTypeOf :: Float -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c Float) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c Float) # gmapT :: (forall b. Data b => b -> b) -> Float -> Float # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Float -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Float -> r # gmapQ :: (forall d. Data d => d -> u) -> Float -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Float -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Float -> m Float # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Float -> m Float # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Float -> m Float # | |
Ord Float | Note that due to the presence of
Also note that, due to the same,
|
Read Float | Since: base-2.1 |
RealFloat Float | Since: base-2.1 |
Defined in GHC.Float Methods floatRadix :: Float -> Integer # floatDigits :: Float -> Int # floatRange :: Float -> (Int, Int) # decodeFloat :: Float -> (Integer, Int) # encodeFloat :: Integer -> Int -> Float # significand :: Float -> Float # scaleFloat :: Int -> Float -> Float # isInfinite :: Float -> Bool # isDenormalized :: Float -> Bool # isNegativeZero :: Float -> Bool # | |
Lift Float | |
Storable Float | Since: base-2.1 |
NFData Float | |
Defined in Control.DeepSeq | |
Hashable Float | |
Defined in Data.Hashable.Class | |
Unbox Float | |
Defined in Data.Vector.Unboxed.Base | |
Default Float | |
Defined in Data.Default.Class | |
PrimType Float | |
Defined in Basement.PrimType Methods primSizeInBytes :: Proxy Float -> CountOf Word8 primShiftToBytes :: Proxy Float -> Int primBaUIndex :: ByteArray# -> Offset Float -> Float primMbaURead :: PrimMonad prim => MutableByteArray# (PrimState prim) -> Offset Float -> prim Float primMbaUWrite :: PrimMonad prim => MutableByteArray# (PrimState prim) -> Offset Float -> Float -> prim () primAddrIndex :: Addr# -> Offset Float -> Float primAddrRead :: PrimMonad prim => Addr# -> Offset Float -> prim Float primAddrWrite :: PrimMonad prim => Addr# -> Offset Float -> Float -> prim () | |
Subtractive Float | |
Vector Vector Float | |
Defined in Data.Vector.Unboxed.Base Methods basicUnsafeFreeze :: PrimMonad m => Mutable Vector (PrimState m) Float -> m (Vector Float) basicUnsafeThaw :: PrimMonad m => Vector Float -> m (Mutable Vector (PrimState m) Float) basicLength :: Vector Float -> Int basicUnsafeSlice :: Int -> Int -> Vector Float -> Vector Float basicUnsafeIndexM :: Monad m => Vector Float -> Int -> m Float basicUnsafeCopy :: PrimMonad m => Mutable Vector (PrimState m) Float -> Vector Float -> m () | |
MVector MVector Float | |
Defined in Data.Vector.Unboxed.Base Methods basicLength :: MVector s Float -> Int basicUnsafeSlice :: Int -> Int -> MVector s Float -> MVector s Float basicOverlaps :: MVector s Float -> MVector s Float -> Bool basicUnsafeNew :: PrimMonad m => Int -> m (MVector (PrimState m) Float) basicInitialize :: PrimMonad m => MVector (PrimState m) Float -> m () basicUnsafeReplicate :: PrimMonad m => Int -> Float -> m (MVector (PrimState m) Float) basicUnsafeRead :: PrimMonad m => MVector (PrimState m) Float -> Int -> m Float basicUnsafeWrite :: PrimMonad m => MVector (PrimState m) Float -> Int -> Float -> m () basicClear :: PrimMonad m => MVector (PrimState m) Float -> m () basicSet :: PrimMonad m => MVector (PrimState m) Float -> Float -> m () basicUnsafeCopy :: PrimMonad m => MVector (PrimState m) Float -> MVector (PrimState m) Float -> m () basicUnsafeMove :: PrimMonad m => MVector (PrimState m) Float -> MVector (PrimState m) Float -> m () basicUnsafeGrow :: PrimMonad m => MVector (PrimState m) Float -> Int -> m (MVector (PrimState m) Float) | |
() :=> (Enum Float) | |
Defined in Data.Constraint | |
() :=> (Eq Float) | |
Defined in Data.Constraint | |
() :=> (Floating Float) | |
Defined in Data.Constraint | |
() :=> (Fractional Float) | |
Defined in Data.Constraint Methods ins :: () :- Fractional Float | |
() :=> (Num Float) | |
Defined in Data.Constraint | |
() :=> (Ord Float) | |
Defined in Data.Constraint | |
() :=> (Real Float) | |
Defined in Data.Constraint | |
() :=> (RealFloat Float) | |
Defined in Data.Constraint | |
() :=> (RealFrac Float) | |
Defined in Data.Constraint | |
Generic1 (URec Float :: k -> Type) | Since: base-4.9.0.0 |
Functor (URec Float :: Type -> Type) | Since: base-4.9.0.0 |
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 # 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 # | |
Traversable (URec Float :: Type -> Type) | Since: base-4.9.0.0 |
Defined in Data.Traversable | |
Eq (URec Float p) | |
Ord (URec Float p) | |
Defined in GHC.Generics | |
Show (URec Float p) | |
Generic (URec Float p) | |
newtype Vector Float | |
Defined in Data.Vector.Unboxed.Base | |
type Difference Float | |
Defined in Basement.Numerical.Subtractive | |
type PrimSize Float | |
Defined in Basement.PrimType type PrimSize Float = 4 | |
data URec Float (p :: k) | Used for marking occurrences of Since: base-4.9.0.0 |
newtype MVector s Float | |
Defined in Data.Vector.Unboxed.Base | |
type Rep1 (URec Float :: k -> Type) | |
Defined in GHC.Generics | |
type Rep (URec Float p) | |
Defined in GHC.Generics |
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
Bounded Int | Since: base-2.1 |
Enum Int | Since: base-2.1 |
Eq Int | |
Integral Int | Since: base-2.0.1 |
Data Int | Since: base-4.0.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Int -> c Int # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c Int # dataTypeOf :: Int -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c Int) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c Int) # gmapT :: (forall b. Data b => b -> b) -> Int -> Int # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Int -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Int -> r # gmapQ :: (forall d. Data d => d -> u) -> Int -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Int -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Int -> m Int # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Int -> m Int # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Int -> m Int # | |
Num Int | Since: base-2.1 |
Ord Int | |
Read Int | Since: base-2.1 |
Real Int | Since: base-2.0.1 |
Defined in GHC.Real Methods toRational :: Int -> Rational # | |
Show Int | Since: base-2.1 |
Lift Int | |
Storable Int | Since: base-2.1 |
Defined in Foreign.Storable | |
Bits Int | Since: base-2.1 |
Defined in Data.Bits | |
FiniteBits Int | Since: base-4.6.0.0 |
Defined in Data.Bits Methods finiteBitSize :: Int -> Int # countLeadingZeros :: Int -> Int # countTrailingZeros :: Int -> Int # | |
NFData Int | |
Defined in Control.DeepSeq | |
Hashable Int | |
Defined in Data.Hashable.Class | |
Unbox Int | |
Defined in Data.Vector.Unboxed.Base | |
Default Int | |
Defined in Data.Default.Class | |
PrimType Int | |
Defined in Basement.PrimType Methods primSizeInBytes :: Proxy Int -> CountOf Word8 primShiftToBytes :: Proxy Int -> Int primBaUIndex :: ByteArray# -> Offset Int -> Int primMbaURead :: PrimMonad prim => MutableByteArray# (PrimState prim) -> Offset Int -> prim Int primMbaUWrite :: PrimMonad prim => MutableByteArray# (PrimState prim) -> Offset Int -> Int -> prim () primAddrIndex :: Addr# -> Offset Int -> Int primAddrRead :: PrimMonad prim => Addr# -> Offset Int -> prim Int primAddrWrite :: PrimMonad prim => Addr# -> Offset Int -> Int -> prim () | |
PrimMemoryComparable Int | |
Defined in Basement.PrimType | |
Subtractive Int | |
ByteSource Int | |
Defined in Data.UUID.Types.Internal.Builder | |
Vector Vector Int | |
Defined in Data.Vector.Unboxed.Base Methods basicUnsafeFreeze :: PrimMonad m => Mutable Vector (PrimState m) Int -> m (Vector Int) basicUnsafeThaw :: PrimMonad m => Vector Int -> m (Mutable Vector (PrimState m) Int) basicLength :: Vector Int -> Int basicUnsafeSlice :: Int -> Int -> Vector Int -> Vector Int basicUnsafeIndexM :: Monad m => Vector Int -> Int -> m Int basicUnsafeCopy :: PrimMonad m => Mutable Vector (PrimState m) Int -> Vector Int -> m () | |
MVector MVector Int | |
Defined in Data.Vector.Unboxed.Base Methods basicLength :: MVector s Int -> Int basicUnsafeSlice :: Int -> Int -> MVector s Int -> MVector s Int basicOverlaps :: MVector s Int -> MVector s Int -> Bool basicUnsafeNew :: PrimMonad m => Int -> m (MVector (PrimState m) Int) basicInitialize :: PrimMonad m => MVector (PrimState m) Int -> m () basicUnsafeReplicate :: PrimMonad m => Int -> Int -> m (MVector (PrimState m) Int) basicUnsafeRead :: PrimMonad m => MVector (PrimState m) Int -> Int -> m Int basicUnsafeWrite :: PrimMonad m => MVector (PrimState m) Int -> Int -> Int -> m () basicClear :: PrimMonad m => MVector (PrimState m) Int -> m () basicSet :: PrimMonad m => MVector (PrimState m) Int -> Int -> m () basicUnsafeCopy :: PrimMonad m => MVector (PrimState m) Int -> MVector (PrimState m) Int -> m () basicUnsafeMove :: PrimMonad m => MVector (PrimState m) Int -> MVector (PrimState m) Int -> m () basicUnsafeGrow :: PrimMonad m => MVector (PrimState m) Int -> Int -> m (MVector (PrimState m) Int) | |
() :=> (Bounded Int) | |
Defined in Data.Constraint | |
() :=> (Enum Int) | |
Defined in Data.Constraint | |
() :=> (Eq Int) | |
Defined in Data.Constraint | |
() :=> (Integral Int) | |
Defined in Data.Constraint | |
() :=> (Num Int) | |
Defined in Data.Constraint | |
() :=> (Ord Int) | |
Defined in Data.Constraint | |
() :=> (Read Int) | |
Defined in Data.Constraint | |
() :=> (Real Int) | |
Defined in Data.Constraint | |
() :=> (Show Int) | |
Defined in Data.Constraint | |
() :=> (Bits Int) | |
Defined in Data.Constraint | |
Generic1 (URec Int :: k -> Type) | Since: base-4.9.0.0 |
Reifies Z Int | |
Defined in Data.Reflection | |
Reifies n Int => Reifies (D n :: Type) Int | |
Defined in Data.Reflection | |
Reifies n Int => Reifies (PD n :: Type) Int | |
Defined in Data.Reflection | |
Reifies n Int => Reifies (SD n :: Type) Int | |
Defined in Data.Reflection | |
Functor (URec Int :: Type -> Type) | Since: base-4.9.0.0 |
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 # 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 # | |
Traversable (URec Int :: Type -> Type) | Since: base-4.9.0.0 |
Eq (URec Int p) | Since: base-4.9.0.0 |
Ord (URec Int p) | Since: base-4.9.0.0 |
Show (URec Int p) | Since: base-4.9.0.0 |
Generic (URec Int p) | Since: base-4.9.0.0 |
newtype Vector Int | |
Defined in Data.Vector.Unboxed.Base | |
type NatNumMaxBound Int | |
Defined in Basement.Nat | |
type Difference Int | |
Defined in Basement.Numerical.Subtractive | |
type PrimSize Int | |
Defined in Basement.PrimType type PrimSize Int = 8 | |
data URec Int (p :: k) | Used for marking occurrences of Since: base-4.9.0.0 |
newtype MVector s Int | |
Defined in Data.Vector.Unboxed.Base | |
type ByteSink Int g | |
Defined in Data.UUID.Types.Internal.Builder type ByteSink Int g = Takes4Bytes g | |
type Rep1 (URec Int :: k -> Type) | |
Defined in GHC.Generics | |
type Rep (URec Int p) | |
Defined in GHC.Generics |
8-bit signed integer type
Instances
Bounded Int8 | Since: base-2.1 |
Enum Int8 | Since: base-2.1 |
Eq Int8 | Since: base-2.1 |
Integral Int8 | Since: base-2.1 |
Data Int8 | Since: base-4.0.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Int8 -> c Int8 # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c Int8 # dataTypeOf :: Int8 -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c Int8) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c Int8) # gmapT :: (forall b. Data b => b -> b) -> Int8 -> Int8 # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Int8 -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Int8 -> r # gmapQ :: (forall d. Data d => d -> u) -> Int8 -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Int8 -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Int8 -> m Int8 # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Int8 -> m Int8 # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Int8 -> m Int8 # | |
Num Int8 | Since: base-2.1 |
Ord Int8 | Since: base-2.1 |
Read Int8 | Since: base-2.1 |
Real Int8 | Since: base-2.1 |
Defined in GHC.Int Methods toRational :: Int8 -> Rational # | |
Show Int8 | Since: base-2.1 |
Ix Int8 | Since: base-2.1 |
Lift Int8 | |
Storable Int8 | Since: base-2.1 |
Defined in Foreign.Storable | |
Bits Int8 | Since: base-2.1 |
Defined in GHC.Int Methods (.&.) :: Int8 -> Int8 -> Int8 # (.|.) :: Int8 -> Int8 -> Int8 # complement :: Int8 -> Int8 # shift :: Int8 -> Int -> Int8 # rotate :: Int8 -> Int -> Int8 # setBit :: Int8 -> Int -> Int8 # clearBit :: Int8 -> Int -> Int8 # complementBit :: Int8 -> Int -> Int8 # testBit :: Int8 -> Int -> Bool # bitSizeMaybe :: Int8 -> Maybe Int # shiftL :: Int8 -> Int -> Int8 # unsafeShiftL :: Int8 -> Int -> Int8 # shiftR :: Int8 -> Int -> Int8 # unsafeShiftR :: Int8 -> Int -> Int8 # rotateL :: Int8 -> Int -> Int8 # | |
FiniteBits Int8 | Since: base-4.6.0.0 |
Defined in GHC.Int Methods finiteBitSize :: Int8 -> Int # countLeadingZeros :: Int8 -> Int # countTrailingZeros :: Int8 -> Int # | |
NFData Int8 | |
Defined in Control.DeepSeq | |
Hashable Int8 | |
Defined in Data.Hashable.Class | |
Unbox Int8 | |
Defined in Data.Vector.Unboxed.Base | |
Default Int8 | |
Defined in Data.Default.Class | |
PrimType Int8 | |
Defined in Basement.PrimType Methods primSizeInBytes :: Proxy Int8 -> CountOf Word8 primShiftToBytes :: Proxy Int8 -> Int primBaUIndex :: ByteArray# -> Offset Int8 -> Int8 primMbaURead :: PrimMonad prim => MutableByteArray# (PrimState prim) -> Offset Int8 -> prim Int8 primMbaUWrite :: PrimMonad prim => MutableByteArray# (PrimState prim) -> Offset Int8 -> Int8 -> prim () primAddrIndex :: Addr# -> Offset Int8 -> Int8 primAddrRead :: PrimMonad prim => Addr# -> Offset Int8 -> prim Int8 primAddrWrite :: PrimMonad prim => Addr# -> Offset Int8 -> Int8 -> prim () | |
PrimMemoryComparable Int8 | |
Defined in Basement.PrimType | |
Subtractive Int8 | |
Vector Vector Int8 | |
Defined in Data.Vector.Unboxed.Base Methods basicUnsafeFreeze :: PrimMonad m => Mutable Vector (PrimState m) Int8 -> m (Vector Int8) basicUnsafeThaw :: PrimMonad m => Vector Int8 -> m (Mutable Vector (PrimState m) Int8) basicLength :: Vector Int8 -> Int basicUnsafeSlice :: Int -> Int -> Vector Int8 -> Vector Int8 basicUnsafeIndexM :: Monad m => Vector Int8 -> Int -> m Int8 basicUnsafeCopy :: PrimMonad m => Mutable Vector (PrimState m) Int8 -> Vector Int8 -> m () | |
MVector MVector Int8 | |
Defined in Data.Vector.Unboxed.Base Methods basicLength :: MVector s Int8 -> Int basicUnsafeSlice :: Int -> Int -> MVector s Int8 -> MVector s Int8 basicOverlaps :: MVector s Int8 -> MVector s Int8 -> Bool basicUnsafeNew :: PrimMonad m => Int -> m (MVector (PrimState m) Int8) basicInitialize :: PrimMonad m => MVector (PrimState m) Int8 -> m () basicUnsafeReplicate :: PrimMonad m => Int -> Int8 -> m (MVector (PrimState m) Int8) basicUnsafeRead :: PrimMonad m => MVector (PrimState m) Int8 -> Int -> m Int8 basicUnsafeWrite :: PrimMonad m => MVector (PrimState m) Int8 -> Int -> Int8 -> m () basicClear :: PrimMonad m => MVector (PrimState m) Int8 -> m () basicSet :: PrimMonad m => MVector (PrimState m) Int8 -> Int8 -> m () basicUnsafeCopy :: PrimMonad m => MVector (PrimState m) Int8 -> MVector (PrimState m) Int8 -> m () basicUnsafeMove :: PrimMonad m => MVector (PrimState m) Int8 -> MVector (PrimState m) Int8 -> m () basicUnsafeGrow :: PrimMonad m => MVector (PrimState m) Int8 -> Int -> m (MVector (PrimState m) Int8) | |
newtype Vector Int8 | |
Defined in Data.Vector.Unboxed.Base | |
type NatNumMaxBound Int8 | |
Defined in Basement.Nat type NatNumMaxBound Int8 = 127 | |
type Difference Int8 | |
Defined in Basement.Numerical.Subtractive | |
type PrimSize Int8 | |
Defined in Basement.PrimType type PrimSize Int8 = 1 | |
newtype MVector s Int8 | |
Defined in Data.Vector.Unboxed.Base |
16-bit signed integer type
Instances
Bounded Int16 | Since: base-2.1 |
Enum Int16 | Since: base-2.1 |
Eq Int16 | Since: base-2.1 |
Integral Int16 | Since: base-2.1 |
Data Int16 | Since: base-4.0.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Int16 -> c Int16 # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c Int16 # dataTypeOf :: Int16 -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c Int16) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c Int16) # gmapT :: (forall b. Data b => b -> b) -> Int16 -> Int16 # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Int16 -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Int16 -> r # gmapQ :: (forall d. Data d => d -> u) -> Int16 -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Int16 -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Int16 -> m Int16 # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Int16 -> m Int16 # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Int16 -> m Int16 # | |
Num Int16 | Since: base-2.1 |
Ord Int16 | Since: base-2.1 |
Read Int16 | Since: base-2.1 |
Real Int16 | Since: base-2.1 |
Defined in GHC.Int Methods toRational :: Int16 -> Rational # | |
Show Int16 | Since: base-2.1 |
Ix Int16 | Since: base-2.1 |
Lift Int16 | |
Storable Int16 | Since: base-2.1 |
Bits Int16 | Since: base-2.1 |
Defined in GHC.Int Methods (.&.) :: Int16 -> Int16 -> Int16 # (.|.) :: Int16 -> Int16 -> Int16 # xor :: Int16 -> Int16 -> Int16 # complement :: Int16 -> Int16 # shift :: Int16 -> Int -> Int16 # rotate :: Int16 -> Int -> Int16 # setBit :: Int16 -> Int -> Int16 # clearBit :: Int16 -> Int -> Int16 # complementBit :: Int16 -> Int -> Int16 # testBit :: Int16 -> Int -> Bool # bitSizeMaybe :: Int16 -> Maybe Int # shiftL :: Int16 -> Int -> Int16 # unsafeShiftL :: Int16 -> Int -> Int16 # shiftR :: Int16 -> Int -> Int16 # unsafeShiftR :: Int16 -> Int -> Int16 # rotateL :: Int16 -> Int -> Int16 # | |
FiniteBits Int16 | Since: base-4.6.0.0 |
Defined in GHC.Int Methods finiteBitSize :: Int16 -> Int # countLeadingZeros :: Int16 -> Int # countTrailingZeros :: Int16 -> Int # | |
NFData Int16 | |
Defined in Control.DeepSeq | |
Hashable Int16 | |
Defined in Data.Hashable.Class | |
Unbox Int16 | |
Defined in Data.Vector.Unboxed.Base | |
Default Int16 | |
Defined in Data.Default.Class | |
PrimType Int16 | |
Defined in Basement.PrimType Methods primSizeInBytes :: Proxy Int16 -> CountOf Word8 primShiftToBytes :: Proxy Int16 -> Int primBaUIndex :: ByteArray# -> Offset Int16 -> Int16 primMbaURead :: PrimMonad prim => MutableByteArray# (PrimState prim) -> Offset Int16 -> prim Int16 primMbaUWrite :: PrimMonad prim => MutableByteArray# (PrimState prim) -> Offset Int16 -> Int16 -> prim () primAddrIndex :: Addr# -> Offset Int16 -> Int16 primAddrRead :: PrimMonad prim => Addr# -> Offset Int16 -> prim Int16 primAddrWrite :: PrimMonad prim => Addr# -> Offset Int16 -> Int16 -> prim () | |
PrimMemoryComparable Int16 | |
Defined in Basement.PrimType | |
Subtractive Int16 | |
Vector Vector Int16 | |
Defined in Data.Vector.Unboxed.Base Methods basicUnsafeFreeze :: PrimMonad m => Mutable Vector (PrimState m) Int16 -> m (Vector Int16) basicUnsafeThaw :: PrimMonad m => Vector Int16 -> m (Mutable Vector (PrimState m) Int16) basicLength :: Vector Int16 -> Int basicUnsafeSlice :: Int -> Int -> Vector Int16 -> Vector Int16 basicUnsafeIndexM :: Monad m => Vector Int16 -> Int -> m Int16 basicUnsafeCopy :: PrimMonad m => Mutable Vector (PrimState m) Int16 -> Vector Int16 -> m () | |
MVector MVector Int16 | |
Defined in Data.Vector.Unboxed.Base Methods basicLength :: MVector s Int16 -> Int basicUnsafeSlice :: Int -> Int -> MVector s Int16 -> MVector s Int16 basicOverlaps :: MVector s Int16 -> MVector s Int16 -> Bool basicUnsafeNew :: PrimMonad m => Int -> m (MVector (PrimState m) Int16) basicInitialize :: PrimMonad m => MVector (PrimState m) Int16 -> m () basicUnsafeReplicate :: PrimMonad m => Int -> Int16 -> m (MVector (PrimState m) Int16) basicUnsafeRead :: PrimMonad m => MVector (PrimState m) Int16 -> Int -> m Int16 basicUnsafeWrite :: PrimMonad m => MVector (PrimState m) Int16 -> Int -> Int16 -> m () basicClear :: PrimMonad m => MVector (PrimState m) Int16 -> m () basicSet :: PrimMonad m => MVector (PrimState m) Int16 -> Int16 -> m () basicUnsafeCopy :: PrimMonad m => MVector (PrimState m) Int16 -> MVector (PrimState m) Int16 -> m () basicUnsafeMove :: PrimMonad m => MVector (PrimState m) Int16 -> MVector (PrimState m) Int16 -> m () basicUnsafeGrow :: PrimMonad m => MVector (PrimState m) Int16 -> Int -> m (MVector (PrimState m) Int16) | |
newtype Vector Int16 | |
Defined in Data.Vector.Unboxed.Base | |
type NatNumMaxBound Int16 | |
Defined in Basement.Nat type NatNumMaxBound Int16 = 32767 | |
type Difference Int16 | |
Defined in Basement.Numerical.Subtractive | |
type PrimSize Int16 | |
Defined in Basement.PrimType type PrimSize Int16 = 2 | |
newtype MVector s Int16 | |
Defined in Data.Vector.Unboxed.Base |
32-bit signed integer type
Instances
Bounded Int32 | Since: base-2.1 |
Enum Int32 | Since: base-2.1 |
Eq Int32 | Since: base-2.1 |
Integral Int32 | Since: base-2.1 |
Data Int32 | Since: base-4.0.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Int32 -> c Int32 # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c Int32 # dataTypeOf :: Int32 -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c Int32) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c Int32) # gmapT :: (forall b. Data b => b -> b) -> Int32 -> Int32 # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Int32 -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Int32 -> r # gmapQ :: (forall d. Data d => d -> u) -> Int32 -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Int32 -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Int32 -> m Int32 # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Int32 -> m Int32 # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Int32 -> m Int32 # | |
Num Int32 | Since: base-2.1 |
Ord Int32 | Since: base-2.1 |
Read Int32 | Since: base-2.1 |
Real Int32 | Since: base-2.1 |
Defined in GHC.Int Methods toRational :: Int32 -> Rational # | |
Show Int32 | Since: base-2.1 |
Ix Int32 | Since: base-2.1 |
Lift Int32 | |
Storable Int32 | Since: base-2.1 |
Bits Int32 | Since: base-2.1 |
Defined in GHC.Int Methods (.&.) :: Int32 -> Int32 -> Int32 # (.|.) :: Int32 -> Int32 -> Int32 # xor :: Int32 -> Int32 -> Int32 # complement :: Int32 -> Int32 # shift :: Int32 -> Int -> Int32 # rotate :: Int32 -> Int -> Int32 # setBit :: Int32 -> Int -> Int32 # clearBit :: Int32 -> Int -> Int32 # complementBit :: Int32 -> Int -> Int32 # testBit :: Int32 -> Int -> Bool # bitSizeMaybe :: Int32 -> Maybe Int # shiftL :: Int32 -> Int -> Int32 # unsafeShiftL :: Int32 -> Int -> Int32 # shiftR :: Int32 -> Int -> Int32 # unsafeShiftR :: Int32 -> Int -> Int32 # rotateL :: Int32 -> Int -> Int32 # | |
FiniteBits Int32 | Since: base-4.6.0.0 |
Defined in GHC.Int Methods finiteBitSize :: Int32 -> Int # countLeadingZeros :: Int32 -> Int # countTrailingZeros :: Int32 -> Int # | |
NFData Int32 | |
Defined in Control.DeepSeq | |
Hashable Int32 | |
Defined in Data.Hashable.Class | |
Unbox Int32 | |
Defined in Data.Vector.Unboxed.Base | |
Default Int32 | |
Defined in Data.Default.Class | |
PrimType Int32 | |
Defined in Basement.PrimType Methods primSizeInBytes :: Proxy Int32 -> CountOf Word8 primShiftToBytes :: Proxy Int32 -> Int primBaUIndex :: ByteArray# -> Offset Int32 -> Int32 primMbaURead :: PrimMonad prim => MutableByteArray# (PrimState prim) -> Offset Int32 -> prim Int32 primMbaUWrite :: PrimMonad prim => MutableByteArray# (PrimState prim) -> Offset Int32 -> Int32 -> prim () primAddrIndex :: Addr# -> Offset Int32 -> Int32 primAddrRead :: PrimMonad prim => Addr# -> Offset Int32 -> prim Int32 primAddrWrite :: PrimMonad prim => Addr# -> Offset Int32 -> Int32 -> prim () | |
PrimMemoryComparable Int32 | |
Defined in Basement.PrimType | |
Subtractive Int32 | |
Vector Vector Int32 | |
Defined in Data.Vector.Unboxed.Base Methods basicUnsafeFreeze :: PrimMonad m => Mutable Vector (PrimState m) Int32 -> m (Vector Int32) basicUnsafeThaw :: PrimMonad m => Vector Int32 -> m (Mutable Vector (PrimState m) Int32) basicLength :: Vector Int32 -> Int basicUnsafeSlice :: Int -> Int -> Vector Int32 -> Vector Int32 basicUnsafeIndexM :: Monad m => Vector Int32 -> Int -> m Int32 basicUnsafeCopy :: PrimMonad m => Mutable Vector (PrimState m) Int32 -> Vector Int32 -> m () | |
MVector MVector Int32 | |
Defined in Data.Vector.Unboxed.Base Methods basicLength :: MVector s Int32 -> Int basicUnsafeSlice :: Int -> Int -> MVector s Int32 -> MVector s Int32 basicOverlaps :: MVector s Int32 -> MVector s Int32 -> Bool basicUnsafeNew :: PrimMonad m => Int -> m (MVector (PrimState m) Int32) basicInitialize :: PrimMonad m => MVector (PrimState m) Int32 -> m () basicUnsafeReplicate :: PrimMonad m => Int -> Int32 -> m (MVector (PrimState m) Int32) basicUnsafeRead :: PrimMonad m => MVector (PrimState m) Int32 -> Int -> m Int32 basicUnsafeWrite :: PrimMonad m => MVector (PrimState m) Int32 -> Int -> Int32 -> m () basicClear :: PrimMonad m => MVector (PrimState m) Int32 -> m () basicSet :: PrimMonad m => MVector (PrimState m) Int32 -> Int32 -> m () basicUnsafeCopy :: PrimMonad m => MVector (PrimState m) Int32 -> MVector (PrimState m) Int32 -> m () basicUnsafeMove :: PrimMonad m => MVector (PrimState m) Int32 -> MVector (PrimState m) Int32 -> m () basicUnsafeGrow :: PrimMonad m => MVector (PrimState m) Int32 -> Int -> m (MVector (PrimState m) Int32) | |
newtype Vector Int32 | |
Defined in Data.Vector.Unboxed.Base | |
type NatNumMaxBound Int32 | |
Defined in Basement.Nat type NatNumMaxBound Int32 = 2147483647 | |
type Difference Int32 | |
Defined in Basement.Numerical.Subtractive | |
type PrimSize Int32 | |
Defined in Basement.PrimType type PrimSize Int32 = 4 | |
newtype MVector s Int32 | |
Defined in Data.Vector.Unboxed.Base |
64-bit signed integer type
Instances
Bounded Int64 | Since: base-2.1 |
Enum Int64 | Since: base-2.1 |
Eq Int64 | Since: base-2.1 |
Integral Int64 | Since: base-2.1 |
Data Int64 | Since: base-4.0.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Int64 -> c Int64 # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c Int64 # dataTypeOf :: Int64 -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c Int64) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c Int64) # gmapT :: (forall b. Data b => b -> b) -> Int64 -> Int64 # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Int64 -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Int64 -> r # gmapQ :: (forall d. Data d => d -> u) -> Int64 -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Int64 -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Int64 -> m Int64 # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Int64 -> m Int64 # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Int64 -> m Int64 # | |
Num Int64 | Since: base-2.1 |
Ord Int64 | Since: base-2.1 |
Read Int64 | Since: base-2.1 |
Real Int64 | Since: base-2.1 |
Defined in GHC.Int Methods toRational :: Int64 -> Rational # | |
Show Int64 | Since: base-2.1 |
Ix Int64 | Since: base-2.1 |
Lift Int64 | |
Storable Int64 | Since: base-2.1 |
Bits Int64 | Since: base-2.1 |
Defined in GHC.Int Methods (.&.) :: Int64 -> Int64 -> Int64 # (.|.) :: Int64 -> Int64 -> Int64 # xor :: Int64 -> Int64 -> Int64 # complement :: Int64 -> Int64 # shift :: Int64 -> Int -> Int64 # rotate :: Int64 -> Int -> Int64 # setBit :: Int64 -> Int -> Int64 # clearBit :: Int64 -> Int -> Int64 # complementBit :: Int64 -> Int -> Int64 # testBit :: Int64 -> Int -> Bool # bitSizeMaybe :: Int64 -> Maybe Int # shiftL :: Int64 -> Int -> Int64 # unsafeShiftL :: Int64 -> Int -> Int64 # shiftR :: Int64 -> Int -> Int64 # unsafeShiftR :: Int64 -> Int -> Int64 # rotateL :: Int64 -> Int -> Int64 # | |
FiniteBits Int64 | Since: base-4.6.0.0 |
Defined in GHC.Int Methods finiteBitSize :: Int64 -> Int # countLeadingZeros :: Int64 -> Int # countTrailingZeros :: Int64 -> Int # | |
NFData Int64 | |
Defined in Control.DeepSeq | |
Hashable Int64 | |
Defined in Data.Hashable.Class | |
Unbox Int64 | |
Defined in Data.Vector.Unboxed.Base | |
Default Int64 | |
Defined in Data.Default.Class | |
PrimType Int64 | |
Defined in Basement.PrimType Methods primSizeInBytes :: Proxy Int64 -> CountOf Word8 primShiftToBytes :: Proxy Int64 -> Int primBaUIndex :: ByteArray# -> Offset Int64 -> Int64 primMbaURead :: PrimMonad prim => MutableByteArray# (PrimState prim) -> Offset Int64 -> prim Int64 primMbaUWrite :: PrimMonad prim => MutableByteArray# (PrimState prim) -> Offset Int64 -> Int64 -> prim () primAddrIndex :: Addr# -> Offset Int64 -> Int64 primAddrRead :: PrimMonad prim => Addr# -> Offset Int64 -> prim Int64 primAddrWrite :: PrimMonad prim => Addr# -> Offset Int64 -> Int64 -> prim () | |
FromJSON TezosInt64 | |
Defined in Morley.Micheline.Json | |
ToJSON TezosInt64 | |
Defined in Morley.Micheline.Json Methods toJSON :: TezosInt64 -> Value toEncoding :: TezosInt64 -> Encoding toJSONList :: [TezosInt64] -> Value toEncodingList :: [TezosInt64] -> Encoding | |
PrimMemoryComparable Int64 | |
Defined in Basement.PrimType | |
Subtractive Int64 | |
Vector Vector Int64 | |
Defined in Data.Vector.Unboxed.Base Methods basicUnsafeFreeze :: PrimMonad m => Mutable Vector (PrimState m) Int64 -> m (Vector Int64) basicUnsafeThaw :: PrimMonad m => Vector Int64 -> m (Mutable Vector (PrimState m) Int64) basicLength :: Vector Int64 -> Int basicUnsafeSlice :: Int -> Int -> Vector Int64 -> Vector Int64 basicUnsafeIndexM :: Monad m => Vector Int64 -> Int -> m Int64 basicUnsafeCopy :: PrimMonad m => Mutable Vector (PrimState m) Int64 -> Vector Int64 -> m () | |
MVector MVector Int64 | |
Defined in Data.Vector.Unboxed.Base Methods basicLength :: MVector s Int64 -> Int basicUnsafeSlice :: Int -> Int -> MVector s Int64 -> MVector s Int64 basicOverlaps :: MVector s Int64 -> MVector s Int64 -> Bool basicUnsafeNew :: PrimMonad m => Int -> m (MVector (PrimState m) Int64) basicInitialize :: PrimMonad m => MVector (PrimState m) Int64 -> m () basicUnsafeReplicate :: PrimMonad m => Int -> Int64 -> m (MVector (PrimState m) Int64) basicUnsafeRead :: PrimMonad m => MVector (PrimState m) Int64 -> Int -> m Int64 basicUnsafeWrite :: PrimMonad m => MVector (PrimState m) Int64 -> Int -> Int64 -> m () basicClear :: PrimMonad m => MVector (PrimState m) Int64 -> m () basicSet :: PrimMonad m => MVector (PrimState m) Int64 -> Int64 -> m () basicUnsafeCopy :: PrimMonad m => MVector (PrimState m) Int64 -> MVector (PrimState m) Int64 -> m () basicUnsafeMove :: PrimMonad m => MVector (PrimState m) Int64 -> MVector (PrimState m) Int64 -> m () basicUnsafeGrow :: PrimMonad m => MVector (PrimState m) Int64 -> Int -> m (MVector (PrimState m) Int64) | |
newtype Vector Int64 | |
Defined in Data.Vector.Unboxed.Base | |
type NatNumMaxBound Int64 | |
Defined in Basement.Nat type NatNumMaxBound Int64 = 9223372036854775807 | |
type Difference Int64 | |
Defined in Basement.Numerical.Subtractive | |
type PrimSize Int64 | |
Defined in Basement.PrimType type PrimSize Int64 = 8 | |
newtype MVector s Int64 | |
Defined in Data.Vector.Unboxed.Base |
Invariant: Jn#
and Jp#
are used iff value doesn't fit in S#
Useful properties resulting from the invariants:
Instances
Type representing arbitrary-precision non-negative integers.
>>>
2^100 :: Natural
1267650600228229401496703205376
Operations whose result would be negative
,throw
(Underflow
:: ArithException
)
>>>
-1 :: Natural
*** Exception: arithmetic underflow
Since: base-4.8.0.0
Instances
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 |
MonadFail Maybe | Since: base-4.9.0.0 |
Defined in Control.Monad.Fail | |
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 # 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 |
Alternative Maybe | Since: base-2.1 |
MonadPlus Maybe | Since: base-2.1 |
NFData1 Maybe | Since: deepseq-1.4.3.0 |
Defined in Control.DeepSeq | |
LorentzFunctor Maybe | |
Defined in Lorentz.Instr | |
KnownNamedFunctor Maybe | |
Defined in Util.Named | |
MonadThrow Maybe | |
Defined in Control.Monad.Catch | |
Hashable1 Maybe | |
Defined in Data.Hashable.Class | |
PMonadFail Maybe | |
Defined in Data.Singletons.Prelude.Monad.Fail Associated Types type Fail arg0 :: m0 a0 | |
SMonadFail Maybe | |
Defined in Data.Singletons.Prelude.Monad.Fail | |
PFunctor Maybe | |
Defined in Data.Singletons.Prelude.Monad.Internal Associated Types type Fmap arg0 arg1 :: f0 b0 type arg0 <$ arg1 :: f0 a0 | |
PMonad Maybe | |
Defined in Data.Singletons.Prelude.Monad.Internal Associated Types type arg0 >>= arg1 :: m0 b0 type arg0 >> arg1 :: m0 b0 type Return arg0 :: m0 a0 | |
PMonadPlus Maybe | |
Defined in Data.Singletons.Prelude.Monad.Internal Associated Types type Mzero :: m0 a0 type Mplus arg0 arg1 :: m0 a0 | |
SFunctor Maybe | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
SMonad Maybe | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
SMonadPlus Maybe | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
PTraversable Maybe | |
Defined in Data.Singletons.Prelude.Traversable Associated Types type Traverse arg0 arg1 :: f0 (t0 b0) type SequenceA arg0 :: f0 (t0 a0) type MapM arg0 arg1 :: m0 (t0 b0) type Sequence arg0 :: m0 (t0 a0) | |
STraversable Maybe | |
Defined in Data.Singletons.Prelude.Traversable Methods sTraverse :: forall a (f :: Type -> Type) b (t1 :: a ~> f b) (t2 :: Maybe a). SApplicative f => Sing t1 -> Sing t2 -> Sing (Apply (Apply TraverseSym0 t1) t2) sSequenceA :: forall (f :: Type -> Type) a (t :: Maybe (f a)). SApplicative f => Sing t -> Sing (Apply SequenceASym0 t) sMapM :: forall a (m :: Type -> Type) b (t1 :: a ~> m b) (t2 :: Maybe a). SMonad m => Sing t1 -> Sing t2 -> Sing (Apply (Apply MapMSym0 t1) t2) sSequence :: forall (m :: Type -> Type) a (t :: Maybe (m a)). SMonad m => Sing t -> Sing (Apply SequenceSym0 t) | |
SApplicative Maybe | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods sPure :: forall a (t :: a). Sing t -> Sing (Apply PureSym0 t) (%<*>) :: forall a b (t1 :: Maybe (a ~> b)) (t2 :: Maybe a). Sing t1 -> Sing t2 -> Sing (Apply (Apply (<*>@#@$) t1) t2) sLiftA2 :: forall a b c (t1 :: a ~> (b ~> c)) (t2 :: Maybe a) (t3 :: Maybe b). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply LiftA2Sym0 t1) t2) t3) (%*>) :: forall a b (t1 :: Maybe a) (t2 :: Maybe b). Sing t1 -> Sing t2 -> Sing (Apply (Apply (*>@#@$) t1) t2) (%<*) :: forall a b (t1 :: Maybe a) (t2 :: Maybe b). Sing t1 -> Sing t2 -> Sing (Apply (Apply (<*@#@$) t1) t2) | |
SFoldable Maybe | |
Defined in Data.Singletons.Prelude.Foldable Methods sFold :: forall m (t :: Maybe m). SMonoid m => Sing t -> Sing (Apply FoldSym0 t) sFoldMap :: forall a m (t1 :: a ~> m) (t2 :: Maybe a). SMonoid m => Sing t1 -> Sing t2 -> Sing (Apply (Apply FoldMapSym0 t1) t2) sFoldr :: forall a b (t1 :: a ~> (b ~> b)) (t2 :: b) (t3 :: Maybe a). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply FoldrSym0 t1) t2) t3) sFoldr' :: forall a b (t1 :: a ~> (b ~> b)) (t2 :: b) (t3 :: Maybe a). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply Foldr'Sym0 t1) t2) t3) sFoldl :: forall b a (t1 :: b ~> (a ~> b)) (t2 :: b) (t3 :: Maybe a). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply FoldlSym0 t1) t2) t3) sFoldl' :: forall b a (t1 :: b ~> (a ~> b)) (t2 :: b) (t3 :: Maybe a). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply Foldl'Sym0 t1) t2) t3) sFoldr1 :: forall a (t1 :: a ~> (a ~> a)) (t2 :: Maybe a). Sing t1 -> Sing t2 -> Sing (Apply (Apply Foldr1Sym0 t1) t2) sFoldl1 :: forall a (t1 :: a ~> (a ~> a)) (t2 :: Maybe a). Sing t1 -> Sing t2 -> Sing (Apply (Apply Foldl1Sym0 t1) t2) sToList :: forall a (t :: Maybe a). Sing t -> Sing (Apply ToListSym0 t) sNull :: forall a (t :: Maybe a). Sing t -> Sing (Apply NullSym0 t) sLength :: forall a (t :: Maybe a). Sing t -> Sing (Apply LengthSym0 t) sElem :: forall a (t1 :: a) (t2 :: Maybe a). SEq a => Sing t1 -> Sing t2 -> Sing (Apply (Apply ElemSym0 t1) t2) sMaximum :: forall a (t :: Maybe a). SOrd a => Sing t -> Sing (Apply MaximumSym0 t) sMinimum :: forall a (t :: Maybe a). SOrd a => Sing t -> Sing (Apply MinimumSym0 t) sSum :: forall a (t :: Maybe a). SNum a => Sing t -> Sing (Apply SumSym0 t) sProduct :: forall a (t :: Maybe a). SNum a => Sing t -> Sing (Apply ProductSym0 t) | |
PAlternative Maybe | |
Defined in Data.Singletons.Prelude.Monad.Internal Associated Types type Empty :: f0 a0 type arg0 <|> arg1 :: f0 a0 | |
PApplicative Maybe | |
Defined in Data.Singletons.Prelude.Monad.Internal Associated Types type Pure arg0 :: f0 a0 type arg0 <*> arg1 :: f0 b0 type LiftA2 arg0 arg1 arg2 :: f0 c0 type arg0 *> arg1 :: f0 b0 type arg0 <* arg1 :: f0 a0 | |
SAlternative Maybe | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
PFoldable Maybe | |
Defined in Data.Singletons.Prelude.Foldable Associated Types type Fold arg0 :: m0 type FoldMap arg0 arg1 :: m0 type Foldr arg0 arg1 arg2 :: b0 type Foldr' arg0 arg1 arg2 :: b0 type Foldl arg0 arg1 arg2 :: b0 type Foldl' arg0 arg1 arg2 :: b0 type Foldr1 arg0 arg1 :: a0 type Foldl1 arg0 arg1 :: a0 type ToList arg0 :: [a0] type Null arg0 :: Bool type Length arg0 :: Nat type Elem arg0 arg1 :: Bool type Maximum arg0 :: a0 type Minimum arg0 :: a0 type Sum arg0 :: a0 type Product arg0 :: a0 | |
InjValue Maybe | |
Defined in Named.Internal | |
MonadFailure Maybe | |
Defined in Basement.Monad Associated Types type Failure Maybe | |
MonadError () Maybe | Since: mtl-2.2.2 |
Defined in Control.Monad.Error.Class | |
() :=> (Functor Maybe) | |
Defined in Data.Constraint | |
() :=> (Applicative Maybe) | |
Defined in Data.Constraint Methods ins :: () :- Applicative Maybe | |
() :=> (Alternative Maybe) | |
Defined in Data.Constraint Methods ins :: () :- Alternative Maybe | |
() :=> (MonadPlus Maybe) | |
Defined in Data.Constraint | |
Eq a => Eq (Maybe a) | Since: base-2.1 |
Data a => Data (Maybe a) | Since: base-4.0.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Maybe a -> c (Maybe a) # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c (Maybe a) # toConstr :: Maybe a -> Constr # dataTypeOf :: Maybe a -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c (Maybe a)) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c (Maybe a)) # gmapT :: (forall b. Data b => b -> b) -> Maybe a -> Maybe a # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Maybe a -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Maybe a -> r # gmapQ :: (forall d. Data d => d -> u) -> Maybe a -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Maybe a -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Maybe a -> m (Maybe a) # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Maybe a -> m (Maybe a) # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Maybe a -> m (Maybe a) # | |
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) | Since: base-4.6.0.0 |
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) | |
SingKind a => SingKind (Maybe a) | Since: base-4.9.0.0 |
Defined in GHC.Generics Associated Types type DemoteRep (Maybe a) | |
NFData a => NFData (Maybe a) | |
Defined in Control.DeepSeq | |
HasAnnotation a => HasAnnotation (Maybe a) | |
Defined in Lorentz.Annotation Methods getAnnotation :: FollowEntrypointFlag -> Notes (ToT (Maybe a)) # | |
IsoValue a => IsoValue (Maybe a) | |
PolyTypeHasDocC '[a] => TypeHasDoc (Maybe a) | |
Defined in Michelson.Typed.Haskell.Doc Associated Types type TypeDocFieldDescriptions (Maybe a) :: FieldDescriptions # Methods typeDocName :: Proxy (Maybe a) -> Text # typeDocMdDescription :: Markdown # typeDocMdReference :: Proxy (Maybe a) -> WithinParens -> Markdown # typeDocDependencies :: Proxy (Maybe a) -> [SomeDocDefinitionItem] # typeDocHaskellRep :: TypeDocHaskellRep (Maybe a) # | |
Hashable a => Hashable (Maybe a) | |
Defined in Data.Hashable.Class | |
(TypeError (DisallowInstance "Maybe") :: Constraint) => Container (Maybe a) | |
Defined in Universum.Container.Class Methods toList :: Maybe a -> [Element (Maybe a)] # foldr :: (Element (Maybe a) -> b -> b) -> b -> Maybe a -> b # foldl :: (b -> Element (Maybe a) -> b) -> b -> Maybe a -> b # foldl' :: (b -> Element (Maybe a) -> b) -> b -> Maybe a -> b # elem :: Element (Maybe a) -> Maybe a -> Bool # maximum :: Maybe a -> Element (Maybe a) # minimum :: Maybe a -> Element (Maybe a) # foldMap :: Monoid m => (Element (Maybe a) -> m) -> Maybe a -> m # fold :: Maybe a -> Element (Maybe a) # foldr' :: (Element (Maybe a) -> b -> b) -> b -> Maybe a -> b # foldr1 :: (Element (Maybe a) -> Element (Maybe a) -> Element (Maybe a)) -> Maybe a -> Element (Maybe a) # foldl1 :: (Element (Maybe a) -> Element (Maybe a) -> Element (Maybe a)) -> Maybe a -> Element (Maybe a) # notElem :: Element (Maybe a) -> Maybe a -> Bool # all :: (Element (Maybe a) -> Bool) -> Maybe a -> Bool # any :: (Element (Maybe a) -> Bool) -> Maybe a -> Bool # find :: (Element (Maybe a) -> Bool) -> Maybe a -> Maybe (Element (Maybe a)) # | |
Default (Maybe a) | |
Defined in Data.Default.Class | |
SSemigroup a => SMonoid (Maybe a) | |
SEq a => SEq (Maybe a) | |
SSemigroup a => SSemigroup (Maybe a) | |
SOrd a => SOrd (Maybe a) | |
Defined in Data.Singletons.Prelude.Ord Methods sCompare :: forall (t1 :: Maybe a) (t2 :: Maybe a). Sing t1 -> Sing t2 -> Sing (Apply (Apply CompareSym0 t1) t2) (%<) :: forall (t1 :: Maybe a) (t2 :: Maybe a). Sing t1 -> Sing t2 -> Sing (Apply (Apply (<@#@$) t1) t2) (%<=) :: forall (t1 :: Maybe a) (t2 :: Maybe a). Sing t1 -> Sing t2 -> Sing (Apply (Apply (<=@#@$) t1) t2) (%>) :: forall (t1 :: Maybe a) (t2 :: Maybe a). Sing t1 -> Sing t2 -> Sing (Apply (Apply (>@#@$) t1) t2) (%>=) :: forall (t1 :: Maybe a) (t2 :: Maybe a). Sing t1 -> Sing t2 -> Sing (Apply (Apply (>=@#@$) t1) t2) sMax :: forall (t1 :: Maybe a) (t2 :: Maybe a). Sing t1 -> Sing t2 -> Sing (Apply (Apply MaxSym0 t1) t2) sMin :: forall (t1 :: Maybe a) (t2 :: Maybe a). Sing t1 -> Sing t2 -> Sing (Apply (Apply MinSym0 t1) t2) | |
PSemigroup (Maybe a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Associated Types type arg0 <> arg1 :: a0 type Sconcat arg0 :: a0 | |
PEq (Maybe a) | |
Defined in Data.Singletons.Prelude.Eq | |
PMonoid (Maybe a) | |
Defined in Data.Singletons.Prelude.Monoid Associated Types type Mempty :: a0 type Mappend arg0 arg1 :: a0 type Mconcat arg0 :: a0 | |
POrd (Maybe a) | |
PShow (Maybe a) | |
Defined in Data.Singletons.Prelude.Show | |
SShow a => SShow (Maybe a) | |
Defined in Data.Singletons.Prelude.Show Methods sShowsPrec :: forall (t1 :: Nat) (t2 :: Maybe a) (t3 :: Symbol). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply ShowsPrecSym0 t1) t2) t3) sShow_ :: forall (t :: Maybe a). Sing t -> Sing (Apply Show_Sym0 t) sShowList :: forall (t1 :: [Maybe a]) (t2 :: Symbol). Sing t1 -> Sing t2 -> Sing (Apply (Apply ShowListSym0 t1) t2) | |
At (Maybe a) | |
Ixed (Maybe a) | |
Defined in Control.Lens.At | |
Generic1 Maybe | Since: base-4.6.0.0 |
IsoHKD Maybe (a :: Type) | |
SingI ('Nothing :: Maybe a) | Since: base-4.9.0.0 |
Defined in GHC.Generics | |
SDecide a => TestCoercion (SMaybe :: Maybe a -> Type) | |
Defined in Data.Singletons.Prelude.Instances Methods testCoercion :: forall (a0 :: k) (b :: k). SMaybe a0 -> SMaybe b -> Maybe (Coercion a0 b) # | |
SDecide a => TestEquality (SMaybe :: Maybe a -> Type) | |
Defined in Data.Singletons.Prelude.Instances Methods testEquality :: forall (a0 :: k) (b :: k). SMaybe a0 -> SMaybe b -> Maybe (a0 :~: b) # | |
(Eq a) :=> (Eq (Maybe a)) | |
Defined in Data.Constraint | |
(Ord a) :=> (Ord (Maybe a)) | |
Defined in Data.Constraint | |
(Read a) :=> (Read (Maybe a)) | |
Defined in Data.Constraint | |
(Show a) :=> (Show (Maybe a)) | |
Defined in Data.Constraint | |
(Semigroup a) :=> (Semigroup (Maybe a)) | |
Defined in Data.Constraint | |
(Monoid a) :=> (Monoid (Maybe a)) | |
Defined in Data.Constraint | |
Each (Maybe a) (Maybe b) a b | |
Defined in Lens.Micro.Internal | |
CanCastTo a b => CanCastTo (Maybe a :: Type) (Maybe b :: Type) | |
SingI a2 => SingI ('Just a2 :: Maybe a1) | Since: base-4.9.0.0 |
Defined in GHC.Generics | |
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 Methods sing :: Sing LastSym0 | |
SingI (FirstSym0 :: TyFun (Maybe a) (First a) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods sing :: Sing FirstSym0 | |
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 Methods sing :: Sing JustSym0 | |
SingI (FindSym0 :: TyFun (a ~> Bool) ([a] ~> Maybe a) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing FindSym0 | |
SingI (FindIndexSym0 :: TyFun (a ~> Bool) ([a] ~> Maybe Nat) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing FindIndexSym0 | |
SuppressUnusedWarnings (CatMaybesSym0 :: TyFun [Maybe a6989586621679913398] [a6989586621679913398] -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ListToMaybeSym0 :: TyFun [a6989586621679913399] (Maybe a6989586621679913399) -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (StripPrefixSym0 :: TyFun [a6989586621680438535] ([a6989586621680438535] ~> Maybe [a6989586621680438535]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680024604Sym0 :: TyFun (Maybe a6989586621679962888) (Maybe a6989586621679962888 ~> Maybe a6989586621679962888) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (MaybeToListSym0 :: TyFun (Maybe a6989586621679913400) [a6989586621679913400] -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (IsNothingSym0 :: TyFun (Maybe a6989586621679913403) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (IsJustSym0 :: TyFun (Maybe a6989586621679913404) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FromJustSym0 :: TyFun (Maybe a6989586621679913402) a6989586621679913402 -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (MinInternalSym0 :: TyFun (Maybe a6989586621680733530) (MinInternal a6989586621680733530) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (MaxInternalSym0 :: TyFun (Maybe a6989586621680732856) (MaxInternal a6989586621680732856) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803211Sym0 :: TyFun (Maybe a3530822107858468865) (Maybe a3530822107858468865 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (OptionSym0 :: TyFun (Maybe a6989586621679060067) (Option a6989586621679060067) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (LastSym0 :: TyFun (Maybe a6989586621679087421) (Last a6989586621679087421) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FirstSym0 :: TyFun (Maybe a6989586621679087428) (First a6989586621679087428) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ShowsPrec_6989586621680595739Sym0 :: TyFun Nat (Maybe a3530822107858468865 ~> (Symbol ~> Symbol)) -> Type) | |
Defined in Data.Singletons.Prelude.Show Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Pure_6989586621680024319Sym0 :: TyFun a6989586621679962812 (Maybe a6989586621679962812) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680024612LSym0 :: TyFun k1 (Maybe k1) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FromMaybeSym0 :: TyFun a6989586621679913401 (Maybe a6989586621679913401 ~> a6989586621679913401) -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ElemIndexSym0 :: TyFun a6989586621680316353 ([a6989586621680316353] ~> Maybe Nat) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (JustSym0 :: TyFun a3530822107858468865 (Maybe a3530822107858468865) -> Type) | |
Defined in Data.Singletons.Prelude.Instances Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (GetOptionSym0 :: TyFun (Option a6989586621679060067) (Maybe a6989586621679060067) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (GetFirstSym0 :: TyFun (First a6989586621679087428) (Maybe a6989586621679087428) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (GetLastSym0 :: TyFun (Last a6989586621679087421) (Maybe a6989586621679087421) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FindSym0 :: TyFun (a6989586621680316354 ~> Bool) ([a6989586621680316354] ~> Maybe a6989586621680316354) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FindIndexSym0 :: TyFun (a6989586621680316351 ~> Bool) ([a6989586621680316351] ~> Maybe Nat) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SingI d => SingI (FindSym1 d :: TyFun [a] (Maybe a) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing (FindSym1 d) | |
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) | |
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 | |
SAlternative f => SingI (OptionalSym0 :: TyFun (f a) (f (Maybe a)) -> Type) | |
Defined in Data.Singletons.Prelude.Applicative Methods sing :: Sing OptionalSym0 | |
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 Methods sing :: Sing FindSym0 | |
SuppressUnusedWarnings (StripPrefixSym1 a6989586621680440231 :: TyFun [a6989586621680438535] (Maybe [a6989586621680438535]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FindSym1 a6989586621680320902 :: TyFun [a6989586621680316354] (Maybe a6989586621680316354) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FindIndexSym1 a6989586621680320878 :: TyFun [a6989586621680316351] (Maybe Nat) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ElemIndexSym1 a6989586621680320894 :: TyFun [a6989586621680316353] (Maybe Nat) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ShowsPrec_6989586621680595739Sym1 a6989586621680595736 a3530822107858468865 :: TyFun (Maybe a3530822107858468865) (Symbol ~> Symbol) -> Type) | |
Defined in Data.Singletons.Prelude.Show Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680024604Sym1 a6989586621680024602 :: TyFun (Maybe a6989586621679962888) (Maybe a6989586621679962888) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680024514Sym0 :: TyFun (Maybe a6989586621679962838) (Maybe b6989586621679962839 ~> Maybe b6989586621679962839) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680024502Sym0 :: TyFun (Maybe a6989586621679962836) ((a6989586621679962836 ~> Maybe b6989586621679962837) ~> Maybe b6989586621679962837) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680024359Sym0 :: TyFun (Maybe a6989586621679962818) (Maybe b6989586621679962819 ~> Maybe b6989586621679962819) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FromMaybeSym1 a6989586621679913587 :: TyFun (Maybe a6989586621679913401) a6989586621679913401 -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803211Sym1 a6989586621679803209 :: TyFun (Maybe a3530822107858468865) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680024329Sym0 :: TyFun (Maybe (a6989586621679962813 ~> b6989586621679962814)) (Maybe a6989586621679962813 ~> Maybe b6989586621679962814) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680024181Sym0 :: TyFun a6989586621679962809 (Maybe b6989586621679962810 ~> Maybe a6989586621679962809) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Maybe_Sym0 :: TyFun b6989586621679911964 ((a6989586621679911965 ~> b6989586621679911964) ~> (Maybe a6989586621679911965 ~> b6989586621679911964)) -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (LookupSym0 :: TyFun a6989586621680316332 ([(a6989586621680316332, b6989586621680316333)] ~> Maybe b6989586621680316333) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680734317NSym0 :: TyFun k (TyFun k1 (Maybe k1) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680734317MSym0 :: TyFun k1 (TyFun k (Maybe k1) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680734290NSym0 :: TyFun k (TyFun k1 (Maybe k1) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680734290MSym0 :: TyFun k1 (TyFun k (Maybe k1) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (OptionalSym0 :: TyFun (f6989586621681393525 a6989586621681393526) (f6989586621681393525 (Maybe a6989586621681393526)) -> Type) | |
Defined in Data.Singletons.Prelude.Applicative Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Fmap_6989586621680024168Sym0 :: TyFun (a6989586621679962807 ~> b6989586621679962808) (Maybe a6989586621679962807 ~> Maybe b6989586621679962808) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (MapMaybeSym0 :: TyFun (a6989586621679913396 ~> Maybe b6989586621679913397) ([a6989586621679913396] ~> [b6989586621679913397]) -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (UnfoldrSym0 :: TyFun (b6989586621680316410 ~> Maybe (a6989586621680316411, b6989586621680316410)) (b6989586621680316410 ~> [a6989586621680316411]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FindSym0 :: TyFun (a6989586621680742294 ~> Bool) (t6989586621680742293 a6989586621680742294 ~> Maybe a6989586621680742294) -> 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 Methods sing :: Sing (FindSym1 d t) | |
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 (LookupSym1 a6989586621680320556 b6989586621680316333 :: TyFun [(a6989586621680316332, b6989586621680316333)] (Maybe b6989586621680316333) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680024514Sym1 a6989586621680024512 b6989586621679962839 :: TyFun (Maybe b6989586621679962839) (Maybe b6989586621679962839) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680024359Sym1 a6989586621680024357 b6989586621679962819 :: TyFun (Maybe b6989586621679962819) (Maybe b6989586621679962819) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680024329Sym1 a6989586621680024327 :: TyFun (Maybe a6989586621679962813) (Maybe b6989586621679962814) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680024181Sym1 a6989586621680024179 b6989586621679962810 :: TyFun (Maybe b6989586621679962810) (Maybe a6989586621679962809) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Fmap_6989586621680024168Sym1 a6989586621680024166 :: TyFun (Maybe a6989586621679962807) (Maybe b6989586621679962808) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680734317NSym1 x6989586621680734315 :: TyFun k1 (Maybe k1) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680734317MSym1 x6989586621680734315 :: TyFun k (Maybe k1) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680734290NSym1 x6989586621680734288 :: TyFun k1 (Maybe k1) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680734290MSym1 x6989586621680734288 :: TyFun k (Maybe k1) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FindSym1 a6989586621680742747 t6989586621680742293 :: TyFun (t6989586621680742293 a6989586621680742294) (Maybe a6989586621680742294) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Lambda_6989586621680641011Sym0 :: TyFun k (TyFun (k1 ~> Last a) (TyFun k1 (Maybe a) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Lambda_6989586621680640923Sym0 :: TyFun k (TyFun (k1 ~> First a) (TyFun k1 (Maybe a) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Traverse_6989586621680995062Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Maybe a6989586621680988968 ~> f6989586621680988967 (Maybe b6989586621680988969)) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680024502Sym1 a6989586621680024500 b6989586621679962837 :: TyFun (a6989586621679962836 ~> Maybe b6989586621679962837) (Maybe b6989586621679962837) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (LiftA2_6989586621680024343Sym0 :: TyFun (a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (Maybe a6989586621679962815 ~> (Maybe b6989586621679962816 ~> Maybe c6989586621679962817)) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Maybe_Sym1 a6989586621679911982 a6989586621679911965 :: TyFun (a6989586621679911965 ~> b6989586621679911964) (Maybe a6989586621679911965 ~> b6989586621679911964) -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621679913564RsSym0 :: TyFun (a6989586621679913396 ~> Maybe k1) (TyFun k (TyFun [a6989586621679913396] [k1] -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680743228MfSym0 :: 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 (Let6989586621680743203MfSym0 :: TyFun (k2 ~> (k3 ~> k2)) (TyFun k (TyFun k2 (TyFun (Maybe k3) (Maybe k2) -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable 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 (Traverse_6989586621680995062Sym1 a6989586621680995060 :: TyFun (Maybe a6989586621680988968) (f6989586621680988967 (Maybe b6989586621680988969)) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (LiftA2_6989586621680024343Sym1 a6989586621680024340 :: TyFun (Maybe a6989586621679962815) (Maybe b6989586621679962816 ~> Maybe c6989586621679962817) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Maybe_Sym2 a6989586621679911983 a6989586621679911982 :: TyFun (Maybe a6989586621679911965) b6989586621679911964 -> Type) | |
Defined in Data.Singletons.Prelude.Maybe Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680743228MfSym1 f6989586621680743226 :: TyFun k (TyFun (Maybe k2) (TyFun k3 (Maybe k3) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680743203MfSym1 f6989586621680743201 :: TyFun k (TyFun k2 (TyFun (Maybe k3) (Maybe k2) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Lambda_6989586621680641011Sym1 a6989586621680641009 :: TyFun (k1 ~> Last a) (TyFun k1 (Maybe a) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Lambda_6989586621680640923Sym1 a6989586621680640921 :: TyFun (k1 ~> First a) (TyFun k1 (Maybe a) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (LiftA2_6989586621680024343Sym2 a6989586621680024341 a6989586621680024340 :: TyFun (Maybe b6989586621679962816) (Maybe c6989586621679962817) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680743228MfSym2 xs6989586621680743227 f6989586621680743226 :: TyFun (Maybe k2) (TyFun k3 (Maybe k3) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680743203MfSym2 xs6989586621680743202 f6989586621680743201 :: TyFun k2 (TyFun (Maybe k3) (Maybe k2) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Lambda_6989586621680641011Sym2 k6989586621680641010 a6989586621680641009 :: TyFun k1 (Maybe a) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Lambda_6989586621680640923Sym2 k6989586621680640922 a6989586621680640921 :: TyFun k1 (Maybe a) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680743203MfSym3 a6989586621680743204 xs6989586621680743202 f6989586621680743201 :: TyFun (Maybe k3) (Maybe k2) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680743228MfSym3 a6989586621680743229 xs6989586621680743227 f6989586621680743226 :: TyFun k3 (Maybe k3) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
Wrappable (NamedF Maybe a name) | |
Defined in Lorentz.Wrappable Associated Types type Unwrappable (NamedF Maybe a name) # | |
(HasAnnotation (Maybe a), KnownSymbol name) => HasAnnotation (NamedF Maybe a name) | |
Defined in Lorentz.Annotation Methods getAnnotation :: FollowEntrypointFlag -> Notes (ToT (NamedF Maybe a name)) # | |
IsoValue a => IsoValue (NamedF Maybe a name) | |
type Failure Maybe | |
Defined in Basement.Monad type Failure Maybe = () | |
type Mzero | |
Defined in Data.Singletons.Prelude.Monad.Internal type Mzero = Mzero_6989586621679963354Sym0 :: Maybe a0 | |
type Empty | |
Defined in Data.Singletons.Prelude.Monad.Internal type Empty = Empty_6989586621680024600Sym0 :: Maybe a | |
type Fail a2 | |
Defined in Data.Singletons.Prelude.Monad.Fail | |
type Return (arg0 :: a0) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Pure (a :: k1) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Fold (arg0 :: Maybe m0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Length (arg0 :: Maybe a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Maximum (arg0 :: Maybe a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Minimum (arg0 :: Maybe a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Null (arg0 :: Maybe a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Product (arg0 :: Maybe a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Sum (arg0 :: Maybe a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type ToList (arg0 :: Maybe a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Mplus (arg1 :: Maybe a0) (arg2 :: Maybe a0) | |
type Sequence (arg0 :: Maybe (m0 a0)) | |
Defined in Data.Singletons.Prelude.Traversable | |
type (a1 :: Maybe a6989586621679962888) <|> (a2 :: Maybe a6989586621679962888) | |
type Elem (arg1 :: a0) (arg2 :: Maybe a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldl1 (arg1 :: a0 ~> (a0 ~> a0)) (arg2 :: Maybe a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldr1 (arg1 :: a0 ~> (a0 ~> a0)) (arg2 :: Maybe a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type SequenceA (arg0 :: Maybe (f0 a0)) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Fmap (a1 :: a6989586621679962807 ~> b6989586621679962808) (a2 :: Maybe a6989586621679962807) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type (a1 :: Maybe a6989586621679962838) >> (a2 :: Maybe b6989586621679962839) | |
type (a1 :: Maybe a6989586621679962836) >>= (a2 :: a6989586621679962836 ~> Maybe b6989586621679962837) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type (a1 :: Maybe a6989586621679962818) *> (a2 :: Maybe b6989586621679962819) | |
type (arg1 :: Maybe a0) <* (arg2 :: Maybe b0) | |
type (a1 :: Maybe (a6989586621679962813 ~> b6989586621679962814)) <*> (a2 :: Maybe a6989586621679962813) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type (a1 :: k1) <$ (a2 :: Maybe b6989586621679962810) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type FoldMap (a1 :: a6989586621680742388 ~> k2) (a2 :: Maybe a6989586621680742388) | |
Defined in Data.Singletons.Prelude.Foldable | |
type MapM (arg1 :: a0 ~> m0 b0) (arg2 :: Maybe a0) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Foldr (a1 :: a6989586621680742389 ~> (k2 ~> k2)) (a2 :: k2) (a3 :: Maybe a6989586621680742389) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldl (a1 :: k2 ~> (a6989586621680742394 ~> k2)) (a2 :: k2) (a3 :: Maybe a6989586621680742394) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Traverse (a1 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (a2 :: Maybe a6989586621680988968) | |
Defined in Data.Singletons.Prelude.Traversable type Traverse (a1 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (a2 :: Maybe a6989586621680988968) = Apply (Apply (Traverse_6989586621680995062Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Maybe a6989586621680988968 ~> f6989586621680988967 (Maybe b6989586621680988969)) -> Type) a1) a2 | |
type Foldl' (arg1 :: b0 ~> (a0 ~> b0)) (arg2 :: b0) (arg3 :: Maybe a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldr' (arg1 :: a0 ~> (b0 ~> b0)) (arg2 :: b0) (arg3 :: Maybe a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type LiftA2 (a1 :: a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (a2 :: Maybe a6989586621679962815) (a3 :: Maybe b6989586621679962816) | |
Defined in Data.Singletons.Prelude.Monad.Internal type LiftA2 (a1 :: a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (a2 :: Maybe a6989586621679962815) (a3 :: Maybe b6989586621679962816) = Apply (Apply (Apply (LiftA2_6989586621680024343Sym0 :: TyFun (a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (Maybe a6989586621679962815 ~> (Maybe b6989586621679962816 ~> Maybe c6989586621679962817)) -> Type) a1) a2) a3 | |
type Apply (Pure_6989586621680024319Sym0 :: TyFun a (Maybe a) -> Type) (a6989586621680024318 :: a) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (Let6989586621680024612LSym0 :: TyFun k1 (Maybe k1) -> Type) (wild_69895866216800235906989586621680024611 :: k1) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (JustSym0 :: TyFun a (Maybe a) -> Type) (t6989586621679707043 :: a) | |
Defined in Data.Singletons.Prelude.Instances | |
type Apply (Let6989586621680734290NSym1 x6989586621680734288 :: TyFun k1 (Maybe k1) -> Type) (y6989586621680734289 :: k1) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Let6989586621680734290MSym1 x6989586621680734288 :: TyFun k (Maybe k1) -> Type) (y6989586621680734289 :: k) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Let6989586621680734317NSym1 x6989586621680734315 :: TyFun k1 (Maybe k1) -> Type) (y6989586621680734316 :: k1) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Let6989586621680734317MSym1 x6989586621680734315 :: TyFun k (Maybe k1) -> Type) (y6989586621680734316 :: k) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Lambda_6989586621680640923Sym2 k6989586621680640922 a6989586621680640921 :: TyFun k1 (Maybe a) -> Type) (t6989586621680640934 :: k1) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (Lambda_6989586621680641011Sym2 k6989586621680641010 a6989586621680641009 :: TyFun k1 (Maybe a) -> Type) (t6989586621680641022 :: k1) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (Let6989586621680743228MfSym3 a6989586621680743229 xs6989586621680743227 f6989586621680743226 :: TyFun k3 (Maybe k3) -> Type) (a6989586621680743230 :: k3) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (ShowsPrec_6989586621680595739Sym0 :: TyFun Nat (Maybe a3530822107858468865 ~> (Symbol ~> Symbol)) -> Type) (a6989586621680595736 :: Nat) | |
Defined in Data.Singletons.Prelude.Show | |
type Apply (FromMaybeSym0 :: TyFun a6989586621679913401 (Maybe a6989586621679913401 ~> a6989586621679913401) -> Type) (a6989586621679913587 :: a6989586621679913401) | |
Defined in Data.Singletons.Prelude.Maybe | |
type Apply (ElemIndexSym0 :: TyFun a6989586621680316353 ([a6989586621680316353] ~> Maybe Nat) -> Type) (a6989586621680320894 :: a6989586621680316353) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (TFHelper_6989586621680024181Sym0 :: TyFun a6989586621679962809 (Maybe b6989586621679962810 ~> Maybe a6989586621679962809) -> Type) (a6989586621680024179 :: a6989586621679962809) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (TFHelper_6989586621680024181Sym0 :: TyFun a6989586621679962809 (Maybe b6989586621679962810 ~> Maybe a6989586621679962809) -> Type) (a6989586621680024179 :: a6989586621679962809) = TFHelper_6989586621680024181Sym1 a6989586621680024179 b6989586621679962810 :: TyFun (Maybe b6989586621679962810) (Maybe a6989586621679962809) -> Type | |
type Apply (Maybe_Sym0 :: TyFun b6989586621679911964 ((a6989586621679911965 ~> b6989586621679911964) ~> (Maybe a6989586621679911965 ~> b6989586621679911964)) -> Type) (a6989586621679911982 :: b6989586621679911964) | |
Defined in Data.Singletons.Prelude.Maybe type Apply (Maybe_Sym0 :: TyFun b6989586621679911964 ((a6989586621679911965 ~> b6989586621679911964) ~> (Maybe a6989586621679911965 ~> b6989586621679911964)) -> Type) (a6989586621679911982 :: b6989586621679911964) = Maybe_Sym1 a6989586621679911982 a6989586621679911965 :: TyFun (a6989586621679911965 ~> b6989586621679911964) (Maybe a6989586621679911965 ~> b6989586621679911964) -> Type | |
type Apply (LookupSym0 :: TyFun a6989586621680316332 ([(a6989586621680316332, b6989586621680316333)] ~> Maybe b6989586621680316333) -> Type) (a6989586621680320556 :: a6989586621680316332) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (LookupSym0 :: TyFun a6989586621680316332 ([(a6989586621680316332, b6989586621680316333)] ~> Maybe b6989586621680316333) -> Type) (a6989586621680320556 :: a6989586621680316332) = LookupSym1 a6989586621680320556 b6989586621680316333 :: TyFun [(a6989586621680316332, b6989586621680316333)] (Maybe b6989586621680316333) -> Type | |
type Apply (Let6989586621680734290NSym0 :: TyFun k (TyFun k1 (Maybe k1) -> Type) -> Type) (x6989586621680734288 :: k) | |
type Apply (Let6989586621680734290MSym0 :: TyFun k1 (TyFun k (Maybe k1) -> Type) -> Type) (x6989586621680734288 :: k1) | |
type Apply (Let6989586621680734317NSym0 :: TyFun k (TyFun k1 (Maybe k1) -> Type) -> Type) (x6989586621680734315 :: k) | |
type Apply (Let6989586621680734317MSym0 :: TyFun k1 (TyFun k (Maybe k1) -> Type) -> Type) (x6989586621680734315 :: k1) | |
type Apply (Lambda_6989586621680640923Sym0 :: TyFun k (TyFun (k1 ~> First a) (TyFun k1 (Maybe a) -> Type) -> Type) -> Type) (a6989586621680640921 :: k) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (Lambda_6989586621680641011Sym0 :: TyFun k (TyFun (k1 ~> Last a) (TyFun k1 (Maybe a) -> Type) -> Type) -> Type) (a6989586621680641009 :: k) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (Let6989586621680743203MfSym1 f6989586621680743201 :: TyFun k (TyFun k2 (TyFun (Maybe k3) (Maybe k2) -> Type) -> Type) -> Type) (xs6989586621680743202 :: k) | |
type Apply (Let6989586621680743228MfSym1 f6989586621680743226 :: TyFun k (TyFun (Maybe k2) (TyFun k3 (Maybe k3) -> Type) -> Type) -> Type) (xs6989586621680743227 :: k) | |
type Apply (Let6989586621680743203MfSym2 xs6989586621680743202 f6989586621680743201 :: TyFun k2 (TyFun (Maybe k3) (Maybe k2) -> Type) -> Type) (a6989586621680743204 :: k2) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Eval (FoldMap f ('Just x) :: a2 -> Type) | |
Defined in Fcf.Class.Foldable | |
type Eval (FoldMap f ('Nothing :: Maybe a1) :: a2 -> Type) | |
Defined in Fcf.Class.Foldable | |
type Eval (Foldr f y ('Just x) :: a2 -> Type) | |
Defined in Fcf.Class.Foldable | |
type Eval (Foldr f y ('Nothing :: Maybe a1) :: a2 -> Type) | |
Defined in Fcf.Class.Foldable | |
type Rep (Maybe a) | |
Defined in GHC.Generics | |
data Sing (b :: Maybe a) | |
type DemoteRep (Maybe a) | |
Defined in GHC.Generics | |
type ToT (Maybe a) | |
Defined in Michelson.Typed.Haskell.Value | |
type TypeDocFieldDescriptions (Maybe a) | |
Defined in Michelson.Typed.Haskell.Doc | |
type Element (Maybe a) | |
Defined in Universum.Container.Class | |
type Sing | |
Defined in Data.Singletons.Prelude.Instances | |
type Mempty | |
Defined in Data.Singletons.Prelude.Monoid type Mempty = Mempty_6989586621680631388Sym0 :: Maybe a | |
type Demote (Maybe a) | |
Defined in Data.Singletons.Prelude.Instances | |
type MEmpty | |
Defined in Fcf.Class.Monoid | |
type Index (Maybe a) | |
Defined in Control.Lens.At type Index (Maybe a) = () | |
type IxValue (Maybe a) | |
Defined in Control.Lens.At type IxValue (Maybe a) = a | |
type Rep1 Maybe | |
type Sconcat (arg0 :: NonEmpty (Maybe a)) | |
type Mconcat (arg0 :: [Maybe a]) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Show_ (arg0 :: Maybe a) | |
Defined in Data.Singletons.Prelude.Show | |
type Mappend (arg1 :: Maybe a) (arg2 :: Maybe a) | |
type (x :: Maybe a) /= (y :: Maybe a) | |
Defined in Data.Singletons.Prelude.Eq | |
type (a2 :: Maybe a1) == (b :: Maybe a1) | |
Defined in Data.Singletons.Prelude.Eq | |
type (a2 :: Maybe a1) <> (a3 :: Maybe a1) | |
type Max (arg1 :: Maybe a) (arg2 :: Maybe a) | |
type Min (arg1 :: Maybe a) (arg2 :: Maybe a) | |
type Compare (a2 :: Maybe a1) (a3 :: Maybe a1) | |
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 ShowList (arg1 :: [Maybe a]) arg2 | |
type HKD Maybe (a :: Type) | |
Defined in Data.Vinyl.XRec | |
type ShowsPrec a2 (a3 :: Maybe a1) a4 | |
type (a2 :: Maybe a1) <> ('Nothing :: Maybe a1) | |
Defined in Fcf.Class.Monoid | |
type Apply (FromJustSym0 :: TyFun (Maybe a) a -> Type) (a6989586621679913597 :: Maybe a) | |
Defined in Data.Singletons.Prelude.Maybe | |
type Apply (IsNothingSym0 :: TyFun (Maybe a) Bool -> Type) (a6989586621679913600 :: Maybe a) | |
Defined in Data.Singletons.Prelude.Maybe | |
type Apply (IsJustSym0 :: TyFun (Maybe a) Bool -> Type) (a6989586621679913602 :: Maybe a) | |
Defined in Data.Singletons.Prelude.Maybe | |
type Apply (FromMaybeSym1 a6989586621679913587 :: TyFun (Maybe a) a -> Type) (a6989586621679913588 :: Maybe a) | |
Defined in Data.Singletons.Prelude.Maybe | |
type Apply (Compare_6989586621679803211Sym1 a6989586621679803209 :: TyFun (Maybe a) Ordering -> Type) (a6989586621679803210 :: Maybe a) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Maybe_Sym2 a6989586621679911983 a6989586621679911982 :: TyFun (Maybe a) b -> Type) (a6989586621679911984 :: Maybe a) | |
Defined in Data.Singletons.Prelude.Maybe | |
type ('Nothing :: Maybe a) <> (b :: Maybe a) | |
Defined in Fcf.Class.Monoid | |
type Apply (CatMaybesSym0 :: TyFun [Maybe a] [a] -> Type) (a6989586621679913576 :: [Maybe a]) | |
Defined in Data.Singletons.Prelude.Maybe | |
type Apply (ListToMaybeSym0 :: TyFun [a] (Maybe a) -> Type) (a6989586621679913581 :: [a]) | |
Defined in Data.Singletons.Prelude.Maybe | |
type Apply (MaybeToListSym0 :: TyFun (Maybe a) [a] -> Type) (a6989586621679913584 :: Maybe a) | |
Defined in Data.Singletons.Prelude.Maybe | |
type Apply (MaxInternalSym0 :: TyFun (Maybe a) (MaxInternal a) -> Type) (t6989586621680733519 :: Maybe a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (MinInternalSym0 :: TyFun (Maybe a) (MinInternal a) -> Type) (t6989586621680733717 :: Maybe a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (OptionSym0 :: TyFun (Maybe a) (Option a) -> Type) (t6989586621680197019 :: Maybe a) | |
type Apply (FirstSym0 :: TyFun (Maybe a) (First a) -> Type) (t6989586621680634741 :: Maybe a) | |
type Apply (LastSym0 :: TyFun (Maybe a) (Last a) -> Type) (t6989586621680634764 :: Maybe a) | |
type Apply (GetOptionSym0 :: TyFun (Option a) (Maybe a) -> Type) (a6989586621680197016 :: Option a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (GetFirstSym0 :: TyFun (First a) (Maybe a) -> Type) (a6989586621680634738 :: First a) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (GetLastSym0 :: TyFun (Last a) (Maybe a) -> Type) (a6989586621680634761 :: Last a) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (FindSym1 a6989586621680320902 :: TyFun [a] (Maybe a) -> Type) (a6989586621680320903 :: [a]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (FindIndexSym1 a6989586621680320878 :: TyFun [a] (Maybe Nat) -> Type) (a6989586621680320879 :: [a]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (ElemIndexSym1 a6989586621680320894 :: TyFun [a] (Maybe Nat) -> Type) (a6989586621680320895 :: [a]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (StripPrefixSym1 a6989586621680440231 :: TyFun [a] (Maybe [a]) -> Type) (a6989586621680440232 :: [a]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (TFHelper_6989586621680024604Sym1 a6989586621680024602 :: TyFun (Maybe a) (Maybe a) -> Type) (a6989586621680024603 :: Maybe a) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (OptionalSym0 :: TyFun (f a) (f (Maybe a)) -> Type) (a6989586621681393563 :: f a) | |
Defined in Data.Singletons.Prelude.Applicative | |
type Apply (LookupSym1 a6989586621680320556 b :: TyFun [(a, b)] (Maybe b) -> Type) (a6989586621680320557 :: [(a, b)]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Fmap_6989586621680024168Sym1 a6989586621680024166 :: TyFun (Maybe a) (Maybe b) -> Type) (a6989586621680024167 :: Maybe a) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (TFHelper_6989586621680024181Sym1 a6989586621680024179 b :: TyFun (Maybe b) (Maybe a) -> Type) (a6989586621680024180 :: Maybe b) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (TFHelper_6989586621680024329Sym1 a6989586621680024327 :: TyFun (Maybe a) (Maybe b) -> Type) (a6989586621680024328 :: Maybe a) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (TFHelper_6989586621680024359Sym1 a6989586621680024357 b :: TyFun (Maybe b) (Maybe b) -> Type) (a6989586621680024358 :: Maybe b) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (TFHelper_6989586621680024514Sym1 a6989586621680024512 b :: TyFun (Maybe b) (Maybe b) -> Type) (a6989586621680024513 :: Maybe b) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (FindSym1 a6989586621680742747 t :: TyFun (t a) (Maybe a) -> Type) (a6989586621680742748 :: t a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Traverse_6989586621680995062Sym1 a6989586621680995060 :: TyFun (Maybe a) (f (Maybe b)) -> Type) (a6989586621680995061 :: Maybe a) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Apply (LiftA2_6989586621680024343Sym2 a6989586621680024341 a6989586621680024340 :: TyFun (Maybe b) (Maybe c) -> Type) (a6989586621680024342 :: Maybe b) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (Let6989586621680743203MfSym3 a6989586621680743204 xs6989586621680743202 f6989586621680743201 :: TyFun (Maybe k3) (Maybe k2) -> Type) (a6989586621680743205 :: Maybe k3) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Eval (Init '[a2] :: Maybe [a1] -> Type) | |
Defined in Fcf.Data.List | |
type Eval (Init ('[] :: [a]) :: Maybe [a] -> Type) | |
Defined in Fcf.Data.List | |
type Eval (Tail (_a ': as) :: Maybe [a] -> Type) | |
Defined in Fcf.Data.List | |
type Eval (Tail ('[] :: [a]) :: Maybe [a] -> Type) | |
Defined in Fcf.Data.List | |
type Eval (Init (a2 ': (b ': as)) :: Maybe [a1] -> Type) | |
type Eval (Head (a2 ': _as) :: Maybe a1 -> Type) | |
Defined in Fcf.Data.List | |
type Eval (Head ('[] :: [a]) :: Maybe a -> Type) | |
Defined in Fcf.Data.List | |
type Eval (Last (a2 ': (b ': as)) :: Maybe a1 -> Type) | |
Defined in Fcf.Data.List | |
type Eval (Last '[a2] :: Maybe a1 -> Type) | |
Defined in Fcf.Data.List | |
type Eval (Last ('[] :: [a]) :: Maybe a -> Type) | |
Defined in Fcf.Data.List | |
type Apply (StripPrefixSym0 :: TyFun [a6989586621680438535] ([a6989586621680438535] ~> Maybe [a6989586621680438535]) -> Type) (a6989586621680440231 :: [a6989586621680438535]) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (TFHelper_6989586621680024604Sym0 :: TyFun (Maybe a6989586621679962888) (Maybe a6989586621679962888 ~> Maybe a6989586621679962888) -> Type) (a6989586621680024602 :: Maybe a6989586621679962888) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (Compare_6989586621679803211Sym0 :: TyFun (Maybe a3530822107858468865) (Maybe a3530822107858468865 ~> Ordering) -> Type) (a6989586621679803209 :: Maybe a3530822107858468865) | |
type ('Just a2 :: Maybe a1) <> ('Just b :: Maybe a1) | |
type Apply (ShowsPrec_6989586621680595739Sym1 a6989586621680595736 a3530822107858468865 :: TyFun (Maybe a3530822107858468865) (Symbol ~> Symbol) -> Type) (a6989586621680595737 :: Maybe a3530822107858468865) | |
Defined in Data.Singletons.Prelude.Show | |
type Apply (TFHelper_6989586621680024359Sym0 :: TyFun (Maybe a6989586621679962818) (Maybe b6989586621679962819 ~> Maybe b6989586621679962819) -> Type) (a6989586621680024357 :: Maybe a6989586621679962818) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (TFHelper_6989586621680024359Sym0 :: TyFun (Maybe a6989586621679962818) (Maybe b6989586621679962819 ~> Maybe b6989586621679962819) -> Type) (a6989586621680024357 :: Maybe a6989586621679962818) = TFHelper_6989586621680024359Sym1 a6989586621680024357 b6989586621679962819 :: TyFun (Maybe b6989586621679962819) (Maybe b6989586621679962819) -> Type | |
type Apply (TFHelper_6989586621680024502Sym0 :: TyFun (Maybe a6989586621679962836) ((a6989586621679962836 ~> Maybe b6989586621679962837) ~> Maybe b6989586621679962837) -> Type) (a6989586621680024500 :: Maybe a6989586621679962836) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (TFHelper_6989586621680024502Sym0 :: TyFun (Maybe a6989586621679962836) ((a6989586621679962836 ~> Maybe b6989586621679962837) ~> Maybe b6989586621679962837) -> Type) (a6989586621680024500 :: Maybe a6989586621679962836) = TFHelper_6989586621680024502Sym1 a6989586621680024500 b6989586621679962837 :: TyFun (a6989586621679962836 ~> Maybe b6989586621679962837) (Maybe b6989586621679962837) -> Type | |
type Apply (TFHelper_6989586621680024514Sym0 :: TyFun (Maybe a6989586621679962838) (Maybe b6989586621679962839 ~> Maybe b6989586621679962839) -> Type) (a6989586621680024512 :: Maybe a6989586621679962838) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (TFHelper_6989586621680024514Sym0 :: TyFun (Maybe a6989586621679962838) (Maybe b6989586621679962839 ~> Maybe b6989586621679962839) -> Type) (a6989586621680024512 :: Maybe a6989586621679962838) = TFHelper_6989586621680024514Sym1 a6989586621680024512 b6989586621679962839 :: TyFun (Maybe b6989586621679962839) (Maybe b6989586621679962839) -> Type | |
type Apply (TFHelper_6989586621680024329Sym0 :: TyFun (Maybe (a6989586621679962813 ~> b6989586621679962814)) (Maybe a6989586621679962813 ~> Maybe b6989586621679962814) -> Type) (a6989586621680024327 :: Maybe (a6989586621679962813 ~> b6989586621679962814)) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (TFHelper_6989586621680024329Sym0 :: TyFun (Maybe (a6989586621679962813 ~> b6989586621679962814)) (Maybe a6989586621679962813 ~> Maybe b6989586621679962814) -> Type) (a6989586621680024327 :: Maybe (a6989586621679962813 ~> b6989586621679962814)) = TFHelper_6989586621680024329Sym1 a6989586621680024327 | |
type Apply (LiftA2_6989586621680024343Sym1 a6989586621680024340 :: TyFun (Maybe a6989586621679962815) (Maybe b6989586621679962816 ~> Maybe c6989586621679962817) -> Type) (a6989586621680024341 :: Maybe a6989586621679962815) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (Let6989586621680743228MfSym2 xs6989586621680743227 f6989586621680743226 :: TyFun (Maybe k2) (TyFun k3 (Maybe k3) -> Type) -> Type) (a6989586621680743229 :: Maybe k2) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Eval (FindIndex p (a2 ': as) :: Maybe Nat -> Type) | |
type Eval (FindIndex _p ('[] :: [a]) :: Maybe Nat -> Type) | |
type Eval (NumIter a s :: Maybe (k, Nat) -> Type) | |
type Eval (Find p (a2 ': as) :: Maybe a1 -> Type) | |
Defined in Fcf.Data.List | |
type Eval (Find _p ('[] :: [a]) :: Maybe a -> Type) | |
Defined in Fcf.Data.List | |
type Eval (Lookup a as :: Maybe b -> Type) | |
type Eval (Map f ('Just a3) :: Maybe a2 -> Type) | |
Defined in Fcf.Class.Functor | |
type Eval (Map f ('Nothing :: Maybe a) :: Maybe b -> Type) | |
type Eval ('Just x <|> _1 :: Maybe a -> Type) | |
type Eval (('Nothing :: Maybe a) <|> m :: Maybe a -> Type) | |
type Apply (TFHelper_6989586621680024502Sym1 a6989586621680024500 b :: TyFun (a ~> Maybe b) (Maybe b) -> Type) (a6989586621680024501 :: a ~> Maybe b) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (FindSym0 :: TyFun (a6989586621680316354 ~> Bool) ([a6989586621680316354] ~> Maybe a6989586621680316354) -> Type) (a6989586621680320902 :: a6989586621680316354 ~> Bool) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (FindIndexSym0 :: TyFun (a6989586621680316351 ~> Bool) ([a6989586621680316351] ~> Maybe Nat) -> Type) (a6989586621680320878 :: a6989586621680316351 ~> Bool) | |
type Apply (Fmap_6989586621680024168Sym0 :: TyFun (a6989586621679962807 ~> b6989586621679962808) (Maybe a6989586621679962807 ~> Maybe b6989586621679962808) -> Type) (a6989586621680024166 :: a6989586621679962807 ~> b6989586621679962808) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (MapMaybeSym0 :: TyFun (a6989586621679913396 ~> Maybe b6989586621679913397) ([a6989586621679913396] ~> [b6989586621679913397]) -> Type) (a6989586621679913557 :: a6989586621679913396 ~> Maybe b6989586621679913397) | |
Defined in Data.Singletons.Prelude.Maybe | |
type Apply (UnfoldrSym0 :: TyFun (b6989586621680316410 ~> Maybe (a6989586621680316411, b6989586621680316410)) (b6989586621680316410 ~> [a6989586621680316411]) -> Type) (a6989586621680321322 :: b6989586621680316410 ~> Maybe (a6989586621680316411, b6989586621680316410)) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (UnfoldrSym0 :: TyFun (b6989586621680316410 ~> Maybe (a6989586621680316411, b6989586621680316410)) (b6989586621680316410 ~> [a6989586621680316411]) -> Type) (a6989586621680321322 :: b6989586621680316410 ~> Maybe (a6989586621680316411, b6989586621680316410)) = UnfoldrSym1 a6989586621680321322 | |
type Apply (FindSym0 :: TyFun (a6989586621680742294 ~> Bool) (t6989586621680742293 a6989586621680742294 ~> Maybe a6989586621680742294) -> Type) (a6989586621680742747 :: a6989586621680742294 ~> Bool) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (FindSym0 :: TyFun (a6989586621680742294 ~> Bool) (t6989586621680742293 a6989586621680742294 ~> Maybe a6989586621680742294) -> Type) (a6989586621680742747 :: a6989586621680742294 ~> Bool) = FindSym1 a6989586621680742747 t6989586621680742293 :: TyFun (t6989586621680742293 a6989586621680742294) (Maybe a6989586621680742294) -> Type | |
type Apply (Traverse_6989586621680995062Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Maybe a6989586621680988968 ~> f6989586621680988967 (Maybe b6989586621680988969)) -> Type) (a6989586621680995060 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) | |
Defined in Data.Singletons.Prelude.Traversable type Apply (Traverse_6989586621680995062Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Maybe a6989586621680988968 ~> f6989586621680988967 (Maybe b6989586621680988969)) -> Type) (a6989586621680995060 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) = Traverse_6989586621680995062Sym1 a6989586621680995060 | |
type Apply (LiftA2_6989586621680024343Sym0 :: TyFun (a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (Maybe a6989586621679962815 ~> (Maybe b6989586621679962816 ~> Maybe c6989586621679962817)) -> Type) (a6989586621680024340 :: a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (LiftA2_6989586621680024343Sym0 :: TyFun (a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (Maybe a6989586621679962815 ~> (Maybe b6989586621679962816 ~> Maybe c6989586621679962817)) -> Type) (a6989586621680024340 :: a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) = LiftA2_6989586621680024343Sym1 a6989586621680024340 | |
type Apply (Maybe_Sym1 a6989586621679911982 a6989586621679911965 :: TyFun (a6989586621679911965 ~> b6989586621679911964) (Maybe a6989586621679911965 ~> b6989586621679911964) -> Type) (a6989586621679911983 :: a6989586621679911965 ~> b6989586621679911964) | |
Defined in Data.Singletons.Prelude.Maybe type Apply (Maybe_Sym1 a6989586621679911982 a6989586621679911965 :: TyFun (a6989586621679911965 ~> b6989586621679911964) (Maybe a6989586621679911965 ~> b6989586621679911964) -> Type) (a6989586621679911983 :: a6989586621679911965 ~> b6989586621679911964) = Maybe_Sym2 a6989586621679911982 a6989586621679911983 | |
type Apply (Let6989586621679913564RsSym0 :: TyFun (a6989586621679913396 ~> Maybe k1) (TyFun k (TyFun [a6989586621679913396] [k1] -> Type) -> Type) -> Type) (f6989586621679913561 :: a6989586621679913396 ~> Maybe k1) | |
Defined in Data.Singletons.Prelude.Maybe type Apply (Let6989586621679913564RsSym0 :: TyFun (a6989586621679913396 ~> Maybe k1) (TyFun k (TyFun [a6989586621679913396] [k1] -> Type) -> Type) -> Type) (f6989586621679913561 :: a6989586621679913396 ~> Maybe k1) = Let6989586621679913564RsSym1 f6989586621679913561 :: TyFun k (TyFun [a6989586621679913396] [k1] -> Type) -> Type | |
type Apply (Let6989586621680743203MfSym0 :: TyFun (k2 ~> (k3 ~> k2)) (TyFun k (TyFun k2 (TyFun (Maybe k3) (Maybe k2) -> Type) -> Type) -> Type) -> Type) (f6989586621680743201 :: k2 ~> (k3 ~> k2)) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Let6989586621680743203MfSym0 :: TyFun (k2 ~> (k3 ~> k2)) (TyFun k (TyFun k2 (TyFun (Maybe k3) (Maybe k2) -> Type) -> Type) -> Type) -> Type) (f6989586621680743201 :: k2 ~> (k3 ~> k2)) = Let6989586621680743203MfSym1 f6989586621680743201 :: TyFun k (TyFun k2 (TyFun (Maybe k3) (Maybe k2) -> Type) -> Type) -> Type | |
type Apply (Let6989586621680743228MfSym0 :: TyFun (k2 ~> (k3 ~> k3)) (TyFun k (TyFun (Maybe k2) (TyFun k3 (Maybe k3) -> Type) -> Type) -> Type) -> Type) (f6989586621680743226 :: k2 ~> (k3 ~> k3)) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Let6989586621680743228MfSym0 :: TyFun (k2 ~> (k3 ~> k3)) (TyFun k (TyFun (Maybe k2) (TyFun k3 (Maybe k3) -> Type) -> Type) -> Type) -> Type) (f6989586621680743226 :: k2 ~> (k3 ~> k3)) = Let6989586621680743228MfSym1 f6989586621680743226 :: TyFun k (TyFun (Maybe k2) (TyFun k3 (Maybe k3) -> Type) -> Type) -> Type | |
type Apply (Lambda_6989586621680640923Sym1 a6989586621680640921 :: TyFun (k1 ~> First a) (TyFun k1 (Maybe a) -> Type) -> Type) (k6989586621680640922 :: k1 ~> First a) | |
type Apply (Lambda_6989586621680641011Sym1 a6989586621680641009 :: TyFun (k1 ~> Last a) (TyFun k1 (Maybe a) -> Type) -> Type) (k6989586621680641010 :: k1 ~> Last a) | |
type Unwrappable (NamedF Maybe a name) | |
Defined in Lorentz.Wrappable | |
type ToT (NamedF Maybe a name) | |
Defined in Michelson.Typed.Haskell.Value |
Instances
Bounded Ordering | Since: base-2.1 |
Enum Ordering | Since: base-2.1 |
Eq Ordering | |
Data Ordering | Since: base-4.0.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Ordering -> c Ordering # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c Ordering # toConstr :: Ordering -> Constr # dataTypeOf :: Ordering -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c Ordering) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c Ordering) # gmapT :: (forall b. Data b => b -> b) -> Ordering -> Ordering # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Ordering -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Ordering -> r # gmapQ :: (forall d. Data d => d -> u) -> Ordering -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Ordering -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Ordering -> m Ordering # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Ordering -> m Ordering # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Ordering -> m Ordering # | |
Ord Ordering | |
Defined in GHC.Classes | |
Read Ordering | Since: base-2.1 |
Show Ordering | Since: base-2.1 |
Generic Ordering | Since: base-4.6.0.0 |
Semigroup Ordering | Since: base-4.9.0.0 |
Monoid Ordering | Since: base-2.1 |
NFData Ordering | |
Defined in Control.DeepSeq | |
Hashable Ordering | |
Defined in Data.Hashable.Class | |
Default Ordering | |
Defined in Data.Default.Class | |
SMonoid Ordering | |
SBounded Ordering | |
Defined in Data.Singletons.Prelude.Enum | |
SEnum Ordering | |
Defined in Data.Singletons.Prelude.Enum Methods sSucc :: forall (t :: Ordering). Sing t -> Sing (Apply SuccSym0 t) sPred :: forall (t :: Ordering). Sing t -> Sing (Apply PredSym0 t) sToEnum :: forall (t :: Nat). Sing t -> Sing (Apply ToEnumSym0 t) sFromEnum :: forall (t :: Ordering). Sing t -> Sing (Apply FromEnumSym0 t) sEnumFromTo :: forall (t1 :: Ordering) (t2 :: Ordering). Sing t1 -> Sing t2 -> Sing (Apply (Apply EnumFromToSym0 t1) t2) sEnumFromThenTo :: forall (t1 :: Ordering) (t2 :: Ordering) (t3 :: Ordering). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply EnumFromThenToSym0 t1) t2) t3) | |
SEq Ordering | |
SSemigroup Ordering | |
SOrd Ordering | |
Defined in Data.Singletons.Prelude.Ord Methods sCompare :: forall (t1 :: Ordering) (t2 :: Ordering). Sing t1 -> Sing t2 -> Sing (Apply (Apply CompareSym0 t1) t2) (%<) :: forall (t1 :: Ordering) (t2 :: Ordering). Sing t1 -> Sing t2 -> Sing (Apply (Apply (<@#@$) t1) t2) (%<=) :: forall (t1 :: Ordering) (t2 :: Ordering). Sing t1 -> Sing t2 -> Sing (Apply (Apply (<=@#@$) t1) t2) (%>) :: forall (t1 :: Ordering) (t2 :: Ordering). Sing t1 -> Sing t2 -> Sing (Apply (Apply (>@#@$) t1) t2) (%>=) :: forall (t1 :: Ordering) (t2 :: Ordering). Sing t1 -> Sing t2 -> Sing (Apply (Apply (>=@#@$) t1) t2) sMax :: forall (t1 :: Ordering) (t2 :: Ordering). Sing t1 -> Sing t2 -> Sing (Apply (Apply MaxSym0 t1) t2) sMin :: forall (t1 :: Ordering) (t2 :: Ordering). Sing t1 -> Sing t2 -> Sing (Apply (Apply MinSym0 t1) t2) | |
PSemigroup Ordering | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Associated Types type arg0 <> arg1 :: a0 type Sconcat arg0 :: a0 | |
PEnum Ordering | |
Defined in Data.Singletons.Prelude.Enum Associated Types type Succ arg0 :: a0 type Pred arg0 :: a0 type ToEnum arg0 :: a0 type FromEnum arg0 :: Nat type EnumFromTo arg0 arg1 :: [a0] type EnumFromThenTo arg0 arg1 arg2 :: [a0] | |
PEq Ordering | |
Defined in Data.Singletons.Prelude.Eq | |
PMonoid Ordering | |
Defined in Data.Singletons.Prelude.Monoid Associated Types type Mempty :: a0 type Mappend arg0 arg1 :: a0 type Mconcat arg0 :: a0 | |
POrd Ordering | |
PShow Ordering | |
Defined in Data.Singletons.Prelude.Show | |
SShow Ordering | |
Defined in Data.Singletons.Prelude.Show Methods sShowsPrec :: forall (t1 :: Nat) (t2 :: Ordering) (t3 :: Symbol). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply ShowsPrecSym0 t1) t2) t3) sShow_ :: forall (t :: Ordering). Sing t -> Sing (Apply Show_Sym0 t) sShowList :: forall (t1 :: [Ordering]) (t2 :: Symbol). Sing t1 -> Sing t2 -> Sing (Apply (Apply ShowListSym0 t1) t2) | |
PBounded Ordering | |
Defined in Data.Singletons.Prelude.Enum Associated Types type MinBound :: a0 type MaxBound :: a0 | |
TestCoercion SOrdering | |
Defined in Data.Singletons.Prelude.Instances Methods testCoercion :: forall (a :: k) (b :: k). SOrdering a -> SOrdering b -> Maybe (Coercion a b) # | |
TestEquality SOrdering | |
Defined in Data.Singletons.Prelude.Instances Methods testEquality :: forall (a :: k) (b :: k). SOrdering a -> SOrdering b -> Maybe (a :~: b) # | |
() :=> (Bounded Ordering) | |
Defined in Data.Constraint | |
() :=> (Enum Ordering) | |
Defined in Data.Constraint | |
() :=> (Read Ordering) | |
Defined in Data.Constraint | |
() :=> (Show Ordering) | |
Defined in Data.Constraint | |
() :=> (Semigroup Ordering) | |
Defined in Data.Constraint | |
() :=> (Monoid Ordering) | |
Defined in Data.Constraint | |
SingI ThenCmpSym0 | |
Defined in Data.Singletons.Prelude.Ord Methods sing :: Sing ThenCmpSym0 | |
SuppressUnusedWarnings Compare_6989586621679803724Sym0 | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings FromEnum_6989586621680152614Sym0 | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings ThenCmpSym0 | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings Compare_6989586621679803734Sym0 | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings ToEnum_6989586621680152598Sym0 | |
Defined in Data.Singletons.Prelude.Enum Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings ShowsPrec_6989586621680595887Sym0 | |
Defined in Data.Singletons.Prelude.Show Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings Compare_6989586621679803744Sym0 | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings Compare_6989586621679803336Sym0 | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings Compare_6989586621680206626Sym0 | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings Compare_6989586621680206644Sym0 | |
Defined in Data.Singletons.Prelude.Semigroup.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) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods sing :: Sing ListsortBySym0 | |
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 Methods sing :: Sing MinimumBySym0 | |
SingI (MaximumBySym0 :: TyFun (a ~> (a ~> Ordering)) ([a] ~> a) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing MaximumBySym0 | |
SingI (InsertBySym0 :: TyFun (a ~> (a ~> Ordering)) (a ~> ([a] ~> [a])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods sing :: Sing InsertBySym0 | |
SuppressUnusedWarnings (Compare_6989586621679803724Sym1 a6989586621679803722 :: TyFun Bool Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803243Sym0 :: TyFun [a3530822107858468865] ([a3530822107858468865] ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803211Sym0 :: TyFun (Maybe a3530822107858468865) (Maybe a3530822107858468865 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ThenCmpSym1 a6989586621679802831 :: TyFun Ordering Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803734Sym1 a6989586621679803732 :: TyFun Ordering Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ShowsPrec_6989586621680595887Sym1 a6989586621680595884 :: TyFun Ordering (Symbol ~> Symbol) -> Type) | |
Defined in Data.Singletons.Prelude.Show Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803744Sym1 a6989586621679803742 :: TyFun () Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621679792590Scrutinee_6989586621679792413Sym0 :: TyFun k1 (TyFun k1 Ordering -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621679792572Scrutinee_6989586621679792411Sym0 :: TyFun k1 (TyFun k1 Ordering -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621679792554Scrutinee_6989586621679792409Sym0 :: TyFun k1 (TyFun k1 Ordering -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621679792536Scrutinee_6989586621679792407Sym0 :: TyFun k1 (TyFun k1 Ordering -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679792504Sym0 :: TyFun a6989586621679792385 (a6989586621679792385 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (CompareSym0 :: TyFun a6989586621679792385 (a6989586621679792385 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803336Sym1 a6989586621679803334 :: TyFun Void Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206707Sym0 :: TyFun (Min a6989586621679060072) (Min a6989586621679060072 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206728Sym0 :: TyFun (Max a6989586621679060077) (Max a6989586621679060077 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206749Sym0 :: TyFun (First a6989586621679060087) (First a6989586621679060087 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206770Sym0 :: TyFun (Last a6989586621679060082) (Last a6989586621679060082 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206791Sym0 :: TyFun (WrappedMonoid m6989586621679090734) (WrappedMonoid m6989586621679090734 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206587Sym0 :: TyFun (Option a6989586621679060067) (Option a6989586621679060067 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803710Sym0 :: TyFun (Identity a6989586621679087414) (Identity a6989586621679087414 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680636486Sym0 :: TyFun (First a6989586621679087428) (First a6989586621679087428 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680636507Sym0 :: TyFun (Last a6989586621679087421) (Last a6989586621679087421 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206608Sym0 :: TyFun (Dual a6989586621679087487) (Dual a6989586621679087487 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206626Sym1 a6989586621680206624 :: TyFun All Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206644Sym1 a6989586621680206642 :: TyFun Any Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206665Sym0 :: TyFun (Sum a6989586621679087464) (Sum a6989586621679087464 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206686Sym0 :: TyFun (Product a6989586621679087472) (Product a6989586621679087472 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679801938Sym0 :: TyFun (Down a6989586621679801918) (Down a6989586621679801918 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803318Sym0 :: TyFun (NonEmpty a6989586621679060153) (NonEmpty a6989586621679060153 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ListsortBySym0 :: TyFun (a6989586621680686810 ~> (a6989586621680686810 ~> Ordering)) ([a6989586621680686810] ~> [a6989586621680686810]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal.Disambiguation Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (SortBySym0 :: TyFun (a6989586621680316359 ~> (a6989586621680316359 ~> Ordering)) ([a6989586621680316359] ~> [a6989586621680316359]) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (MinimumBySym0 :: TyFun (a6989586621680316356 ~> (a6989586621680316356 ~> Ordering)) ([a6989586621680316356] ~> a6989586621680316356) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (MaximumBySym0 :: TyFun (a6989586621680316357 ~> (a6989586621680316357 ~> Ordering)) ([a6989586621680316357] ~> a6989586621680316357) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (InsertBySym0 :: TyFun (a6989586621680316358 ~> (a6989586621680316358 ~> Ordering)) (a6989586621680316358 ~> ([a6989586621680316358] ~> [a6989586621680316358])) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal 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_6989586621679803243Sym1 a6989586621679803241 :: TyFun [a3530822107858468865] Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803211Sym1 a6989586621679803209 :: TyFun (Maybe a3530822107858468865) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803289Sym0 :: TyFun (Either a6989586621679091042 b6989586621679091043) (Either a6989586621679091042 b6989586621679091043 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803360Sym0 :: TyFun (a3530822107858468865, b3530822107858468866) ((a3530822107858468865, b3530822107858468866) ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621679792590Scrutinee_6989586621679792413Sym1 x6989586621679792588 :: TyFun k1 Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621679792572Scrutinee_6989586621679792411Sym1 x6989586621679792570 :: TyFun k1 Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621679792554Scrutinee_6989586621679792409Sym1 x6989586621679792552 :: TyFun k1 Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621679792536Scrutinee_6989586621679792407Sym1 x6989586621679792534 :: TyFun k1 Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679792504Sym1 a6989586621679792502 :: TyFun a6989586621679792385 Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (CompareSym1 arg6989586621679792474 :: TyFun a6989586621679792385 Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206707Sym1 a6989586621680206705 :: TyFun (Min a6989586621679060072) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206728Sym1 a6989586621680206726 :: TyFun (Max a6989586621679060077) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621681108344Sym0 :: TyFun (Arg a6989586621681107132 b6989586621681107133) (Arg a6989586621681107132 b6989586621681107133 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206749Sym1 a6989586621680206747 :: TyFun (First a6989586621679060087) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206770Sym1 a6989586621680206768 :: TyFun (Last a6989586621679060082) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206791Sym1 a6989586621680206789 :: TyFun (WrappedMonoid m6989586621679090734) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206587Sym1 a6989586621680206585 :: TyFun (Option a6989586621679060067) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803710Sym1 a6989586621679803708 :: TyFun (Identity a6989586621679087414) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680636486Sym1 a6989586621680636484 :: TyFun (First a6989586621679087428) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680636507Sym1 a6989586621680636505 :: TyFun (Last a6989586621679087421) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206608Sym1 a6989586621680206606 :: TyFun (Dual a6989586621679087487) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206665Sym1 a6989586621680206663 :: TyFun (Sum a6989586621679087464) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206686Sym1 a6989586621680206684 :: TyFun (Product a6989586621679087472) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679801938Sym1 a6989586621679801936 :: TyFun (Down a6989586621679801918) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803318Sym1 a6989586621679803316 :: TyFun (NonEmpty a6989586621679060153) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (MinimumBySym0 :: TyFun (a6989586621680742298 ~> (a6989586621680742298 ~> Ordering)) (t6989586621680742297 a6989586621680742298 ~> a6989586621680742298) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (MaximumBySym0 :: TyFun (a6989586621680742300 ~> (a6989586621680742300 ~> Ordering)) (t6989586621680742299 a6989586621680742300 ~> a6989586621680742300) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680742815Max'Sym0 :: TyFun (k1 ~> (k1 ~> Ordering)) (TyFun k2 (TyFun k1 (TyFun k1 k1 -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680742790Min'Sym0 :: TyFun (k1 ~> (k1 ~> Ordering)) (TyFun k2 (TyFun k1 (TyFun k1 k1 -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ComparingSym0 :: TyFun (b6989586621679792375 ~> a6989586621679792374) (b6989586621679792375 ~> (b6989586621679792375 ~> Ordering)) -> Type) | |
Defined in Data.Singletons.Prelude.Ord 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_6989586621679803289Sym1 a6989586621679803287 :: TyFun (Either a6989586621679091042 b6989586621679091043) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803360Sym1 a6989586621679803358 :: TyFun (a3530822107858468865, b3530822107858468866) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803399Sym0 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867) ((a3530822107858468865, b3530822107858468866, c3530822107858468867) ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ComparingSym1 a6989586621679792465 :: TyFun b6989586621679792375 (b6989586621679792375 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621681108344Sym1 a6989586621681108342 :: TyFun (Arg a6989586621681107132 b6989586621681107133) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680953511Sym0 :: TyFun (Const a6989586621680952771 b6989586621680952772) (Const a6989586621680952771 b6989586621680952772 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320966MaxBySym0 :: TyFun (k1 ~> (k1 ~> Ordering)) (TyFun k2 (TyFun k3 (TyFun k1 (TyFun k1 k1 -> Type) -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680320936MinBySym0 :: TyFun (k1 ~> (k1 ~> Ordering)) (TyFun k2 (TyFun k3 (TyFun k1 (TyFun k1 k1 -> Type) -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.List.Internal 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_6989586621679803399Sym1 a6989586621679803397 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803449Sym0 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868) ((a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868) ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ComparingSym2 a6989586621679792466 a6989586621679792465 :: TyFun b6989586621679792375 Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680953511Sym1 a6989586621680953509 :: TyFun (Const a6989586621680952771 b6989586621680952772) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803449Sym1 a6989586621679803447 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803510Sym0 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869) ((a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869) ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803510Sym1 a6989586621679803508 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803582Sym0 :: 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_6989586621679803582Sym1 a6989586621679803580 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803665Sym0 :: 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_6989586621679803665Sym1 a6989586621679803663 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870, g3530822107858468871) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
type Rep Ordering | |
type Sing | |
Defined in Data.Singletons.Prelude.Instances type Sing = SOrdering | |
type Mempty | |
Defined in Data.Singletons.Prelude.Monoid type Mempty = Mempty_6989586621680631386Sym0 :: Ordering | |
type Demote Ordering | |
Defined in Data.Singletons.Prelude.Instances | |
type MaxBound | |
Defined in Data.Singletons.Prelude.Enum type MaxBound = MaxBound_6989586621680125222Sym0 | |
type MinBound | |
Defined in Data.Singletons.Prelude.Enum type MinBound = MinBound_6989586621680125220Sym0 | |
type MEmpty | |
Defined in Fcf.Class.Monoid type MEmpty = 'EQ | |
type FromEnum (a :: Ordering) | |
Defined in Data.Singletons.Prelude.Enum type FromEnum (a :: Ordering) = Apply FromEnum_6989586621680152614Sym0 a | |
type Pred (arg0 :: Ordering) | |
Defined in Data.Singletons.Prelude.Enum | |
type Succ (arg0 :: Ordering) | |
Defined in Data.Singletons.Prelude.Enum | |
type ToEnum a | |
Defined in Data.Singletons.Prelude.Enum type ToEnum a = Apply ToEnum_6989586621680152598Sym0 a | |
type Sconcat (arg0 :: NonEmpty Ordering) | |
type Mconcat (arg0 :: [Ordering]) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Show_ (arg0 :: Ordering) | |
Defined in Data.Singletons.Prelude.Show | |
type Mappend (arg1 :: Ordering) (arg2 :: Ordering) | |
type EnumFromTo (arg1 :: Ordering) (arg2 :: Ordering) | |
type (x :: Ordering) /= (y :: Ordering) | |
Defined in Data.Singletons.Prelude.Eq | |
type (a :: Ordering) == (b :: Ordering) | |
Defined in Data.Singletons.Prelude.Eq | |
type (a1 :: Ordering) <> (a2 :: Ordering) | |
type Max (arg1 :: Ordering) (arg2 :: Ordering) | |
type Min (arg1 :: Ordering) (arg2 :: Ordering) | |
type Compare (a1 :: Ordering) (a2 :: Ordering) | |
Defined in Data.Singletons.Prelude.Ord | |
type (arg1 :: Ordering) <= (arg2 :: Ordering) | |
type (arg1 :: Ordering) < (arg2 :: Ordering) | |
type (arg1 :: Ordering) >= (arg2 :: Ordering) | |
type (arg1 :: Ordering) > (arg2 :: Ordering) | |
type ShowList (arg1 :: [Ordering]) arg2 | |
type 'LT <> (_b :: Ordering) | |
Defined in Fcf.Class.Monoid | |
type 'EQ <> (b :: Ordering) | |
Defined in Fcf.Class.Monoid | |
type 'GT <> (_b :: Ordering) | |
Defined in Fcf.Class.Monoid | |
type (a :: Ordering) <> 'EQ | |
Defined in Fcf.Class.Monoid | |
type Apply FromEnum_6989586621680152614Sym0 (a6989586621680152613 :: Ordering) | |
Defined in Data.Singletons.Prelude.Enum type Apply FromEnum_6989586621680152614Sym0 (a6989586621680152613 :: Ordering) = FromEnum_6989586621680152614 a6989586621680152613 | |
type Apply ToEnum_6989586621680152598Sym0 (a6989586621680152597 :: Nat) | |
Defined in Data.Singletons.Prelude.Enum type Apply ToEnum_6989586621680152598Sym0 (a6989586621680152597 :: Nat) = ToEnum_6989586621680152598 a6989586621680152597 | |
type EnumFromThenTo (arg1 :: Ordering) (arg2 :: Ordering) (arg3 :: Ordering) | |
type ShowsPrec a1 (a2 :: Ordering) a3 | |
Defined in Data.Singletons.Prelude.Show type ShowsPrec a1 (a2 :: Ordering) a3 = Apply (Apply (Apply ShowsPrec_6989586621680595887Sym0 a1) a2) a3 | |
type Apply (Compare_6989586621679803724Sym1 a6989586621679803722 :: TyFun Bool Ordering -> Type) (a6989586621679803723 :: Bool) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (ThenCmpSym1 a6989586621679802831 :: TyFun Ordering Ordering -> Type) (a6989586621679802832 :: Ordering) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Compare_6989586621679803734Sym1 a6989586621679803732 :: TyFun Ordering Ordering -> Type) (a6989586621679803733 :: Ordering) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Compare_6989586621679803744Sym1 a6989586621679803742 :: TyFun () Ordering -> Type) (a6989586621679803743 :: ()) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Compare_6989586621679803336Sym1 a6989586621679803334 :: TyFun Void Ordering -> Type) (a6989586621679803335 :: Void) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Compare_6989586621680206626Sym1 a6989586621680206624 :: TyFun All Ordering -> Type) (a6989586621680206625 :: All) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Compare_6989586621680206644Sym1 a6989586621680206642 :: TyFun Any Ordering -> Type) (a6989586621680206643 :: Any) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Compare_6989586621679792504Sym1 a6989586621679792502 :: TyFun a Ordering -> Type) (a6989586621679792503 :: a) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (CompareSym1 arg6989586621679792474 :: TyFun a Ordering -> Type) (arg6989586621679792475 :: a) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Let6989586621679792590Scrutinee_6989586621679792413Sym1 x6989586621679792588 :: TyFun k1 Ordering -> Type) (y6989586621679792589 :: k1) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Let6989586621679792572Scrutinee_6989586621679792411Sym1 x6989586621679792570 :: TyFun k1 Ordering -> Type) (y6989586621679792571 :: k1) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Let6989586621679792554Scrutinee_6989586621679792409Sym1 x6989586621679792552 :: TyFun k1 Ordering -> Type) (y6989586621679792553 :: k1) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Let6989586621679792536Scrutinee_6989586621679792407Sym1 x6989586621679792534 :: TyFun k1 Ordering -> Type) (y6989586621679792535 :: k1) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (ComparingSym2 a6989586621679792466 a6989586621679792465 :: TyFun b Ordering -> Type) (a6989586621679792467 :: b) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply Compare_6989586621679803724Sym0 (a6989586621679803722 :: Bool) | |
Defined in Data.Singletons.Prelude.Ord type Apply Compare_6989586621679803724Sym0 (a6989586621679803722 :: Bool) = Compare_6989586621679803724Sym1 a6989586621679803722 | |
type Apply ThenCmpSym0 (a6989586621679802831 :: Ordering) | |
Defined in Data.Singletons.Prelude.Ord type Apply ThenCmpSym0 (a6989586621679802831 :: Ordering) = ThenCmpSym1 a6989586621679802831 | |
type Apply Compare_6989586621679803734Sym0 (a6989586621679803732 :: Ordering) | |
Defined in Data.Singletons.Prelude.Ord type Apply Compare_6989586621679803734Sym0 (a6989586621679803732 :: Ordering) = Compare_6989586621679803734Sym1 a6989586621679803732 | |
type Apply ShowsPrec_6989586621680595887Sym0 (a6989586621680595884 :: Nat) | |
Defined in Data.Singletons.Prelude.Show type Apply ShowsPrec_6989586621680595887Sym0 (a6989586621680595884 :: Nat) = ShowsPrec_6989586621680595887Sym1 a6989586621680595884 | |
type Apply Compare_6989586621679803744Sym0 (a6989586621679803742 :: ()) | |
Defined in Data.Singletons.Prelude.Ord type Apply Compare_6989586621679803744Sym0 (a6989586621679803742 :: ()) = Compare_6989586621679803744Sym1 a6989586621679803742 | |
type Apply Compare_6989586621679803336Sym0 (a6989586621679803334 :: Void) | |
Defined in Data.Singletons.Prelude.Ord type Apply Compare_6989586621679803336Sym0 (a6989586621679803334 :: Void) = Compare_6989586621679803336Sym1 a6989586621679803334 | |
type Apply Compare_6989586621680206626Sym0 (a6989586621680206624 :: All) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply Compare_6989586621680206626Sym0 (a6989586621680206624 :: All) = Compare_6989586621680206626Sym1 a6989586621680206624 | |
type Apply Compare_6989586621680206644Sym0 (a6989586621680206642 :: Any) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply Compare_6989586621680206644Sym0 (a6989586621680206642 :: Any) = Compare_6989586621680206644Sym1 a6989586621680206642 | |
type Apply (ShowsPrec_6989586621680595887Sym1 a6989586621680595884 :: TyFun Ordering (Symbol ~> Symbol) -> Type) (a6989586621680595885 :: Ordering) | |
type Apply (Compare_6989586621679792504Sym0 :: TyFun a6989586621679792385 (a6989586621679792385 ~> Ordering) -> Type) (a6989586621679792502 :: a6989586621679792385) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (CompareSym0 :: TyFun a6989586621679792385 (a6989586621679792385 ~> Ordering) -> Type) (arg6989586621679792474 :: a6989586621679792385) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Let6989586621679792590Scrutinee_6989586621679792413Sym0 :: TyFun k1 (TyFun k1 Ordering -> Type) -> Type) (x6989586621679792588 :: k1) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Let6989586621679792572Scrutinee_6989586621679792411Sym0 :: TyFun k1 (TyFun k1 Ordering -> Type) -> Type) (x6989586621679792570 :: k1) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Let6989586621679792554Scrutinee_6989586621679792409Sym0 :: TyFun k1 (TyFun k1 Ordering -> Type) -> Type) (x6989586621679792552 :: k1) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Let6989586621679792536Scrutinee_6989586621679792407Sym0 :: TyFun k1 (TyFun k1 Ordering -> Type) -> Type) (x6989586621679792534 :: k1) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (ComparingSym1 a6989586621679792465 :: TyFun b6989586621679792375 (b6989586621679792375 ~> Ordering) -> Type) (a6989586621679792466 :: b6989586621679792375) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Compare_6989586621679803243Sym1 a6989586621679803241 :: TyFun [a] Ordering -> Type) (a6989586621679803242 :: [a]) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Compare_6989586621679803211Sym1 a6989586621679803209 :: TyFun (Maybe a) Ordering -> Type) (a6989586621679803210 :: Maybe a) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Compare_6989586621680206707Sym1 a6989586621680206705 :: TyFun (Min a) Ordering -> Type) (a6989586621680206706 :: Min a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Compare_6989586621680206728Sym1 a6989586621680206726 :: TyFun (Max a) Ordering -> Type) (a6989586621680206727 :: Max a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Compare_6989586621680206749Sym1 a6989586621680206747 :: TyFun (First a) Ordering -> Type) (a6989586621680206748 :: First a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Compare_6989586621680206770Sym1 a6989586621680206768 :: TyFun (Last a) Ordering -> Type) (a6989586621680206769 :: Last a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Compare_6989586621680206791Sym1 a6989586621680206789 :: TyFun (WrappedMonoid m) Ordering -> Type) (a6989586621680206790 :: WrappedMonoid m) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply (Compare_6989586621680206791Sym1 a6989586621680206789 :: TyFun (WrappedMonoid m) Ordering -> Type) (a6989586621680206790 :: WrappedMonoid m) = Compare_6989586621680206791 a6989586621680206789 a6989586621680206790 | |
type Apply (Compare_6989586621680206587Sym1 a6989586621680206585 :: TyFun (Option a) Ordering -> Type) (a6989586621680206586 :: Option a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Compare_6989586621679803710Sym1 a6989586621679803708 :: TyFun (Identity a) Ordering -> Type) (a6989586621679803709 :: Identity a) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Compare_6989586621680636486Sym1 a6989586621680636484 :: TyFun (First a) Ordering -> Type) (a6989586621680636485 :: First a) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (Compare_6989586621680636507Sym1 a6989586621680636505 :: TyFun (Last a) Ordering -> Type) (a6989586621680636506 :: Last a) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (Compare_6989586621680206608Sym1 a6989586621680206606 :: TyFun (Dual a) Ordering -> Type) (a6989586621680206607 :: Dual a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Compare_6989586621680206665Sym1 a6989586621680206663 :: TyFun (Sum a) Ordering -> Type) (a6989586621680206664 :: Sum a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Compare_6989586621680206686Sym1 a6989586621680206684 :: TyFun (Product a) Ordering -> Type) (a6989586621680206685 :: Product a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Compare_6989586621679801938Sym1 a6989586621679801936 :: TyFun (Down a) Ordering -> Type) (a6989586621679801937 :: Down a) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Compare_6989586621679803318Sym1 a6989586621679803316 :: TyFun (NonEmpty a) Ordering -> Type) (a6989586621679803317 :: NonEmpty a) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Compare_6989586621679803243Sym0 :: TyFun [a3530822107858468865] ([a3530822107858468865] ~> Ordering) -> Type) (a6989586621679803241 :: [a3530822107858468865]) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Compare_6989586621679803211Sym0 :: TyFun (Maybe a3530822107858468865) (Maybe a3530822107858468865 ~> Ordering) -> Type) (a6989586621679803209 :: Maybe a3530822107858468865) | |
type Apply (Compare_6989586621680206707Sym0 :: TyFun (Min a6989586621679060072) (Min a6989586621679060072 ~> Ordering) -> Type) (a6989586621680206705 :: Min a6989586621679060072) | |
type Apply (Compare_6989586621680206728Sym0 :: TyFun (Max a6989586621679060077) (Max a6989586621679060077 ~> Ordering) -> Type) (a6989586621680206726 :: Max a6989586621679060077) | |
type Apply (Compare_6989586621680206749Sym0 :: TyFun (First a6989586621679060087) (First a6989586621679060087 ~> Ordering) -> Type) (a6989586621680206747 :: First a6989586621679060087) | |
type Apply (Compare_6989586621680206770Sym0 :: TyFun (Last a6989586621679060082) (Last a6989586621679060082 ~> Ordering) -> Type) (a6989586621680206768 :: Last a6989586621679060082) | |
type Apply (Compare_6989586621680206791Sym0 :: TyFun (WrappedMonoid m6989586621679090734) (WrappedMonoid m6989586621679090734 ~> Ordering) -> Type) (a6989586621680206789 :: WrappedMonoid m6989586621679090734) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply (Compare_6989586621680206791Sym0 :: TyFun (WrappedMonoid m6989586621679090734) (WrappedMonoid m6989586621679090734 ~> Ordering) -> Type) (a6989586621680206789 :: WrappedMonoid m6989586621679090734) = Compare_6989586621680206791Sym1 a6989586621680206789 | |
type Apply (Compare_6989586621680206587Sym0 :: TyFun (Option a6989586621679060067) (Option a6989586621679060067 ~> Ordering) -> Type) (a6989586621680206585 :: Option a6989586621679060067) | |
type Apply (Compare_6989586621679803710Sym0 :: TyFun (Identity a6989586621679087414) (Identity a6989586621679087414 ~> Ordering) -> Type) (a6989586621679803708 :: Identity a6989586621679087414) | |
type Apply (Compare_6989586621680636486Sym0 :: TyFun (First a6989586621679087428) (First a6989586621679087428 ~> Ordering) -> Type) (a6989586621680636484 :: First a6989586621679087428) | |
type Apply (Compare_6989586621680636507Sym0 :: TyFun (Last a6989586621679087421) (Last a6989586621679087421 ~> Ordering) -> Type) (a6989586621680636505 :: Last a6989586621679087421) | |
type Apply (Compare_6989586621680206608Sym0 :: TyFun (Dual a6989586621679087487) (Dual a6989586621679087487 ~> Ordering) -> Type) (a6989586621680206606 :: Dual a6989586621679087487) | |
type Apply (Compare_6989586621680206665Sym0 :: TyFun (Sum a6989586621679087464) (Sum a6989586621679087464 ~> Ordering) -> Type) (a6989586621680206663 :: Sum a6989586621679087464) | |
type Apply (Compare_6989586621680206686Sym0 :: TyFun (Product a6989586621679087472) (Product a6989586621679087472 ~> Ordering) -> Type) (a6989586621680206684 :: Product a6989586621679087472) | |
type Apply (Compare_6989586621679801938Sym0 :: TyFun (Down a6989586621679801918) (Down a6989586621679801918 ~> Ordering) -> Type) (a6989586621679801936 :: Down a6989586621679801918) | |
type Apply (Compare_6989586621679803318Sym0 :: TyFun (NonEmpty a6989586621679060153) (NonEmpty a6989586621679060153 ~> Ordering) -> Type) (a6989586621679803316 :: NonEmpty a6989586621679060153) | |
type Apply (Compare_6989586621679803289Sym1 a6989586621679803287 :: TyFun (Either a b) Ordering -> Type) (a6989586621679803288 :: Either a b) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Compare_6989586621679803360Sym1 a6989586621679803358 :: TyFun (a, b) Ordering -> Type) (a6989586621679803359 :: (a, b)) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Compare_6989586621681108344Sym1 a6989586621681108342 :: TyFun (Arg a b) Ordering -> Type) (a6989586621681108343 :: Arg a b) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (ListsortBySym0 :: TyFun (a6989586621680686810 ~> (a6989586621680686810 ~> Ordering)) ([a6989586621680686810] ~> [a6989586621680686810]) -> Type) (a6989586621680687779 :: a6989586621680686810 ~> (a6989586621680686810 ~> Ordering)) | |
type Apply (InsertBySym0 :: TyFun (a6989586621680316358 ~> (a6989586621680316358 ~> Ordering)) (a6989586621680316358 ~> ([a6989586621680316358] ~> [a6989586621680316358])) -> Type) (a6989586621680320985 :: a6989586621680316358 ~> (a6989586621680316358 ~> Ordering)) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (InsertBySym0 :: TyFun (a6989586621680316358 ~> (a6989586621680316358 ~> Ordering)) (a6989586621680316358 ~> ([a6989586621680316358] ~> [a6989586621680316358])) -> Type) (a6989586621680320985 :: a6989586621680316358 ~> (a6989586621680316358 ~> Ordering)) = InsertBySym1 a6989586621680320985 | |
type Apply (SortBySym0 :: TyFun (a6989586621680316359 ~> (a6989586621680316359 ~> Ordering)) ([a6989586621680316359] ~> [a6989586621680316359]) -> Type) (a6989586621680321009 :: a6989586621680316359 ~> (a6989586621680316359 ~> Ordering)) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (MaximumBySym0 :: TyFun (a6989586621680316357 ~> (a6989586621680316357 ~> Ordering)) ([a6989586621680316357] ~> a6989586621680316357) -> Type) (a6989586621680320955 :: a6989586621680316357 ~> (a6989586621680316357 ~> Ordering)) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (MinimumBySym0 :: TyFun (a6989586621680316356 ~> (a6989586621680316356 ~> Ordering)) ([a6989586621680316356] ~> a6989586621680316356) -> Type) (a6989586621680320925 :: a6989586621680316356 ~> (a6989586621680316356 ~> Ordering)) | |
Defined in Data.Singletons.Prelude.List.Internal | |
type Apply (Compare_6989586621679803289Sym0 :: TyFun (Either a6989586621679091042 b6989586621679091043) (Either a6989586621679091042 b6989586621679091043 ~> Ordering) -> Type) (a6989586621679803287 :: Either a6989586621679091042 b6989586621679091043) | |
Defined in Data.Singletons.Prelude.Ord type Apply (Compare_6989586621679803289Sym0 :: TyFun (Either a6989586621679091042 b6989586621679091043) (Either a6989586621679091042 b6989586621679091043 ~> Ordering) -> Type) (a6989586621679803287 :: Either a6989586621679091042 b6989586621679091043) = Compare_6989586621679803289Sym1 a6989586621679803287 | |
type Apply (Compare_6989586621679803360Sym0 :: TyFun (a3530822107858468865, b3530822107858468866) ((a3530822107858468865, b3530822107858468866) ~> Ordering) -> Type) (a6989586621679803358 :: (a3530822107858468865, b3530822107858468866)) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Compare_6989586621681108344Sym0 :: TyFun (Arg a6989586621681107132 b6989586621681107133) (Arg a6989586621681107132 b6989586621681107133 ~> Ordering) -> Type) (a6989586621681108342 :: Arg a6989586621681107132 b6989586621681107133) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (Let6989586621680742790Min'Sym0 :: TyFun (k1 ~> (k1 ~> Ordering)) (TyFun k2 (TyFun k1 (TyFun k1 k1 -> Type) -> Type) -> Type) -> Type) (cmp6989586621680742788 :: k1 ~> (k1 ~> Ordering)) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Let6989586621680742790Min'Sym0 :: TyFun (k1 ~> (k1 ~> Ordering)) (TyFun k2 (TyFun k1 (TyFun k1 k1 -> Type) -> Type) -> Type) -> Type) (cmp6989586621680742788 :: k1 ~> (k1 ~> Ordering)) = Let6989586621680742790Min'Sym1 cmp6989586621680742788 :: TyFun k2 (TyFun k1 (TyFun k1 k1 -> Type) -> Type) -> Type | |
type Apply (Let6989586621680742815Max'Sym0 :: TyFun (k1 ~> (k1 ~> Ordering)) (TyFun k2 (TyFun k1 (TyFun k1 k1 -> Type) -> Type) -> Type) -> Type) (cmp6989586621680742813 :: k1 ~> (k1 ~> Ordering)) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Let6989586621680742815Max'Sym0 :: TyFun (k1 ~> (k1 ~> Ordering)) (TyFun k2 (TyFun k1 (TyFun k1 k1 -> Type) -> Type) -> Type) -> Type) (cmp6989586621680742813 :: k1 ~> (k1 ~> Ordering)) = Let6989586621680742815Max'Sym1 cmp6989586621680742813 :: TyFun k2 (TyFun k1 (TyFun k1 k1 -> Type) -> Type) -> Type | |
type Apply (MaximumBySym0 :: TyFun (a6989586621680742300 ~> (a6989586621680742300 ~> Ordering)) (t6989586621680742299 a6989586621680742300 ~> a6989586621680742300) -> Type) (a6989586621680742807 :: a6989586621680742300 ~> (a6989586621680742300 ~> Ordering)) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (MaximumBySym0 :: TyFun (a6989586621680742300 ~> (a6989586621680742300 ~> Ordering)) (t6989586621680742299 a6989586621680742300 ~> a6989586621680742300) -> Type) (a6989586621680742807 :: a6989586621680742300 ~> (a6989586621680742300 ~> Ordering)) = MaximumBySym1 a6989586621680742807 t6989586621680742299 :: TyFun (t6989586621680742299 a6989586621680742300) a6989586621680742300 -> Type | |
type Apply (MinimumBySym0 :: TyFun (a6989586621680742298 ~> (a6989586621680742298 ~> Ordering)) (t6989586621680742297 a6989586621680742298 ~> a6989586621680742298) -> Type) (a6989586621680742782 :: a6989586621680742298 ~> (a6989586621680742298 ~> Ordering)) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (MinimumBySym0 :: TyFun (a6989586621680742298 ~> (a6989586621680742298 ~> Ordering)) (t6989586621680742297 a6989586621680742298 ~> a6989586621680742298) -> Type) (a6989586621680742782 :: a6989586621680742298 ~> (a6989586621680742298 ~> Ordering)) = MinimumBySym1 a6989586621680742782 t6989586621680742297 :: TyFun (t6989586621680742297 a6989586621680742298) a6989586621680742298 -> Type | |
type Apply (ComparingSym0 :: TyFun (b6989586621679792375 ~> a6989586621679792374) (b6989586621679792375 ~> (b6989586621679792375 ~> Ordering)) -> Type) (a6989586621679792465 :: b6989586621679792375 ~> a6989586621679792374) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Let6989586621680320936MinBySym0 :: TyFun (k1 ~> (k1 ~> Ordering)) (TyFun k2 (TyFun k3 (TyFun k1 (TyFun k1 k1 -> Type) -> Type) -> Type) -> Type) -> Type) (cmp6989586621680320929 :: k1 ~> (k1 ~> Ordering)) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621680320936MinBySym0 :: TyFun (k1 ~> (k1 ~> Ordering)) (TyFun k2 (TyFun k3 (TyFun k1 (TyFun k1 k1 -> Type) -> Type) -> Type) -> Type) -> Type) (cmp6989586621680320929 :: k1 ~> (k1 ~> Ordering)) = Let6989586621680320936MinBySym1 cmp6989586621680320929 :: TyFun k2 (TyFun k3 (TyFun k1 (TyFun k1 k1 -> Type) -> Type) -> Type) -> Type | |
type Apply (Let6989586621680320966MaxBySym0 :: TyFun (k1 ~> (k1 ~> Ordering)) (TyFun k2 (TyFun k3 (TyFun k1 (TyFun k1 k1 -> Type) -> Type) -> Type) -> Type) -> Type) (cmp6989586621680320959 :: k1 ~> (k1 ~> Ordering)) | |
Defined in Data.Singletons.Prelude.List.Internal type Apply (Let6989586621680320966MaxBySym0 :: TyFun (k1 ~> (k1 ~> Ordering)) (TyFun k2 (TyFun k3 (TyFun k1 (TyFun k1 k1 -> Type) -> Type) -> Type) -> Type) -> Type) (cmp6989586621680320959 :: k1 ~> (k1 ~> Ordering)) = Let6989586621680320966MaxBySym1 cmp6989586621680320959 :: TyFun k2 (TyFun k3 (TyFun k1 (TyFun k1 k1 -> Type) -> Type) -> Type) -> Type | |
type Apply (Compare_6989586621679803399Sym1 a6989586621679803397 :: TyFun (a, b, c) Ordering -> Type) (a6989586621679803398 :: (a, b, c)) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Compare_6989586621680953511Sym1 a6989586621680953509 :: TyFun (Const a b) Ordering -> Type) (a6989586621680953510 :: Const a b) | |
Defined in Data.Singletons.Prelude.Const | |
type Apply (Compare_6989586621679803399Sym0 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867) ((a3530822107858468865, b3530822107858468866, c3530822107858468867) ~> Ordering) -> Type) (a6989586621679803397 :: (a3530822107858468865, b3530822107858468866, c3530822107858468867)) | |
Defined in Data.Singletons.Prelude.Ord type Apply (Compare_6989586621679803399Sym0 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867) ((a3530822107858468865, b3530822107858468866, c3530822107858468867) ~> Ordering) -> Type) (a6989586621679803397 :: (a3530822107858468865, b3530822107858468866, c3530822107858468867)) = Compare_6989586621679803399Sym1 a6989586621679803397 | |
type Apply (Compare_6989586621680953511Sym0 :: TyFun (Const a6989586621680952771 b6989586621680952772) (Const a6989586621680952771 b6989586621680952772 ~> Ordering) -> Type) (a6989586621680953509 :: Const a6989586621680952771 b6989586621680952772) | |
Defined in Data.Singletons.Prelude.Const type Apply (Compare_6989586621680953511Sym0 :: TyFun (Const a6989586621680952771 b6989586621680952772) (Const a6989586621680952771 b6989586621680952772 ~> Ordering) -> Type) (a6989586621680953509 :: Const a6989586621680952771 b6989586621680952772) = Compare_6989586621680953511Sym1 a6989586621680953509 | |
type Apply (Compare_6989586621679803449Sym1 a6989586621679803447 :: TyFun (a, b, c, d) Ordering -> Type) (a6989586621679803448 :: (a, b, c, d)) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Compare_6989586621679803449Sym0 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868) ((a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868) ~> Ordering) -> Type) (a6989586621679803447 :: (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868)) | |
Defined in Data.Singletons.Prelude.Ord type Apply (Compare_6989586621679803449Sym0 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868) ((a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868) ~> Ordering) -> Type) (a6989586621679803447 :: (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868)) = Compare_6989586621679803449Sym1 a6989586621679803447 | |
type Apply (Compare_6989586621679803510Sym1 a6989586621679803508 :: TyFun (a, b, c, d, e) Ordering -> Type) (a6989586621679803509 :: (a, b, c, d, e)) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Compare_6989586621679803510Sym0 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869) ((a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869) ~> Ordering) -> Type) (a6989586621679803508 :: (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869)) | |
Defined in Data.Singletons.Prelude.Ord type Apply (Compare_6989586621679803510Sym0 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869) ((a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869) ~> Ordering) -> Type) (a6989586621679803508 :: (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869)) = Compare_6989586621679803510Sym1 a6989586621679803508 | |
type Apply (Compare_6989586621679803582Sym1 a6989586621679803580 :: TyFun (a, b, c, d, e, f) Ordering -> Type) (a6989586621679803581 :: (a, b, c, d, e, f)) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Compare_6989586621679803582Sym0 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870) ((a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870) ~> Ordering) -> Type) (a6989586621679803580 :: (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870)) | |
Defined in Data.Singletons.Prelude.Ord type Apply (Compare_6989586621679803582Sym0 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870) ((a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870) ~> Ordering) -> Type) (a6989586621679803580 :: (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870)) = Compare_6989586621679803582Sym1 a6989586621679803580 | |
type Apply (Compare_6989586621679803665Sym1 a6989586621679803663 :: TyFun (a, b, c, d, e, f, g) Ordering -> Type) (a6989586621679803664 :: (a, b, c, d, e, f, g)) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Compare_6989586621679803665Sym0 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870, g3530822107858468871) ((a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870, g3530822107858468871) ~> Ordering) -> Type) (a6989586621679803663 :: (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870, g3530822107858468871)) | |
Defined in Data.Singletons.Prelude.Ord type Apply (Compare_6989586621679803665Sym0 :: TyFun (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870, g3530822107858468871) ((a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870, g3530822107858468871) ~> Ordering) -> Type) (a6989586621679803663 :: (a3530822107858468865, b3530822107858468866, c3530822107858468867, d3530822107858468868, e3530822107858468869, f3530822107858468870, g3530822107858468871)) = Compare_6989586621679803665Sym1 a6989586621679803663 |
Rational numbers, with numerator and denominator of some Integral
type.
Note that Ratio
's instances inherit the deficiencies from the type
parameter's. For example, Ratio Natural
's Num
instance has similar
problems to Natural
's.
Constructors
!a :% !a |
Instances
NFData1 Ratio | Available on Since: deepseq-1.4.3.0 |
Defined in Control.DeepSeq | |
Integral a => Enum (Ratio a) | Since: base-2.0.1 |
Eq a => Eq (Ratio a) | Since: base-2.1 |
Integral a => Fractional (Ratio a) | Since: base-2.0.1 |
(Data a, Integral a) => Data (Ratio a) | Since: base-4.0.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Ratio a -> c (Ratio a) # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c (Ratio a) # toConstr :: Ratio a -> Constr # dataTypeOf :: Ratio a -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c (Ratio a)) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c (Ratio a)) # gmapT :: (forall b. Data b => b -> b) -> Ratio a -> Ratio a # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Ratio a -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Ratio a -> r # gmapQ :: (forall d. Data d => d -> u) -> Ratio a -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Ratio a -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Ratio a -> m (Ratio a) # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Ratio a -> m (Ratio a) # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Ratio a -> m (Ratio a) # | |
Integral a => Num (Ratio a) | Since: base-2.0.1 |
Integral a => Ord (Ratio a) | Since: base-2.0.1 |
(Integral a, Read a) => Read (Ratio a) | Since: base-2.1 |
Integral a => Real (Ratio a) | Since: base-2.0.1 |
Defined in GHC.Real Methods toRational :: Ratio a -> Rational # | |
Integral a => RealFrac (Ratio a) | Since: base-2.0.1 |
Show a => Show (Ratio a) | Since: base-2.0.1 |
Integral a => Lift (Ratio a) | |
(Storable a, Integral a) => Storable (Ratio a) | Since: base-4.8.0.0 |
NFData a => NFData (Ratio a) | |
Defined in Control.DeepSeq | |
Hashable a => Hashable (Ratio a) | |
Defined in Data.Hashable.Class | |
Integral a => Default (Ratio a) | |
Defined in Data.Default.Class | |
(Eq a) :=> (Eq (Ratio a)) | |
Defined in Data.Constraint | |
(Integral a) :=> (RealFrac (Ratio a)) | |
Defined in Data.Constraint | |
(Integral a) :=> (Real (Ratio a)) | |
Defined in Data.Constraint | |
(Integral a) :=> (Ord (Ratio a)) | |
Defined in Data.Constraint | |
(Integral a) :=> (Num (Ratio a)) | |
Defined in Data.Constraint | |
(Integral a) :=> (Fractional (Ratio a)) | |
Defined in Data.Constraint Methods ins :: Integral a :- Fractional (Ratio a) | |
(Integral a) :=> (Enum (Ratio a)) | |
Defined in Data.Constraint | |
(Integral a, Show a) :=> (Show (Ratio a)) | |
(Integral a, Read a) :=> (Read (Ratio a)) | |
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
Bounded Word | Since: base-2.1 |
Enum Word | Since: base-2.1 |
Eq Word | |
Integral Word | Since: base-2.1 |
Data Word | Since: base-4.0.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Word -> c Word # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c Word # dataTypeOf :: Word -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c Word) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c Word) # gmapT :: (forall b. Data b => b -> b) -> Word -> Word # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Word -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Word -> r # gmapQ :: (forall d. Data d => d -> u) -> Word -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Word -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Word -> m Word # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Word -> m Word # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Word -> m Word # | |
Num Word | Since: base-2.1 |
Ord Word | |
Read Word | Since: base-4.5.0.0 |
Real Word | Since: base-2.1 |
Defined in GHC.Real Methods toRational :: Word -> Rational # | |
Show Word | Since: base-2.1 |
Lift Word | |
Storable Word | Since: base-2.1 |
Defined in Foreign.Storable | |
Bits Word | Since: base-2.1 |
Defined in Data.Bits Methods (.&.) :: Word -> Word -> Word # (.|.) :: Word -> Word -> Word # complement :: Word -> Word # shift :: Word -> Int -> Word # rotate :: Word -> Int -> Word # setBit :: Word -> Int -> Word # clearBit :: Word -> Int -> Word # complementBit :: Word -> Int -> Word # testBit :: Word -> Int -> Bool # bitSizeMaybe :: Word -> Maybe Int # shiftL :: Word -> Int -> Word # unsafeShiftL :: Word -> Int -> Word # shiftR :: Word -> Int -> Word # unsafeShiftR :: Word -> Int -> Word # rotateL :: Word -> Int -> Word # | |
FiniteBits Word | Since: base-4.6.0.0 |
Defined in Data.Bits Methods finiteBitSize :: Word -> Int # countLeadingZeros :: Word -> Int # countTrailingZeros :: Word -> Int # | |
NFData Word | |
Defined in Control.DeepSeq | |
Hashable Word | |
Defined in Data.Hashable.Class | |
Unbox Word | |
Defined in Data.Vector.Unboxed.Base | |
Default Word | |
Defined in Data.Default.Class | |
PrimType Word | |
Defined in Basement.PrimType Methods primSizeInBytes :: Proxy Word -> CountOf Word8 primShiftToBytes :: Proxy Word -> Int primBaUIndex :: ByteArray# -> Offset Word -> Word primMbaURead :: PrimMonad prim => MutableByteArray# (PrimState prim) -> Offset Word -> prim Word primMbaUWrite :: PrimMonad prim => MutableByteArray# (PrimState prim) -> Offset Word -> Word -> prim () primAddrIndex :: Addr# -> Offset Word -> Word primAddrRead :: PrimMonad prim => Addr# -> Offset Word -> prim Word primAddrWrite :: PrimMonad prim => Addr# -> Offset Word -> Word -> prim () | |
PrimMemoryComparable Word | |
Defined in Basement.PrimType | |
Subtractive Word | |
Vector Vector Word | |
Defined in Data.Vector.Unboxed.Base Methods basicUnsafeFreeze :: PrimMonad m => Mutable Vector (PrimState m) Word -> m (Vector Word) basicUnsafeThaw :: PrimMonad m => Vector Word -> m (Mutable Vector (PrimState m) Word) basicLength :: Vector Word -> Int basicUnsafeSlice :: Int -> Int -> Vector Word -> Vector Word basicUnsafeIndexM :: Monad m => Vector Word -> Int -> m Word basicUnsafeCopy :: PrimMonad m => Mutable Vector (PrimState m) Word -> Vector Word -> m () | |
MVector MVector Word | |
Defined in Data.Vector.Unboxed.Base Methods basicLength :: MVector s Word -> Int basicUnsafeSlice :: Int -> Int -> MVector s Word -> MVector s Word basicOverlaps :: MVector s Word -> MVector s Word -> Bool basicUnsafeNew :: PrimMonad m => Int -> m (MVector (PrimState m) Word) basicInitialize :: PrimMonad m => MVector (PrimState m) Word -> m () basicUnsafeReplicate :: PrimMonad m => Int -> Word -> m (MVector (PrimState m) Word) basicUnsafeRead :: PrimMonad m => MVector (PrimState m) Word -> Int -> m Word basicUnsafeWrite :: PrimMonad m => MVector (PrimState m) Word -> Int -> Word -> m () basicClear :: PrimMonad m => MVector (PrimState m) Word -> m () basicSet :: PrimMonad m => MVector (PrimState m) Word -> Word -> m () basicUnsafeCopy :: PrimMonad m => MVector (PrimState m) Word -> MVector (PrimState m) Word -> m () basicUnsafeMove :: PrimMonad m => MVector (PrimState m) Word -> MVector (PrimState m) Word -> m () basicUnsafeGrow :: PrimMonad m => MVector (PrimState m) Word -> Int -> m (MVector (PrimState m) Word) | |
() :=> (Bounded Word) | |
Defined in Data.Constraint | |
() :=> (Enum Word) | |
Defined in Data.Constraint | |
() :=> (Eq Word) | |
Defined in Data.Constraint | |
() :=> (Integral Word) | |
Defined in Data.Constraint | |
() :=> (Num Word) | |
Defined in Data.Constraint | |
() :=> (Ord Word) | |
Defined in Data.Constraint | |
() :=> (Read Word) | |
Defined in Data.Constraint | |
() :=> (Real Word) | |
Defined in Data.Constraint | |
() :=> (Show Word) | |
Defined in Data.Constraint | |
() :=> (Bits Word) | |
Defined in Data.Constraint | |
Generic1 (URec Word :: k -> Type) | Since: base-4.9.0.0 |
Functor (URec Word :: Type -> Type) | Since: base-4.9.0.0 |
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 # 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 # | |
Traversable (URec Word :: Type -> Type) | Since: base-4.9.0.0 |
Defined in Data.Traversable | |
Eq (URec Word p) | Since: base-4.9.0.0 |
Ord (URec Word p) | Since: base-4.9.0.0 |
Defined in GHC.Generics | |
Show (URec Word p) | Since: base-4.9.0.0 |
Generic (URec Word p) | Since: base-4.9.0.0 |
newtype Vector Word | |
Defined in Data.Vector.Unboxed.Base | |
type NatNumMaxBound Word | |
Defined in Basement.Nat | |
type Difference Word | |
Defined in Basement.Numerical.Subtractive | |
type PrimSize Word | |
Defined in Basement.PrimType type PrimSize Word = 8 | |
data URec Word (p :: k) | Used for marking occurrences of Since: base-4.9.0.0 |
newtype MVector s Word | |
Defined in Data.Vector.Unboxed.Base | |
type Rep1 (URec Word :: k -> Type) | |
Defined in GHC.Generics | |
type Rep (URec Word p) | |
Defined in GHC.Generics |
8-bit unsigned integer type
Instances
Bounded Word8 | Since: base-2.1 |
Enum Word8 | Since: base-2.1 |
Eq Word8 | Since: base-2.1 |
Integral Word8 | Since: base-2.1 |
Data Word8 | Since: base-4.0.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Word8 -> c Word8 # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c Word8 # dataTypeOf :: Word8 -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c Word8) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c Word8) # gmapT :: (forall b. Data b => b -> b) -> Word8 -> Word8 # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Word8 -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Word8 -> r # gmapQ :: (forall d. Data d => d -> u) -> Word8 -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Word8 -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Word8 -> m Word8 # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Word8 -> m Word8 # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Word8 -> m Word8 # | |
Num Word8 | Since: base-2.1 |
Ord Word8 | Since: base-2.1 |
Read Word8 | Since: base-2.1 |
Real Word8 | Since: base-2.1 |
Defined in GHC.Word Methods toRational :: Word8 -> Rational # | |
Show Word8 | Since: base-2.1 |
Ix Word8 | Since: base-2.1 |
Lift Word8 | |
Storable Word8 | Since: base-2.1 |
Bits Word8 | Since: base-2.1 |
Defined in GHC.Word Methods (.&.) :: Word8 -> Word8 -> Word8 # (.|.) :: Word8 -> Word8 -> Word8 # xor :: Word8 -> Word8 -> Word8 # complement :: Word8 -> Word8 # shift :: Word8 -> Int -> Word8 # rotate :: Word8 -> Int -> Word8 # setBit :: Word8 -> Int -> Word8 # clearBit :: Word8 -> Int -> Word8 # complementBit :: Word8 -> Int -> Word8 # testBit :: Word8 -> Int -> Bool # bitSizeMaybe :: Word8 -> Maybe Int # shiftL :: Word8 -> Int -> Word8 # unsafeShiftL :: Word8 -> Int -> Word8 # shiftR :: Word8 -> Int -> Word8 # unsafeShiftR :: Word8 -> Int -> Word8 # rotateL :: Word8 -> Int -> Word8 # | |
FiniteBits Word8 | Since: base-4.6.0.0 |
Defined in GHC.Word Methods finiteBitSize :: Word8 -> Int # countLeadingZeros :: Word8 -> Int # countTrailingZeros :: Word8 -> Int # | |
NFData Word8 | |
Defined in Control.DeepSeq | |
Hashable Word8 | |
Defined in Data.Hashable.Class | |
Unbox Word8 | |
Defined in Data.Vector.Unboxed.Base | |
Default Word8 | |
Defined in Data.Default.Class | |
PrimType Word8 | |
Defined in Basement.PrimType Methods primSizeInBytes :: Proxy Word8 -> CountOf Word8 primShiftToBytes :: Proxy Word8 -> Int primBaUIndex :: ByteArray# -> Offset Word8 -> Word8 primMbaURead :: PrimMonad prim => MutableByteArray# (PrimState prim) -> Offset Word8 -> prim Word8 primMbaUWrite :: PrimMonad prim => MutableByteArray# (PrimState prim) -> Offset Word8 -> Word8 -> prim () primAddrIndex :: Addr# -> Offset Word8 -> Word8 primAddrRead :: PrimMonad prim => Addr# -> Offset Word8 -> prim Word8 primAddrWrite :: PrimMonad prim => Addr# -> Offset Word8 -> Word8 -> prim () | |
PrimMemoryComparable Word8 | |
Defined in Basement.PrimType | |
Subtractive Word8 | |
ByteSource Word8 | |
Defined in Data.UUID.Types.Internal.Builder | |
Vector Vector Word8 | |
Defined in Data.Vector.Unboxed.Base Methods basicUnsafeFreeze :: PrimMonad m => Mutable Vector (PrimState m) Word8 -> m (Vector Word8) basicUnsafeThaw :: PrimMonad m => Vector Word8 -> m (Mutable Vector (PrimState m) Word8) basicLength :: Vector Word8 -> Int basicUnsafeSlice :: Int -> Int -> Vector Word8 -> Vector Word8 basicUnsafeIndexM :: Monad m => Vector Word8 -> Int -> m Word8 basicUnsafeCopy :: PrimMonad m => Mutable Vector (PrimState m) Word8 -> Vector Word8 -> m () | |
MVector MVector Word8 | |
Defined in Data.Vector.Unboxed.Base Methods basicLength :: MVector s Word8 -> Int basicUnsafeSlice :: Int -> Int -> MVector s Word8 -> MVector s Word8 basicOverlaps :: MVector s Word8 -> MVector s Word8 -> Bool basicUnsafeNew :: PrimMonad m => Int -> m (MVector (PrimState m) Word8) basicInitialize :: PrimMonad m => MVector (PrimState m) Word8 -> m () basicUnsafeReplicate :: PrimMonad m => Int -> Word8 -> m (MVector (PrimState m) Word8) basicUnsafeRead :: PrimMonad m => MVector (PrimState m) Word8 -> Int -> m Word8 basicUnsafeWrite :: PrimMonad m => MVector (PrimState m) Word8 -> Int -> Word8 -> m () basicClear :: PrimMonad m => MVector (PrimState m) Word8 -> m () basicSet :: PrimMonad m => MVector (PrimState m) Word8 -> Word8 -> m () basicUnsafeCopy :: PrimMonad m => MVector (PrimState m) Word8 -> MVector (PrimState m) Word8 -> m () basicUnsafeMove :: PrimMonad m => MVector (PrimState m) Word8 -> MVector (PrimState m) Word8 -> m () basicUnsafeGrow :: PrimMonad m => MVector (PrimState m) Word8 -> Int -> m (MVector (PrimState m) Word8) | |
newtype Vector Word8 | |
Defined in Data.Vector.Unboxed.Base | |
type NatNumMaxBound Word8 | |
Defined in Basement.Nat type NatNumMaxBound Word8 = 255 | |
type Difference Word8 | |
Defined in Basement.Numerical.Subtractive | |
type PrimSize Word8 | |
Defined in Basement.PrimType type PrimSize Word8 = 1 | |
newtype MVector s Word8 | |
Defined in Data.Vector.Unboxed.Base | |
type ByteSink Word8 g | |
Defined in Data.UUID.Types.Internal.Builder type ByteSink Word8 g = Takes1Byte g |
16-bit unsigned integer type
Instances
Bounded Word16 | Since: base-2.1 |
Enum Word16 | Since: base-2.1 |
Defined in GHC.Word | |
Eq Word16 | Since: base-2.1 |
Integral Word16 | Since: base-2.1 |
Data Word16 | Since: base-4.0.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Word16 -> c Word16 # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c Word16 # toConstr :: Word16 -> Constr # dataTypeOf :: Word16 -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c Word16) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c Word16) # gmapT :: (forall b. Data b => b -> b) -> Word16 -> Word16 # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Word16 -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Word16 -> r # gmapQ :: (forall d. Data d => d -> u) -> Word16 -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Word16 -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Word16 -> m Word16 # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Word16 -> m Word16 # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Word16 -> m Word16 # | |
Num Word16 | Since: base-2.1 |
Ord Word16 | Since: base-2.1 |
Read Word16 | Since: base-2.1 |
Real Word16 | Since: base-2.1 |
Defined in GHC.Word Methods toRational :: Word16 -> Rational # | |
Show Word16 | Since: base-2.1 |
Ix Word16 | Since: base-2.1 |
Lift Word16 | |
Storable Word16 | Since: base-2.1 |
Bits Word16 | Since: base-2.1 |
Defined in GHC.Word Methods (.&.) :: Word16 -> Word16 -> Word16 # (.|.) :: Word16 -> Word16 -> Word16 # xor :: Word16 -> Word16 -> Word16 # complement :: Word16 -> Word16 # shift :: Word16 -> Int -> Word16 # rotate :: Word16 -> Int -> Word16 # setBit :: Word16 -> Int -> Word16 # clearBit :: Word16 -> Int -> Word16 # complementBit :: Word16 -> Int -> Word16 # testBit :: Word16 -> Int -> Bool # bitSizeMaybe :: Word16 -> Maybe Int # shiftL :: Word16 -> Int -> Word16 # unsafeShiftL :: Word16 -> Int -> Word16 # shiftR :: Word16 -> Int -> Word16 # unsafeShiftR :: Word16 -> Int -> Word16 # rotateL :: Word16 -> Int -> Word16 # | |
FiniteBits Word16 | Since: base-4.6.0.0 |
Defined in GHC.Word Methods finiteBitSize :: Word16 -> Int # countLeadingZeros :: Word16 -> Int # countTrailingZeros :: Word16 -> Int # | |
NFData Word16 | |
Defined in Control.DeepSeq | |
Hashable Word16 | |
Defined in Data.Hashable.Class | |
Unbox Word16 | |
Defined in Data.Vector.Unboxed.Base | |
Default Word16 | |
Defined in Data.Default.Class | |
PrimType Word16 | |
Defined in Basement.PrimType Methods primSizeInBytes :: Proxy Word16 -> CountOf Word8 primShiftToBytes :: Proxy Word16 -> Int primBaUIndex :: ByteArray# -> Offset Word16 -> Word16 primMbaURead :: PrimMonad prim => MutableByteArray# (PrimState prim) -> Offset Word16 -> prim Word16 primMbaUWrite :: PrimMonad prim => MutableByteArray# (PrimState prim) -> Offset Word16 -> Word16 -> prim () primAddrIndex :: Addr# -> Offset Word16 -> Word16 primAddrRead :: PrimMonad prim => Addr# -> Offset Word16 -> prim Word16 primAddrWrite :: PrimMonad prim => Addr# -> Offset Word16 -> Word16 -> prim () | |
PrimMemoryComparable Word16 | |
Defined in Basement.PrimType | |
Subtractive Word16 | |
ByteSource Word16 | |
Defined in Data.UUID.Types.Internal.Builder | |
Vector Vector Word16 | |
Defined in Data.Vector.Unboxed.Base Methods basicUnsafeFreeze :: PrimMonad m => Mutable Vector (PrimState m) Word16 -> m (Vector Word16) basicUnsafeThaw :: PrimMonad m => Vector Word16 -> m (Mutable Vector (PrimState m) Word16) basicLength :: Vector Word16 -> Int basicUnsafeSlice :: Int -> Int -> Vector Word16 -> Vector Word16 basicUnsafeIndexM :: Monad m => Vector Word16 -> Int -> m Word16 basicUnsafeCopy :: PrimMonad m => Mutable Vector (PrimState m) Word16 -> Vector Word16 -> m () | |
MVector MVector Word16 | |
Defined in Data.Vector.Unboxed.Base Methods basicLength :: MVector s Word16 -> Int basicUnsafeSlice :: Int -> Int -> MVector s Word16 -> MVector s Word16 basicOverlaps :: MVector s Word16 -> MVector s Word16 -> Bool basicUnsafeNew :: PrimMonad m => Int -> m (MVector (PrimState m) Word16) basicInitialize :: PrimMonad m => MVector (PrimState m) Word16 -> m () basicUnsafeReplicate :: PrimMonad m => Int -> Word16 -> m (MVector (PrimState m) Word16) basicUnsafeRead :: PrimMonad m => MVector (PrimState m) Word16 -> Int -> m Word16 basicUnsafeWrite :: PrimMonad m => MVector (PrimState m) Word16 -> Int -> Word16 -> m () basicClear :: PrimMonad m => MVector (PrimState m) Word16 -> m () basicSet :: PrimMonad m => MVector (PrimState m) Word16 -> Word16 -> m () basicUnsafeCopy :: PrimMonad m => MVector (PrimState m) Word16 -> MVector (PrimState m) Word16 -> m () basicUnsafeMove :: PrimMonad m => MVector (PrimState m) Word16 -> MVector (PrimState m) Word16 -> m () basicUnsafeGrow :: PrimMonad m => MVector (PrimState m) Word16 -> Int -> m (MVector (PrimState m) Word16) | |
newtype Vector Word16 | |
Defined in Data.Vector.Unboxed.Base | |
type NatNumMaxBound Word16 | |
Defined in Basement.Nat type NatNumMaxBound Word16 = 65535 | |
type Difference Word16 | |
Defined in Basement.Numerical.Subtractive | |
type PrimSize Word16 | |
Defined in Basement.PrimType type PrimSize Word16 = 2 | |
newtype MVector s Word16 | |
Defined in Data.Vector.Unboxed.Base | |
type ByteSink Word16 g | |
Defined in Data.UUID.Types.Internal.Builder type ByteSink Word16 g = Takes2Bytes g |
32-bit unsigned integer type
Instances
Bounded Word32 | Since: base-2.1 |
Enum Word32 | Since: base-2.1 |
Defined in GHC.Word | |
Eq Word32 | Since: base-2.1 |
Integral Word32 | Since: base-2.1 |
Data Word32 | Since: base-4.0.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Word32 -> c Word32 # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c Word32 # toConstr :: Word32 -> Constr # dataTypeOf :: Word32 -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c Word32) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c Word32) # gmapT :: (forall b. Data b => b -> b) -> Word32 -> Word32 # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Word32 -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Word32 -> r # gmapQ :: (forall d. Data d => d -> u) -> Word32 -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Word32 -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Word32 -> m Word32 # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Word32 -> m Word32 # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Word32 -> m Word32 # | |
Num Word32 | Since: base-2.1 |
Ord Word32 | Since: base-2.1 |
Read Word32 | Since: base-2.1 |
Real Word32 | Since: base-2.1 |
Defined in GHC.Word Methods toRational :: Word32 -> Rational # | |
Show Word32 | Since: base-2.1 |
Ix Word32 | Since: base-2.1 |
Lift Word32 | |
Storable Word32 | Since: base-2.1 |
Bits Word32 | Since: base-2.1 |
Defined in GHC.Word Methods (.&.) :: Word32 -> Word32 -> Word32 # (.|.) :: Word32 -> Word32 -> Word32 # xor :: Word32 -> Word32 -> Word32 # complement :: Word32 -> Word32 # shift :: Word32 -> Int -> Word32 # rotate :: Word32 -> Int -> Word32 # setBit :: Word32 -> Int -> Word32 # clearBit :: Word32 -> Int -> Word32 # complementBit :: Word32 -> Int -> Word32 # testBit :: Word32 -> Int -> Bool # bitSizeMaybe :: Word32 -> Maybe Int # shiftL :: Word32 -> Int -> Word32 # unsafeShiftL :: Word32 -> Int -> Word32 # shiftR :: Word32 -> Int -> Word32 # unsafeShiftR :: Word32 -> Int -> Word32 # rotateL :: Word32 -> Int -> Word32 # | |
FiniteBits Word32 | Since: base-4.6.0.0 |
Defined in GHC.Word Methods finiteBitSize :: Word32 -> Int # countLeadingZeros :: Word32 -> Int # countTrailingZeros :: Word32 -> Int # | |
NFData Word32 | |
Defined in Control.DeepSeq | |
Hashable Word32 | |
Defined in Data.Hashable.Class | |
Unbox Word32 | |
Defined in Data.Vector.Unboxed.Base | |
Default Word32 | |
Defined in Data.Default.Class | |
PrimType Word32 | |
Defined in Basement.PrimType Methods primSizeInBytes :: Proxy Word32 -> CountOf Word8 primShiftToBytes :: Proxy Word32 -> Int primBaUIndex :: ByteArray# -> Offset Word32 -> Word32 primMbaURead :: PrimMonad prim => MutableByteArray# (PrimState prim) -> Offset Word32 -> prim Word32 primMbaUWrite :: PrimMonad prim => MutableByteArray# (PrimState prim) -> Offset Word32 -> Word32 -> prim () primAddrIndex :: Addr# -> Offset Word32 -> Word32 primAddrRead :: PrimMonad prim => Addr# -> Offset Word32 -> prim Word32 primAddrWrite :: PrimMonad prim => Addr# -> Offset Word32 -> Word32 -> prim () | |
PrimMemoryComparable Word32 | |
Defined in Basement.PrimType | |
Subtractive Word32 | |
ByteSource Word32 | |
Defined in Data.UUID.Types.Internal.Builder | |
Vector Vector Word32 | |
Defined in Data.Vector.Unboxed.Base Methods basicUnsafeFreeze :: PrimMonad m => Mutable Vector (PrimState m) Word32 -> m (Vector Word32) basicUnsafeThaw :: PrimMonad m => Vector Word32 -> m (Mutable Vector (PrimState m) Word32) basicLength :: Vector Word32 -> Int basicUnsafeSlice :: Int -> Int -> Vector Word32 -> Vector Word32 basicUnsafeIndexM :: Monad m => Vector Word32 -> Int -> m Word32 basicUnsafeCopy :: PrimMonad m => Mutable Vector (PrimState m) Word32 -> Vector Word32 -> m () | |
MVector MVector Word32 | |
Defined in Data.Vector.Unboxed.Base Methods basicLength :: MVector s Word32 -> Int basicUnsafeSlice :: Int -> Int -> MVector s Word32 -> MVector s Word32 basicOverlaps :: MVector s Word32 -> MVector s Word32 -> Bool basicUnsafeNew :: PrimMonad m => Int -> m (MVector (PrimState m) Word32) basicInitialize :: PrimMonad m => MVector (PrimState m) Word32 -> m () basicUnsafeReplicate :: PrimMonad m => Int -> Word32 -> m (MVector (PrimState m) Word32) basicUnsafeRead :: PrimMonad m => MVector (PrimState m) Word32 -> Int -> m Word32 basicUnsafeWrite :: PrimMonad m => MVector (PrimState m) Word32 -> Int -> Word32 -> m () basicClear :: PrimMonad m => MVector (PrimState m) Word32 -> m () basicSet :: PrimMonad m => MVector (PrimState m) Word32 -> Word32 -> m () basicUnsafeCopy :: PrimMonad m => MVector (PrimState m) Word32 -> MVector (PrimState m) Word32 -> m () basicUnsafeMove :: PrimMonad m => MVector (PrimState m) Word32 -> MVector (PrimState m) Word32 -> m () basicUnsafeGrow :: PrimMonad m => MVector (PrimState m) Word32 -> Int -> m (MVector (PrimState m) Word32) | |
newtype Vector Word32 | |
Defined in Data.Vector.Unboxed.Base | |
type NatNumMaxBound Word32 | |
Defined in Basement.Nat type NatNumMaxBound Word32 = 4294967295 | |
type Difference Word32 | |
Defined in Basement.Numerical.Subtractive | |
type PrimSize Word32 | |
Defined in Basement.PrimType type PrimSize Word32 = 4 | |
newtype MVector s Word32 | |
Defined in Data.Vector.Unboxed.Base | |
type ByteSink Word32 g | |
Defined in Data.UUID.Types.Internal.Builder type ByteSink Word32 g = Takes4Bytes g |
64-bit unsigned integer type
Instances
Bounded Word64 | Since: base-2.1 |
Enum Word64 | Since: base-2.1 |
Defined in GHC.Word | |
Eq Word64 | Since: base-2.1 |
Integral Word64 | Since: base-2.1 |
Data Word64 | Since: base-4.0.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Word64 -> c Word64 # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c Word64 # toConstr :: Word64 -> Constr # dataTypeOf :: Word64 -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c Word64) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c Word64) # gmapT :: (forall b. Data b => b -> b) -> Word64 -> Word64 # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Word64 -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Word64 -> r # gmapQ :: (forall d. Data d => d -> u) -> Word64 -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Word64 -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Word64 -> m Word64 # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Word64 -> m Word64 # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Word64 -> m Word64 # | |
Num Word64 | Since: base-2.1 |
Ord Word64 | Since: base-2.1 |
Read Word64 | Since: base-2.1 |
Real Word64 | Since: base-2.1 |
Defined in GHC.Word Methods toRational :: Word64 -> Rational # | |
Show Word64 | Since: base-2.1 |
Ix Word64 | Since: base-2.1 |
Lift Word64 | |
Storable Word64 | Since: base-2.1 |
Bits Word64 | Since: base-2.1 |
Defined in GHC.Word Methods (.&.) :: Word64 -> Word64 -> Word64 # (.|.) :: Word64 -> Word64 -> Word64 # xor :: Word64 -> Word64 -> Word64 # complement :: Word64 -> Word64 # shift :: Word64 -> Int -> Word64 # rotate :: Word64 -> Int -> Word64 # setBit :: Word64 -> Int -> Word64 # clearBit :: Word64 -> Int -> Word64 # complementBit :: Word64 -> Int -> Word64 # testBit :: Word64 -> Int -> Bool # bitSizeMaybe :: Word64 -> Maybe Int # shiftL :: Word64 -> Int -> Word64 # unsafeShiftL :: Word64 -> Int -> Word64 # shiftR :: Word64 -> Int -> Word64 # unsafeShiftR :: Word64 -> Int -> Word64 # rotateL :: Word64 -> Int -> Word64 # | |
FiniteBits Word64 | Since: base-4.6.0.0 |
Defined in GHC.Word Methods finiteBitSize :: Word64 -> Int # countLeadingZeros :: Word64 -> Int # countTrailingZeros :: Word64 -> Int # | |
NFData Word64 | |
Defined in Control.DeepSeq | |
Hashable Word64 | |
Defined in Data.Hashable.Class | |
Unbox Word64 | |
Defined in Data.Vector.Unboxed.Base | |
Default Word64 | |
Defined in Data.Default.Class | |
PrimType Word64 | |
Defined in Basement.PrimType Methods primSizeInBytes :: Proxy Word64 -> CountOf Word8 primShiftToBytes :: Proxy Word64 -> Int primBaUIndex :: ByteArray# -> Offset Word64 -> Word64 primMbaURead :: PrimMonad prim => MutableByteArray# (PrimState prim) -> Offset Word64 -> prim Word64 primMbaUWrite :: PrimMonad prim => MutableByteArray# (PrimState prim) -> Offset Word64 -> Word64 -> prim () primAddrIndex :: Addr# -> Offset Word64 -> Word64 primAddrRead :: PrimMonad prim => Addr# -> Offset Word64 -> prim Word64 primAddrWrite :: PrimMonad prim => Addr# -> Offset Word64 -> Word64 -> prim () | |
PrimMemoryComparable Word64 | |
Defined in Basement.PrimType | |
Subtractive Word64 | |
Vector Vector Word64 | |
Defined in Data.Vector.Unboxed.Base Methods basicUnsafeFreeze :: PrimMonad m => Mutable Vector (PrimState m) Word64 -> m (Vector Word64) basicUnsafeThaw :: PrimMonad m => Vector Word64 -> m (Mutable Vector (PrimState m) Word64) basicLength :: Vector Word64 -> Int basicUnsafeSlice :: Int -> Int -> Vector Word64 -> Vector Word64 basicUnsafeIndexM :: Monad m => Vector Word64 -> Int -> m Word64 basicUnsafeCopy :: PrimMonad m => Mutable Vector (PrimState m) Word64 -> Vector Word64 -> m () | |
MVector MVector Word64 | |
Defined in Data.Vector.Unboxed.Base Methods basicLength :: MVector s Word64 -> Int basicUnsafeSlice :: Int -> Int -> MVector s Word64 -> MVector s Word64 basicOverlaps :: MVector s Word64 -> MVector s Word64 -> Bool basicUnsafeNew :: PrimMonad m => Int -> m (MVector (PrimState m) Word64) basicInitialize :: PrimMonad m => MVector (PrimState m) Word64 -> m () basicUnsafeReplicate :: PrimMonad m => Int -> Word64 -> m (MVector (PrimState m) Word64) basicUnsafeRead :: PrimMonad m => MVector (PrimState m) Word64 -> Int -> m Word64 basicUnsafeWrite :: PrimMonad m => MVector (PrimState m) Word64 -> Int -> Word64 -> m () basicClear :: PrimMonad m => MVector (PrimState m) Word64 -> m () basicSet :: PrimMonad m => MVector (PrimState m) Word64 -> Word64 -> m () basicUnsafeCopy :: PrimMonad m => MVector (PrimState m) Word64 -> MVector (PrimState m) Word64 -> m () basicUnsafeMove :: PrimMonad m => MVector (PrimState m) Word64 -> MVector (PrimState m) Word64 -> m () basicUnsafeGrow :: PrimMonad m => MVector (PrimState m) Word64 -> Int -> m (MVector (PrimState m) Word64) | |
newtype Vector Word64 | |
Defined in Data.Vector.Unboxed.Base | |
type NatNumMaxBound Word64 | |
Defined in Basement.Nat type NatNumMaxBound Word64 = 18446744073709551615 | |
type Difference Word64 | |
Defined in Basement.Numerical.Subtractive | |
type PrimSize Word64 | |
Defined in Basement.PrimType type PrimSize Word64 = 8 | |
newtype MVector s Word64 | |
Defined in Data.Vector.Unboxed.Base |
A value of type
represents a pointer to an object, or an
array of objects, which may be marshalled to or from Haskell values
of type Ptr
aa
.
The type a
will often be an instance of class
Storable
which provides the marshalling operations.
However this is not essential, and you can provide your own operations
to access the pointer. For example you might write small foreign
functions to get or set the fields of a C struct
.
Instances
NFData1 Ptr | Since: deepseq-1.4.3.0 |
Defined in Control.DeepSeq | |
Generic1 (URec (Ptr ()) :: k -> Type) | Since: base-4.9.0.0 |
Eq (Ptr a) | Since: base-2.1 |
Data a => Data (Ptr a) | Since: base-4.8.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Ptr a -> c (Ptr a) # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c (Ptr a) # dataTypeOf :: Ptr a -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c (Ptr a)) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c (Ptr a)) # gmapT :: (forall b. Data b => b -> b) -> Ptr a -> Ptr a # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Ptr a -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Ptr a -> r # gmapQ :: (forall d. Data d => d -> u) -> Ptr a -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Ptr a -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Ptr a -> m (Ptr a) # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Ptr a -> m (Ptr a) # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Ptr a -> m (Ptr a) # | |
Ord (Ptr a) | Since: base-2.1 |
Show (Ptr a) | Since: base-2.1 |
Storable (Ptr a) | Since: base-2.1 |
NFData (Ptr a) | Since: deepseq-1.4.2.0 |
Defined in Control.DeepSeq | |
Hashable (Ptr a) | |
Defined in Data.Hashable.Class | |
Functor (URec (Ptr ()) :: Type -> Type) | Since: base-4.9.0.0 |
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 # 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 # | |
Traversable (URec (Ptr ()) :: Type -> Type) | Since: base-4.9.0.0 |
Defined in Data.Traversable Methods traverse :: Applicative f => (a -> f b) -> URec (Ptr ()) a -> f (URec (Ptr ()) b) # sequenceA :: Applicative f => URec (Ptr ()) (f a) -> f (URec (Ptr ()) a) # mapM :: Monad m => (a -> m b) -> URec (Ptr ()) a -> m (URec (Ptr ()) b) # sequence :: Monad m => URec (Ptr ()) (m a) -> m (URec (Ptr ()) a) # | |
Eq (URec (Ptr ()) p) | Since: base-4.9.0.0 |
Ord (URec (Ptr ()) p) | Since: base-4.9.0.0 |
Defined in GHC.Generics Methods compare :: URec (Ptr ()) p -> URec (Ptr ()) p -> Ordering # (<) :: URec (Ptr ()) p -> URec (Ptr ()) p -> Bool # (<=) :: URec (Ptr ()) p -> URec (Ptr ()) p -> Bool # (>) :: URec (Ptr ()) p -> URec (Ptr ()) p -> Bool # (>=) :: URec (Ptr ()) p -> URec (Ptr ()) p -> Bool # max :: URec (Ptr ()) p -> URec (Ptr ()) p -> URec (Ptr ()) p # min :: URec (Ptr ()) p -> URec (Ptr ()) p -> URec (Ptr ()) p # | |
Generic (URec (Ptr ()) p) | Since: base-4.9.0.0 |
data URec (Ptr ()) (p :: k) | Used for marking occurrences of Since: base-4.9.0.0 |
type Rep1 (URec (Ptr ()) :: k -> Type) | |
Defined in GHC.Generics | |
type Rep (URec (Ptr ()) p) | |
Defined in GHC.Generics |
A value of type
is a pointer to a function callable
from foreign code. The type FunPtr
aa
will normally be a foreign type,
a function type with zero or more arguments where
- the argument types are marshallable foreign types,
i.e.
Char
,Int
,Double
,Float
,Bool
,Int8
,Int16
,Int32
,Int64
,Word8
,Word16
,Word32
,Word64
,
,Ptr
a
,FunPtr
a
or a renaming of any of these usingStablePtr
anewtype
. - the return type is either a marshallable foreign type or has the form
whereIO
tt
is a marshallable foreign type or()
.
A value of type
may be a pointer to a foreign function,
either returned by another foreign function or imported with a
a static address import likeFunPtr
a
foreign import ccall "stdlib.h &free" p_free :: FunPtr (Ptr a -> IO ())
or a pointer to a Haskell function created using a wrapper stub
declared to produce a FunPtr
of the correct type. For example:
type Compare = Int -> Int -> Bool foreign import ccall "wrapper" mkCompare :: Compare -> IO (FunPtr Compare)
Calls to wrapper stubs like mkCompare
allocate storage, which
should be released with freeHaskellFunPtr
when no
longer required.
To convert FunPtr
values to corresponding Haskell functions, one
can define a dynamic stub for the specific foreign type, e.g.
type IntFunction = CInt -> IO () foreign import ccall "dynamic" mkFun :: FunPtr IntFunction -> IntFunction
Instances
NFData1 FunPtr | Since: deepseq-1.4.3.0 |
Defined in Control.DeepSeq | |
Eq (FunPtr a) | |
Ord (FunPtr a) | |
Defined in GHC.Ptr | |
Show (FunPtr a) | Since: base-2.1 |
Storable (FunPtr a) | Since: base-2.1 |
Defined in Foreign.Storable | |
NFData (FunPtr a) | Since: deepseq-1.4.2.0 |
Defined in Control.DeepSeq | |
Hashable (FunPtr a) | |
Defined in Data.Hashable.Class |
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
Bifunctor Either | Since: base-4.8.0.0 |
NFData2 Either | Since: deepseq-1.4.3.0 |
Defined in Control.DeepSeq | |
Hashable2 Either | |
Defined in Data.Hashable.Class | |
MonadError e (Either e) | |
Defined in Control.Monad.Error.Class | |
() :=> (Monad (Either a)) | |
Defined in Data.Constraint | |
() :=> (Functor (Either a)) | |
Defined in Data.Constraint | |
() :=> (Applicative (Either a)) | |
Defined in Data.Constraint Methods ins :: () :- Applicative (Either a) | |
Monad (Either e) | Since: base-4.4.0.0 |
Functor (Either a) | Since: base-3.0 |
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 # 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 | |
NFData a => NFData1 (Either a) | Since: deepseq-1.4.3.0 |
Defined in Control.DeepSeq | |
e ~ SomeException => MonadCatch (Either e) | |
e ~ SomeException => MonadMask (Either e) | |
Defined in Control.Monad.Catch | |
e ~ SomeException => MonadThrow (Either e) | |
Defined in Control.Monad.Catch | |
Hashable a => Hashable1 (Either a) | |
Defined in Data.Hashable.Class | |
PFunctor (Either a) | |
Defined in Data.Singletons.Prelude.Monad.Internal Associated Types type Fmap arg0 arg1 :: f0 b0 type arg0 <$ arg1 :: f0 a0 | |
PMonad (Either e) | |
Defined in Data.Singletons.Prelude.Monad.Internal Associated Types type arg0 >>= arg1 :: m0 b0 type arg0 >> arg1 :: m0 b0 type Return arg0 :: m0 a0 | |
SFunctor (Either a) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
SMonad (Either e) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods (%>>=) :: forall a b (t1 :: Either e a) (t2 :: a ~> Either e b). Sing t1 -> Sing t2 -> Sing (Apply (Apply (>>=@#@$) t1) t2) (%>>) :: forall a b (t1 :: Either e a) (t2 :: Either e b). Sing t1 -> Sing t2 -> Sing (Apply (Apply (>>@#@$) t1) t2) sReturn :: forall a (t :: a). Sing t -> Sing (Apply ReturnSym0 t) | |
PTraversable (Either a) | |
Defined in Data.Singletons.Prelude.Traversable Associated Types type Traverse arg0 arg1 :: f0 (t0 b0) type SequenceA arg0 :: f0 (t0 a0) type MapM arg0 arg1 :: m0 (t0 b0) type Sequence arg0 :: m0 (t0 a0) | |
STraversable (Either a) | |
Defined in Data.Singletons.Prelude.Traversable Methods sTraverse :: forall a0 (f :: Type -> Type) b (t1 :: a0 ~> f b) (t2 :: Either a a0). SApplicative f => Sing t1 -> Sing t2 -> Sing (Apply (Apply TraverseSym0 t1) t2) sSequenceA :: forall (f :: Type -> Type) a0 (t :: Either a (f a0)). SApplicative f => Sing t -> Sing (Apply SequenceASym0 t) sMapM :: forall a0 (m :: Type -> Type) b (t1 :: a0 ~> m b) (t2 :: Either a a0). SMonad m => Sing t1 -> Sing t2 -> Sing (Apply (Apply MapMSym0 t1) t2) sSequence :: forall (m :: Type -> Type) a0 (t :: Either a (m a0)). SMonad m => Sing t -> Sing (Apply SequenceSym0 t) | |
SApplicative (Either e) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods sPure :: forall a (t :: a). Sing t -> Sing (Apply PureSym0 t) (%<*>) :: forall a b (t1 :: Either e (a ~> b)) (t2 :: Either e a). Sing t1 -> Sing t2 -> Sing (Apply (Apply (<*>@#@$) t1) t2) sLiftA2 :: forall a b c (t1 :: a ~> (b ~> c)) (t2 :: Either e a) (t3 :: Either e b). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply LiftA2Sym0 t1) t2) t3) (%*>) :: forall a b (t1 :: Either e a) (t2 :: Either e b). Sing t1 -> Sing t2 -> Sing (Apply (Apply (*>@#@$) t1) t2) (%<*) :: forall a b (t1 :: Either e a) (t2 :: Either e b). Sing t1 -> Sing t2 -> Sing (Apply (Apply (<*@#@$) t1) t2) | |
SFoldable (Either a) | |
Defined in Data.Singletons.Prelude.Foldable Methods sFold :: forall m (t :: Either a m). SMonoid m => Sing t -> Sing (Apply FoldSym0 t) sFoldMap :: forall a0 m (t1 :: a0 ~> m) (t2 :: Either a a0). SMonoid m => Sing t1 -> Sing t2 -> Sing (Apply (Apply FoldMapSym0 t1) t2) sFoldr :: forall a0 b (t1 :: a0 ~> (b ~> b)) (t2 :: b) (t3 :: Either a a0). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply FoldrSym0 t1) t2) t3) sFoldr' :: forall a0 b (t1 :: a0 ~> (b ~> b)) (t2 :: b) (t3 :: Either a a0). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply Foldr'Sym0 t1) t2) t3) sFoldl :: forall b a0 (t1 :: b ~> (a0 ~> b)) (t2 :: b) (t3 :: Either a a0). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply FoldlSym0 t1) t2) t3) sFoldl' :: forall b a0 (t1 :: b ~> (a0 ~> b)) (t2 :: b) (t3 :: Either a a0). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply Foldl'Sym0 t1) t2) t3) sFoldr1 :: forall a0 (t1 :: a0 ~> (a0 ~> a0)) (t2 :: Either a a0). Sing t1 -> Sing t2 -> Sing (Apply (Apply Foldr1Sym0 t1) t2) sFoldl1 :: forall a0 (t1 :: a0 ~> (a0 ~> a0)) (t2 :: Either a a0). Sing t1 -> Sing t2 -> Sing (Apply (Apply Foldl1Sym0 t1) t2) sToList :: forall a0 (t :: Either a a0). Sing t -> Sing (Apply ToListSym0 t) sNull :: forall a0 (t :: Either a a0). Sing t -> Sing (Apply NullSym0 t) sLength :: forall a0 (t :: Either a a0). Sing t -> Sing (Apply LengthSym0 t) sElem :: forall a0 (t1 :: a0) (t2 :: Either a a0). SEq a0 => Sing t1 -> Sing t2 -> Sing (Apply (Apply ElemSym0 t1) t2) sMaximum :: forall a0 (t :: Either a a0). SOrd a0 => Sing t -> Sing (Apply MaximumSym0 t) sMinimum :: forall a0 (t :: Either a a0). SOrd a0 => Sing t -> Sing (Apply MinimumSym0 t) sSum :: forall a0 (t :: Either a a0). SNum a0 => Sing t -> Sing (Apply SumSym0 t) sProduct :: forall a0 (t :: Either a a0). SNum a0 => Sing t -> Sing (Apply ProductSym0 t) | |
PApplicative (Either e) | |
Defined in Data.Singletons.Prelude.Monad.Internal Associated Types type Pure arg0 :: f0 a0 type arg0 <*> arg1 :: f0 b0 type LiftA2 arg0 arg1 arg2 :: f0 c0 type arg0 *> arg1 :: f0 b0 type arg0 <* arg1 :: f0 a0 | |
PFoldable (Either a) | |
Defined in Data.Singletons.Prelude.Foldable Associated Types type Fold arg0 :: m0 type FoldMap arg0 arg1 :: m0 type Foldr arg0 arg1 arg2 :: b0 type Foldr' arg0 arg1 arg2 :: b0 type Foldl arg0 arg1 arg2 :: b0 type Foldl' arg0 arg1 arg2 :: b0 type Foldr1 arg0 arg1 :: a0 type Foldl1 arg0 arg1 :: a0 type ToList arg0 :: [a0] type Null arg0 :: Bool type Length arg0 :: Nat type Elem arg0 arg1 :: Bool type Maximum arg0 :: a0 type Minimum arg0 :: a0 type Sum arg0 :: a0 type Product arg0 :: a0 | |
MonadFailure (Either a) | |
Defined in Basement.Monad Associated Types type Failure (Either a) | |
Generic1 (Either a :: Type -> Type) | Since: base-4.6.0.0 |
IsoHKD (Either a :: Type -> Type) (b :: Type) | |
(CanCastTo l1 l2, CanCastTo r1 r2) => CanCastTo (Either l1 r1 :: Type) (Either l2 r2 :: Type) | |
(Eq a, Eq b) => Eq (Either a b) | Since: base-2.1 |
(Data a, Data b) => Data (Either a b) | Since: base-4.0.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b0. Data d => c (d -> b0) -> d -> c b0) -> (forall g. g -> c g) -> Either a b -> c (Either a b) # gunfold :: (forall b0 r. Data b0 => c (b0 -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c (Either a b) # toConstr :: Either a b -> Constr # dataTypeOf :: Either a b -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c (Either a b)) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c (Either a b)) # gmapT :: (forall b0. Data b0 => b0 -> b0) -> Either a b -> Either a b # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Either a b -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Either a b -> r # gmapQ :: (forall d. Data d => d -> u) -> Either a b -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Either a b -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Either a b -> m (Either a b) # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Either a b -> m (Either a b) # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Either a b -> m (Either a b) # | |
(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) | Since: base-4.6.0.0 |
Semigroup (Either a b) | Since: base-4.9.0.0 |
(Lift a, Lift b) => Lift (Either a b) | |
(NFData a, NFData b) => NFData (Either a b) | |
Defined in Control.DeepSeq | |
(IsoValue l, IsoValue r) => IsoValue (Either l r) | |
PolyTypeHasDocC '[l, r] => TypeHasDoc (Either l r) | |
Defined in Michelson.Typed.Haskell.Doc Associated Types type TypeDocFieldDescriptions (Either l r) :: FieldDescriptions # Methods typeDocName :: Proxy (Either l r) -> Text # typeDocMdDescription :: Markdown # typeDocMdReference :: Proxy (Either l r) -> WithinParens -> Markdown # typeDocDependencies :: Proxy (Either l r) -> [SomeDocDefinitionItem] # typeDocHaskellRep :: TypeDocHaskellRep (Either l r) # typeDocMichelsonRep :: TypeDocMichelsonRep (Either l r) # | |
(Hashable a, Hashable b) => Hashable (Either a b) | |
Defined in Data.Hashable.Class | |
(TypeError (DisallowInstance "Either") :: Constraint) => Container (Either a b) | |
Defined in Universum.Container.Class Methods toList :: Either a b -> [Element (Either a b)] # foldr :: (Element (Either a b) -> b0 -> b0) -> b0 -> Either a b -> b0 # foldl :: (b0 -> Element (Either a b) -> b0) -> b0 -> Either a b -> b0 # foldl' :: (b0 -> Element (Either a b) -> b0) -> b0 -> Either a b -> b0 # elem :: Element (Either a b) -> Either a b -> Bool # maximum :: Either a b -> Element (Either a b) # minimum :: Either a b -> Element (Either a b) # foldMap :: Monoid m => (Element (Either a b) -> m) -> Either a b -> m # fold :: Either a b -> Element (Either a b) # foldr' :: (Element (Either a b) -> b0 -> b0) -> b0 -> Either a b -> b0 # foldr1 :: (Element (Either a b) -> Element (Either a b) -> Element (Either a b)) -> Either a b -> Element (Either a b) # foldl1 :: (Element (Either a b) -> Element (Either a b) -> Element (Either a b)) -> Either a b -> Element (Either a b) # notElem :: Element (Either a b) -> Either a b -> Bool # all :: (Element (Either a b) -> Bool) -> Either a b -> Bool # any :: (Element (Either a b) -> Bool) -> Either a b -> Bool # find :: (Element (Either a b) -> Bool) -> Either a b -> Maybe (Element (Either a b)) # | |
(SEq a, SEq b) => SEq (Either a b) | |
SSemigroup (Either a b) | |
(SOrd a, SOrd b) => SOrd (Either a b) | |
Defined in Data.Singletons.Prelude.Ord Methods sCompare :: forall (t1 :: Either a b) (t2 :: Either a b). Sing t1 -> Sing t2 -> Sing (Apply (Apply CompareSym0 t1) t2) (%<) :: forall (t1 :: Either a b) (t2 :: Either a b). Sing t1 -> Sing t2 -> Sing (Apply (Apply (<@#@$) t1) t2) (%<=) :: forall (t1 :: Either a b) (t2 :: Either a b). Sing t1 -> Sing t2 -> Sing (Apply (Apply (<=@#@$) t1) t2) (%>) :: forall (t1 :: Either a b) (t2 :: Either a b). Sing t1 -> Sing t2 -> Sing (Apply (Apply (>@#@$) t1) t2) (%>=) :: forall (t1 :: Either a b) (t2 :: Either a b). Sing t1 -> Sing t2 -> Sing (Apply (Apply (>=@#@$) t1) t2) sMax :: forall (t1 :: Either a b) (t2 :: Either a b). Sing t1 -> Sing t2 -> Sing (Apply (Apply MaxSym0 t1) t2) sMin :: forall (t1 :: Either a b) (t2 :: Either a b). Sing t1 -> Sing t2 -> Sing (Apply (Apply MinSym0 t1) t2) | |
PSemigroup (Either a b) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Associated Types type arg0 <> arg1 :: a0 type Sconcat arg0 :: a0 | |
PEq (Either a b) | |
Defined in Data.Singletons.Prelude.Eq | |
POrd (Either a b) | |
PShow (Either a b) | |
Defined in Data.Singletons.Prelude.Show | |
(SShow a, SShow b) => SShow (Either a b) | |
Defined in Data.Singletons.Prelude.Show Methods sShowsPrec :: forall (t1 :: Nat) (t2 :: Either a b) (t3 :: Symbol). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply ShowsPrecSym0 t1) t2) t3) sShow_ :: forall (t :: Either a b). Sing t -> Sing (Apply Show_Sym0 t) sShowList :: forall (t1 :: [Either a b]) (t2 :: Symbol). Sing t1 -> Sing t2 -> Sing (Apply (Apply ShowListSym0 t1) t2) | |
(Eq a, Eq b) :=> (Eq (Either a b)) | |
(Ord a, Ord b) :=> (Ord (Either a b)) | |
(Read a, Read b) :=> (Read (Either a b)) | |
(Show a, Show b) :=> (Show (Either a b)) | |
(SDecide a, SDecide b) => TestCoercion (SEither :: Either a b -> Type) | |
Defined in Data.Singletons.Prelude.Instances Methods testCoercion :: forall (a0 :: k) (b0 :: k). SEither a0 -> SEither b0 -> Maybe (Coercion a0 b0) # | |
(SDecide a, SDecide b) => TestEquality (SEither :: Either a b -> Type) | |
Defined in Data.Singletons.Prelude.Instances Methods testEquality :: forall (a0 :: k) (b0 :: k). SEither a0 -> SEither b0 -> Maybe (a0 :~: b0) # | |
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 Methods sing :: Sing PartitionEithersSym0 | |
SingI (LeftsSym0 :: TyFun [Either a b] [a] -> Type) | |
Defined in Data.Singletons.Prelude.Either Methods sing :: Sing LeftsSym0 | |
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 Methods sing :: Sing RightSym0 | |
SingI (LeftSym0 :: TyFun a (Either a b) -> Type) | |
Defined in Data.Singletons.Prelude.Instances Methods sing :: Sing LeftSym0 | |
SuppressUnusedWarnings (RightsSym0 :: TyFun [Either a6989586621680725242 b6989586621680725243] [b6989586621680725243] -> Type) | |
Defined in Data.Singletons.Prelude.Either Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (PartitionEithersSym0 :: TyFun [Either a6989586621680725240 b6989586621680725241] ([a6989586621680725240], [b6989586621680725241]) -> Type) | |
Defined in Data.Singletons.Prelude.Either Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (LeftsSym0 :: TyFun [Either a6989586621680725244 b6989586621680725245] [a6989586621680725244] -> Type) | |
Defined in Data.Singletons.Prelude.Either Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (IsRightSym0 :: TyFun (Either a6989586621680725236 b6989586621680725237) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Either Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (IsLeftSym0 :: TyFun (Either a6989586621680725238 b6989586621680725239) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Either Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803289Sym0 :: TyFun (Either a6989586621679091042 b6989586621679091043) (Either a6989586621679091042 b6989586621679091043 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ShowsPrec_6989586621680595795Sym0 :: TyFun Nat (Either a6989586621679091042 b6989586621679091043 ~> (Symbol ~> Symbol)) -> Type) | |
Defined in Data.Singletons.Prelude.Show Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Pure_6989586621680024479Sym0 :: TyFun a6989586621679962812 (Either e6989586621680023561 a6989586621679962812) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (RightSym0 :: TyFun b6989586621679091043 (Either a6989586621679091042 b6989586621679091043) -> Type) | |
Defined in Data.Singletons.Prelude.Instances Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (LeftSym0 :: TyFun a6989586621679091042 (Either a6989586621679091042 b6989586621679091043) -> Type) | |
Defined in Data.Singletons.Prelude.Instances Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680187948ASym0 :: TyFun k1 (Either a6989586621679091042 k1) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
(a ~ a', b ~ b') => Each (Either a a') (Either b b') a b | |
Defined in Lens.Micro.Internal | |
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 (ShowsPrec_6989586621680595795Sym1 a6989586621680595792 a6989586621679091042 b6989586621679091043 :: TyFun (Either a6989586621679091042 b6989586621679091043) (Symbol ~> Symbol) -> Type) | |
Defined in Data.Singletons.Prelude.Show Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680024589Sym0 :: TyFun (Either e6989586621680023578 a6989586621679962836) ((a6989586621679962836 ~> Either e6989586621680023578 b6989586621679962837) ~> Either e6989586621680023578 b6989586621679962837) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680024489Sym0 :: TyFun (Either e6989586621680023561 (a6989586621679962813 ~> b6989586621679962814)) (Either e6989586621680023561 a6989586621679962813 ~> Either e6989586621680023561 b6989586621679962814) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803289Sym1 a6989586621679803287 :: TyFun (Either a6989586621679091042 b6989586621679091043) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680024292Sym0 :: TyFun a6989586621679962809 (Either a6989586621680023549 b6989586621679962810 ~> Either a6989586621680023549 a6989586621679962809) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Fmap_6989586621680024271Sym0 :: TyFun (a6989586621679962807 ~> b6989586621679962808) (Either a6989586621680023549 a6989586621679962807 ~> Either a6989586621680023549 b6989586621679962808) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Either_Sym0 :: TyFun (a6989586621680723762 ~> c6989586621680723763) ((b6989586621680723764 ~> c6989586621680723763) ~> (Either a6989586621680723762 b6989586621680723764 ~> c6989586621680723763)) -> 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 (TFHelper_6989586621680024489Sym1 a6989586621680024487 :: TyFun (Either e6989586621680023561 a6989586621679962813) (Either e6989586621680023561 b6989586621679962814) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680024292Sym1 a6989586621680024290 a6989586621680023549 b6989586621679962810 :: TyFun (Either a6989586621680023549 b6989586621679962810) (Either a6989586621680023549 a6989586621679962809) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Fmap_6989586621680024271Sym1 a6989586621680024269 a6989586621680023549 :: TyFun (Either a6989586621680023549 a6989586621679962807) (Either a6989586621680023549 b6989586621679962808) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Traverse_6989586621680995102Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Either a6989586621680994525 a6989586621680988968 ~> f6989586621680988967 (Either a6989586621680994525 b6989586621680988969)) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680024589Sym1 a6989586621680024587 b6989586621679962837 :: TyFun (a6989586621679962836 ~> Either e6989586621680023578 b6989586621679962837) (Either e6989586621680023578 b6989586621679962837) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Either_Sym1 a6989586621680723798 b6989586621680723764 :: TyFun (b6989586621680723764 ~> c6989586621680723763) (Either a6989586621680723762 b6989586621680723764 ~> c6989586621680723763) -> 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) | |
SuppressUnusedWarnings (Traverse_6989586621680995102Sym1 a6989586621680995100 a6989586621680994525 :: TyFun (Either a6989586621680994525 a6989586621680988968) (f6989586621680988967 (Either a6989586621680994525 b6989586621680988969)) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Either_Sym2 a6989586621680723799 a6989586621680723798 :: TyFun (Either a6989586621680723762 b6989586621680723764) c6989586621680723763 -> Type) | |
Defined in Data.Singletons.Prelude.Either Methods suppressUnusedWarnings :: () | |
(Functor f, Functor g) => Functor (Lift Either f g) | |
type MapM (arg1 :: a0 ~> m0 b0) (arg2 :: Either a a0) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Traverse (a2 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (a3 :: Either a1 a6989586621680988968) | |
Defined in Data.Singletons.Prelude.Traversable type Traverse (a2 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (a3 :: Either a1 a6989586621680988968) = Apply (Apply (Traverse_6989586621680995102Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Either a1 a6989586621680988968 ~> f6989586621680988967 (Either a1 b6989586621680988969)) -> Type) a2) a3 | |
type LiftA2 (arg1 :: a0 ~> (b0 ~> c0)) (arg2 :: Either e a0) (arg3 :: Either e b0) | |
type Fmap (a2 :: a6989586621679962807 ~> b6989586621679962808) (a3 :: Either a1 a6989586621679962807) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type FoldMap (a2 :: a6989586621680742388 ~> k2) (a3 :: Either a1 a6989586621680742388) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldr (a2 :: a6989586621680742389 ~> (k2 ~> k2)) (a3 :: k2) (a4 :: Either a1 a6989586621680742389) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldl (arg1 :: b0 ~> (a0 ~> b0)) (arg2 :: b0) (arg3 :: Either a a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldl' (arg1 :: b0 ~> (a0 ~> b0)) (arg2 :: b0) (arg3 :: Either a a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldr' (arg1 :: a0 ~> (b0 ~> b0)) (arg2 :: b0) (arg3 :: Either a a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Return (arg0 :: a0) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Pure (a :: k1) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Elem (arg1 :: a0) (arg2 :: Either a a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldl1 (arg1 :: a0 ~> (a0 ~> a0)) (arg2 :: Either a a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldr1 (arg1 :: a0 ~> (a0 ~> a0)) (arg2 :: Either a a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type (a2 :: k1) <$ (a3 :: Either a1 b6989586621679962810) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (ShowsPrec_6989586621680595795Sym0 :: TyFun Nat (Either a6989586621679091042 b6989586621679091043 ~> (Symbol ~> Symbol)) -> Type) (a6989586621680595792 :: Nat) | |
Defined in Data.Singletons.Prelude.Show type Apply (ShowsPrec_6989586621680595795Sym0 :: TyFun Nat (Either a6989586621679091042 b6989586621679091043 ~> (Symbol ~> Symbol)) -> Type) (a6989586621680595792 :: Nat) = ShowsPrec_6989586621680595795Sym1 a6989586621680595792 a6989586621679091042 b6989586621679091043 :: TyFun (Either a6989586621679091042 b6989586621679091043) (Symbol ~> Symbol) -> Type | |
type Apply (Pure_6989586621680024479Sym0 :: TyFun a (Either e6989586621680023561 a) -> Type) (a6989586621680024478 :: a) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (LeftSym0 :: TyFun a (Either a b6989586621679091043) -> Type) (t6989586621679707110 :: a) | |
Defined in Data.Singletons.Prelude.Instances | |
type Apply (RightSym0 :: TyFun b (Either a6989586621679091042 b) -> Type) (t6989586621679707112 :: b) | |
Defined in Data.Singletons.Prelude.Instances | |
type Apply (Let6989586621680187948ASym0 :: TyFun k1 (Either a6989586621679091042 k1) -> Type) (wild_69895866216801875326989586621680187947 :: k1) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (TFHelper_6989586621680024292Sym0 :: TyFun a6989586621679962809 (Either a6989586621680023549 b6989586621679962810 ~> Either a6989586621680023549 a6989586621679962809) -> Type) (a6989586621680024290 :: a6989586621679962809) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (TFHelper_6989586621680024292Sym0 :: TyFun a6989586621679962809 (Either a6989586621680023549 b6989586621679962810 ~> Either a6989586621680023549 a6989586621679962809) -> Type) (a6989586621680024290 :: a6989586621679962809) = TFHelper_6989586621680024292Sym1 a6989586621680024290 a6989586621680023549 b6989586621679962810 :: TyFun (Either a6989586621680023549 b6989586621679962810) (Either a6989586621680023549 a6989586621679962809) -> Type | |
type Eval (FoldMap f ('Right x :: Either a3 a1) :: a2 -> Type) | |
Defined in Fcf.Class.Foldable | |
type Eval (FoldMap f ('Left _a :: Either a3 a1) :: a2 -> Type) | |
Defined in Fcf.Class.Foldable | |
type Eval (Foldr f y ('Right x :: Either a3 a1) :: a2 -> Type) | |
Defined in Fcf.Class.Foldable | |
type Eval (Foldr f y ('Left _a :: Either a3 a1) :: a2 -> Type) | |
Defined in Fcf.Class.Foldable | |
type Failure (Either a) | |
Defined in Basement.Monad type Failure (Either a) = a | |
type Fold (arg0 :: Either a m0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Length (a2 :: Either a1 a6989586621680742401) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Maximum (arg0 :: Either a a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Minimum (arg0 :: Either a a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Null (a2 :: Either a1 a6989586621680742400) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Product (arg0 :: Either a a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Sum (arg0 :: Either a a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type ToList (arg0 :: Either a a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Sequence (arg0 :: Either a (m0 a0)) | |
Defined in Data.Singletons.Prelude.Traversable | |
type SequenceA (arg0 :: Either a (f0 a0)) | |
Defined in Data.Singletons.Prelude.Traversable | |
type (arg1 :: Either e a0) >> (arg2 :: Either e b0) | |
type (a1 :: Either e a6989586621679962836) >>= (a2 :: a6989586621679962836 ~> Either e b6989586621679962837) | |
Defined in Data.Singletons.Prelude.Monad.Internal type (a1 :: Either e a6989586621679962836) >>= (a2 :: a6989586621679962836 ~> Either e b6989586621679962837) = Apply (Apply (TFHelper_6989586621680024589Sym0 :: TyFun (Either e a6989586621679962836) ((a6989586621679962836 ~> Either e b6989586621679962837) ~> Either e b6989586621679962837) -> Type) a1) a2 | |
type (arg1 :: Either e a0) *> (arg2 :: Either e b0) | |
type (arg1 :: Either e a0) <* (arg2 :: Either e b0) | |
type (a1 :: Either e (a6989586621679962813 ~> b6989586621679962814)) <*> (a2 :: Either e a6989586621679962813) | |
Defined in Data.Singletons.Prelude.Monad.Internal type (a1 :: Either e (a6989586621679962813 ~> b6989586621679962814)) <*> (a2 :: Either e a6989586621679962813) = Apply (Apply (TFHelper_6989586621680024489Sym0 :: TyFun (Either e (a6989586621679962813 ~> b6989586621679962814)) (Either e a6989586621679962813 ~> Either e b6989586621679962814) -> Type) a1) a2 | |
type Rep1 (Either a :: Type -> Type) | |
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 HKD (Either a :: Type -> Type) (b :: Type) | |
type Apply (RightsSym0 :: TyFun [Either a b] [b] -> Type) (a6989586621680725511 :: [Either a b]) | |
Defined in Data.Singletons.Prelude.Either | |
type Apply (LeftsSym0 :: TyFun [Either a b] [a] -> Type) (a6989586621680725516 :: [Either a b]) | |
Defined in Data.Singletons.Prelude.Either | |
type Apply (PartitionEithersSym0 :: TyFun [Either a b] ([a], [b]) -> Type) (a6989586621680725491 :: [Either a b]) | |
Defined in Data.Singletons.Prelude.Either | |
type Rep (Either a b) | |
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 ToT (Either l r) | |
Defined in Michelson.Typed.Haskell.Value | |
type TypeDocFieldDescriptions (Either l r) | |
Defined in Michelson.Typed.Haskell.Doc | |
type Element (Either a b) | |
Defined in Universum.Container.Class | |
type Sing | |
Defined in Data.Singletons.Prelude.Instances | |
type Demote (Either a b) | |
Defined in Data.Singletons.Prelude.Instances | |
type Sconcat (arg0 :: NonEmpty (Either a b)) | |
type Show_ (arg0 :: Either a b) | |
Defined in Data.Singletons.Prelude.Show | |
type (x :: Either a b) /= (y :: Either a b) | |
Defined in Data.Singletons.Prelude.Eq | |
type (a2 :: Either a1 b1) == (b2 :: Either a1 b1) | |
Defined in Data.Singletons.Prelude.Eq | |
type (a2 :: Either a1 b) <> (a3 :: Either a1 b) | |
type Max (arg1 :: Either a b) (arg2 :: Either a b) | |
type Min (arg1 :: Either a b) (arg2 :: Either a b) | |
type Compare (a2 :: Either a1 b) (a3 :: Either a1 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 ShowList (arg1 :: [Either a b]) arg2 | |
type ShowsPrec a2 (a3 :: Either a1 b) a4 | |
type Apply (IsRightSym0 :: TyFun (Either a b) Bool -> Type) (a6989586621680725485 :: Either a b) | |
Defined in Data.Singletons.Prelude.Either | |
type Apply (IsLeftSym0 :: TyFun (Either a b) Bool -> Type) (a6989586621680725487 :: Either a b) | |
Defined in Data.Singletons.Prelude.Either | |
type Apply (Compare_6989586621679803289Sym1 a6989586621679803287 :: TyFun (Either a b) Ordering -> Type) (a6989586621679803288 :: Either a b) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Either_Sym2 a6989586621680723799 a6989586621680723798 :: TyFun (Either a b) c -> Type) (a6989586621680723800 :: Either a b) | |
Defined in Data.Singletons.Prelude.Either | |
type Apply (Traverse_6989586621680995102Sym1 a6989586621680995100 a2 :: TyFun (Either a2 a1) (f (Either a2 b)) -> Type) (a6989586621680995101 :: Either a2 a1) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Apply (Compare_6989586621679803289Sym0 :: TyFun (Either a6989586621679091042 b6989586621679091043) (Either a6989586621679091042 b6989586621679091043 ~> Ordering) -> Type) (a6989586621679803287 :: Either a6989586621679091042 b6989586621679091043) | |
Defined in Data.Singletons.Prelude.Ord type Apply (Compare_6989586621679803289Sym0 :: TyFun (Either a6989586621679091042 b6989586621679091043) (Either a6989586621679091042 b6989586621679091043 ~> Ordering) -> Type) (a6989586621679803287 :: Either a6989586621679091042 b6989586621679091043) = Compare_6989586621679803289Sym1 a6989586621679803287 | |
type Apply (ShowsPrec_6989586621680595795Sym1 a6989586621680595792 a6989586621679091042 b6989586621679091043 :: TyFun (Either a6989586621679091042 b6989586621679091043) (Symbol ~> Symbol) -> Type) (a6989586621680595793 :: Either a6989586621679091042 b6989586621679091043) | |
Defined in Data.Singletons.Prelude.Show type Apply (ShowsPrec_6989586621680595795Sym1 a6989586621680595792 a6989586621679091042 b6989586621679091043 :: TyFun (Either a6989586621679091042 b6989586621679091043) (Symbol ~> Symbol) -> Type) (a6989586621680595793 :: Either a6989586621679091042 b6989586621679091043) = ShowsPrec_6989586621680595795Sym2 a6989586621680595792 a6989586621680595793 | |
type Apply (TFHelper_6989586621680024489Sym0 :: TyFun (Either e6989586621680023561 (a6989586621679962813 ~> b6989586621679962814)) (Either e6989586621680023561 a6989586621679962813 ~> Either e6989586621680023561 b6989586621679962814) -> Type) (a6989586621680024487 :: Either e6989586621680023561 (a6989586621679962813 ~> b6989586621679962814)) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (TFHelper_6989586621680024489Sym0 :: TyFun (Either e6989586621680023561 (a6989586621679962813 ~> b6989586621679962814)) (Either e6989586621680023561 a6989586621679962813 ~> Either e6989586621680023561 b6989586621679962814) -> Type) (a6989586621680024487 :: Either e6989586621680023561 (a6989586621679962813 ~> b6989586621679962814)) = TFHelper_6989586621680024489Sym1 a6989586621680024487 | |
type Apply (TFHelper_6989586621680024589Sym0 :: TyFun (Either e6989586621680023578 a6989586621679962836) ((a6989586621679962836 ~> Either e6989586621680023578 b6989586621679962837) ~> Either e6989586621680023578 b6989586621679962837) -> Type) (a6989586621680024587 :: Either e6989586621680023578 a6989586621679962836) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (TFHelper_6989586621680024589Sym0 :: TyFun (Either e6989586621680023578 a6989586621679962836) ((a6989586621679962836 ~> Either e6989586621680023578 b6989586621679962837) ~> Either e6989586621680023578 b6989586621679962837) -> Type) (a6989586621680024587 :: Either e6989586621680023578 a6989586621679962836) = TFHelper_6989586621680024589Sym1 a6989586621680024587 b6989586621679962837 :: TyFun (a6989586621679962836 ~> Either e6989586621680023578 b6989586621679962837) (Either e6989586621680023578 b6989586621679962837) -> Type | |
type Apply (Fmap_6989586621680024271Sym0 :: TyFun (a6989586621679962807 ~> b6989586621679962808) (Either a6989586621680023549 a6989586621679962807 ~> Either a6989586621680023549 b6989586621679962808) -> Type) (a6989586621680024269 :: a6989586621679962807 ~> b6989586621679962808) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (Fmap_6989586621680024271Sym0 :: TyFun (a6989586621679962807 ~> b6989586621679962808) (Either a6989586621680023549 a6989586621679962807 ~> Either a6989586621680023549 b6989586621679962808) -> Type) (a6989586621680024269 :: a6989586621679962807 ~> b6989586621679962808) = Fmap_6989586621680024271Sym1 a6989586621680024269 a6989586621680023549 :: TyFun (Either a6989586621680023549 a6989586621679962807) (Either a6989586621680023549 b6989586621679962808) -> Type | |
type Apply (Either_Sym0 :: TyFun (a6989586621680723762 ~> c6989586621680723763) ((b6989586621680723764 ~> c6989586621680723763) ~> (Either a6989586621680723762 b6989586621680723764 ~> c6989586621680723763)) -> Type) (a6989586621680723798 :: a6989586621680723762 ~> c6989586621680723763) | |
Defined in Data.Singletons.Prelude.Either type Apply (Either_Sym0 :: TyFun (a6989586621680723762 ~> c6989586621680723763) ((b6989586621680723764 ~> c6989586621680723763) ~> (Either a6989586621680723762 b6989586621680723764 ~> c6989586621680723763)) -> Type) (a6989586621680723798 :: a6989586621680723762 ~> c6989586621680723763) = Either_Sym1 a6989586621680723798 b6989586621680723764 :: TyFun (b6989586621680723764 ~> c6989586621680723763) (Either a6989586621680723762 b6989586621680723764 ~> c6989586621680723763) -> Type | |
type Apply (Fmap_6989586621680024271Sym1 a6989586621680024269 a2 :: TyFun (Either a2 a1) (Either a2 b) -> Type) (a6989586621680024270 :: Either a2 a1) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (TFHelper_6989586621680024292Sym1 a6989586621680024290 a2 b :: TyFun (Either a2 b) (Either a2 a1) -> Type) (a6989586621680024291 :: Either a2 b) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (TFHelper_6989586621680024489Sym1 a6989586621680024487 :: TyFun (Either e a) (Either e b) -> Type) (a6989586621680024488 :: Either e a) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (Traverse_6989586621680995102Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Either a6989586621680994525 a6989586621680988968 ~> f6989586621680988967 (Either a6989586621680994525 b6989586621680988969)) -> Type) (a6989586621680995100 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) | |
Defined in Data.Singletons.Prelude.Traversable type Apply (Traverse_6989586621680995102Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Either a6989586621680994525 a6989586621680988968 ~> f6989586621680988967 (Either a6989586621680994525 b6989586621680988969)) -> Type) (a6989586621680995100 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) = Traverse_6989586621680995102Sym1 a6989586621680995100 a6989586621680994525 :: TyFun (Either a6989586621680994525 a6989586621680988968) (f6989586621680988967 (Either a6989586621680994525 b6989586621680988969)) -> Type | |
type Apply (TFHelper_6989586621680024589Sym1 a6989586621680024587 b :: TyFun (a ~> Either e b) (Either e b) -> Type) (a6989586621680024588 :: a ~> Either e b) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (Either_Sym1 a6989586621680723798 b6989586621680723764 :: TyFun (b6989586621680723764 ~> c6989586621680723763) (Either a6989586621680723762 b6989586621680723764 ~> c6989586621680723763) -> Type) (a6989586621680723799 :: b6989586621680723764 ~> c6989586621680723763) | |
Defined in Data.Singletons.Prelude.Either type Apply (Either_Sym1 a6989586621680723798 b6989586621680723764 :: TyFun (b6989586621680723764 ~> c6989586621680723763) (Either a6989586621680723762 b6989586621680723764 ~> c6989586621680723763) -> Type) (a6989586621680723799 :: b6989586621680723764 ~> c6989586621680723763) = Either_Sym2 a6989586621680723798 a6989586621680723799 | |
type Eval (Map f ('Right a3 :: Either a2 a1) :: Either a2 b -> Type) | |
type Eval (Map f ('Left x :: Either a2 a1) :: Either a2 b -> Type) | |
type Eval (Bimap f g ('Right y :: Either a b1) :: Either a' b2 -> Type) | |
type Eval (Bimap f g ('Left x :: Either a1 b) :: Either a2 b' -> Type) | |
data Constraint #
The kind of constraints, like Show a
type family CmpNat (a :: Nat) (b :: Nat) :: Ordering where ... #
Comparison of type-level naturals, as a function.
Since: base-4.7.0.0
class a ~R# b => Coercible (a :: k) (b :: k) #
Coercible
is a two-parameter class that has instances for types a
and b
if
the compiler can infer that they have the same representation. This class
does not have regular instances; instead they are created on-the-fly during
type-checking. Trying to manually declare an instance of Coercible
is an error.
Nevertheless one can pretend that the following three kinds of instances exist. First, as a trivial base-case:
instance Coercible a a
Furthermore, for every type constructor there is
an instance that allows to coerce under the type constructor. For
example, let D
be a prototypical type constructor (data
or
newtype
) with three type arguments, which have roles nominal
,
representational
resp. phantom
. Then there is an instance of
the form
instance Coercible b b' => Coercible (D a b c) (D a b' c')
Note that the nominal
type arguments are equal, the
representational
type arguments can differ, but need to have a
Coercible
instance themself, and the phantom
type arguments can be
changed arbitrarily.
The third kind of instance exists for every newtype NT = MkNT T
and
comes in two variants, namely
instance Coercible a T => Coercible a NT
instance Coercible T b => Coercible NT b
This instance is only usable if the constructor MkNT
is in scope.
If, as a library author of a type constructor like Set a
, you
want to prevent a user of your module to write
coerce :: Set T -> Set NT
,
you need to set the role of Set
's type parameter to nominal
,
by writing
type role Set nominal
For more details about this feature, please refer to Safe Coercions by Joachim Breitner, Richard A. Eisenberg, Simon Peyton Jones and Stephanie Weirich.
Since: ghc-prim-4.7.0.0
CallStack
s are a lightweight method of obtaining a
partial call-stack at any point in the program.
A function can request its call-site with the HasCallStack
constraint.
For example, we can define
putStrLnWithCallStack :: HasCallStack => String -> IO ()
as a variant of putStrLn
that will get its call-site and print it,
along with the string given as argument. We can access the
call-stack inside putStrLnWithCallStack
with callStack
.
putStrLnWithCallStack :: HasCallStack => String -> IO () putStrLnWithCallStack msg = do putStrLn msg putStrLn (prettyCallStack callStack)
Thus, if we call putStrLnWithCallStack
we will get a formatted call-stack
alongside our string.
>>>
putStrLnWithCallStack "hello"
hello CallStack (from HasCallStack): putStrLnWithCallStack, called at <interactive>:2:1 in interactive:Ghci1
GHC solves HasCallStack
constraints in three steps:
- If there is a
CallStack
in scope -- i.e. the enclosing function has aHasCallStack
constraint -- GHC will append the new call-site to the existingCallStack
. - If there is no
CallStack
in scope -- e.g. in the GHCi session above -- and the enclosing definition does not have an explicit type signature, GHC will infer aHasCallStack
constraint for the enclosing definition (subject to the monomorphism restriction). - If there is no
CallStack
in scope and the enclosing definition has an explicit type signature, GHC will solve theHasCallStack
constraint for the singletonCallStack
containing just the current call-site.
CallStack
s do not interact with the RTS and do not require compilation
with -prof
. On the other hand, as they are built up explicitly via the
HasCallStack
constraints, they will generally not contain as much
information as the simulated call-stacks maintained by the RTS.
A CallStack
is a [(String, SrcLoc)]
. The String
is the name of
function that was called, the SrcLoc
is the call-site. The list is
ordered with the most recently called function at the head.
NOTE: The intrepid user may notice that HasCallStack
is just an
alias for an implicit parameter ?callStack :: CallStack
. This is an
implementation detail and should not be considered part of the
CallStack
API, we may decide to change the implementation in the
future.
Since: base-4.8.1.0
Haskell defines operations to read and write characters from and to files,
represented by values of type Handle
. Each value of this type is a
handle: a record used by the Haskell run-time system to manage I/O
with file system objects. A handle has at least the following properties:
- whether it manages input or output or both;
- whether it is open, closed or semi-closed;
- whether the object is seekable;
- whether buffering is disabled, or enabled on a line or block basis;
- a buffer (whose length may be zero).
Most handles will also have a current I/O position indicating where the next
input or output operation will occur. A handle is readable if it
manages only input or both input and output; likewise, it is writable if
it manages only output or both input and output. A handle is open when
first allocated.
Once it is closed it can no longer be used for either input or output,
though an implementation cannot re-use its storage while references
remain to it. Handles are in the Show
and Eq
classes. The string
produced by showing a handle is system dependent; it should include
enough information to identify the handle for debugging. A handle is
equal according to ==
only to itself; no attempt
is made to compare the internal state of different handles for equality.
Instances
newtype Compose (f :: k -> Type) (g :: k1 -> k) (a :: k1) infixr 9 #
Right-to-left composition of functors. The composition of applicative functors is always applicative, but the composition of monads is not always a monad.
Constructors
Compose infixr 9 | |
Fields
|
Instances
Functor f => Generic1 (Compose f g :: k -> Type) | Since: base-4.9.0.0 |
Unbox (f (g a)) => Vector Vector (Compose f g a) | |
Defined in Data.Vector.Unboxed.Base Methods basicUnsafeFreeze :: PrimMonad m => Mutable Vector (PrimState m) (Compose f g a) -> m (Vector (Compose f g a)) basicUnsafeThaw :: PrimMonad m => Vector (Compose f g a) -> m (Mutable Vector (PrimState m) (Compose f g a)) basicLength :: Vector (Compose f g a) -> Int basicUnsafeSlice :: Int -> Int -> Vector (Compose f g a) -> Vector (Compose f g a) basicUnsafeIndexM :: Monad m => Vector (Compose f g a) -> Int -> m (Compose f g a) basicUnsafeCopy :: PrimMonad m => Mutable Vector (PrimState m) (Compose f g a) -> Vector (Compose f g a) -> m () elemseq :: Vector (Compose f g a) -> Compose f g a -> b -> b | |
Unbox (f (g a)) => MVector MVector (Compose f g a) | |
Defined in Data.Vector.Unboxed.Base Methods basicLength :: MVector s (Compose f g a) -> Int basicUnsafeSlice :: Int -> Int -> MVector s (Compose f g a) -> MVector s (Compose f g a) basicOverlaps :: MVector s (Compose f g a) -> MVector s (Compose f g a) -> Bool basicUnsafeNew :: PrimMonad m => Int -> m (MVector (PrimState m) (Compose f g a)) basicInitialize :: PrimMonad m => MVector (PrimState m) (Compose f g a) -> m () basicUnsafeReplicate :: PrimMonad m => Int -> Compose f g a -> m (MVector (PrimState m) (Compose f g a)) basicUnsafeRead :: PrimMonad m => MVector (PrimState m) (Compose f g a) -> Int -> m (Compose f g a) basicUnsafeWrite :: PrimMonad m => MVector (PrimState m) (Compose f g a) -> Int -> Compose f g a -> m () basicClear :: PrimMonad m => MVector (PrimState m) (Compose f g a) -> m () basicSet :: PrimMonad m => MVector (PrimState m) (Compose f g a) -> Compose f g a -> m () basicUnsafeCopy :: PrimMonad m => MVector (PrimState m) (Compose f g a) -> MVector (PrimState m) (Compose f g a) -> m () basicUnsafeMove :: PrimMonad m => MVector (PrimState m) (Compose f g a) -> MVector (PrimState m) (Compose f g a) -> m () basicUnsafeGrow :: PrimMonad m => MVector (PrimState m) (Compose f g a) -> Int -> m (MVector (PrimState m) (Compose f g a)) | |
Sieve (ReifiedIndexedFold i) (Compose [] ((,) i)) | |
Defined in Control.Lens.Reified | |
(Sieve p f, Sieve q g) => Sieve (Procompose p q) (Compose g f) | |
Defined in Data.Profunctor.Composition | |
(Cosieve p f, Cosieve q g) => Cosieve (Procompose p q) (Compose f g) | |
Defined in Data.Profunctor.Composition | |
(Functor f, Functor g) => Functor (Compose 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 | |
(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 # 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 # | |
(Traversable f, Traversable g) => Traversable (Compose f g) | Since: base-4.9.0.0 |
Defined in Data.Functor.Compose | |
(Eq1 f, Eq1 g) => Eq1 (Compose f g) | Since: base-4.9.0.0 |
(Ord1 f, Ord1 g) => Ord1 (Compose f g) | Since: base-4.9.0.0 |
Defined in Data.Functor.Compose | |
(Read1 f, Read1 g) => Read1 (Compose f g) | Since: base-4.9.0.0 |
Defined in Data.Functor.Compose Methods liftReadsPrec :: (Int -> ReadS a) -> ReadS [a] -> Int -> ReadS (Compose f g a) # liftReadList :: (Int -> ReadS a) -> ReadS [a] -> ReadS [Compose f g a] # liftReadPrec :: ReadPrec a -> ReadPrec [a] -> ReadPrec (Compose f g a) # liftReadListPrec :: ReadPrec a -> ReadPrec [a] -> ReadPrec [Compose f g a] # | |
(Show1 f, Show1 g) => Show1 (Compose f g) | Since: base-4.9.0.0 |
(Alternative f, Applicative g) => Alternative (Compose f g) | Since: base-4.9.0.0 |
(NFData1 f, NFData1 g) => NFData1 (Compose f g) | Since: deepseq-1.4.3.0 |
Defined in Control.DeepSeq | |
(Hashable1 f, Hashable1 g) => Hashable1 (Compose f g) | |
Defined in Data.Hashable.Class | |
(Representable f, Representable g) => Representable (Compose f g) | |
(Eq1 f, Eq1 g, Eq a) => Eq (Compose f g a) | Since: base-4.9.0.0 |
(Typeable a, Typeable f, Typeable g, Typeable k1, Typeable k2, Data (f (g a))) => Data (Compose f g a) | Since: base-4.9.0.0 |
Defined in Data.Functor.Compose Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g0. g0 -> c g0) -> Compose f g a -> c (Compose f g a) # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c (Compose f g a) # toConstr :: Compose f g a -> Constr # dataTypeOf :: Compose f g a -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c (Compose f g a)) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c (Compose f g a)) # gmapT :: (forall b. Data b => b -> b) -> Compose f g a -> Compose f g a # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Compose f g a -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Compose f g a -> r # gmapQ :: (forall d. Data d => d -> u) -> Compose f g a -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Compose f g a -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Compose f g a -> m (Compose f g a) # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Compose f g a -> m (Compose f g a) # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Compose f g a -> m (Compose f g a) # | |
(Ord1 f, Ord1 g, Ord a) => Ord (Compose f g a) | Since: base-4.9.0.0 |
Defined in Data.Functor.Compose Methods compare :: Compose f g a -> Compose f g a -> Ordering # (<) :: Compose f g a -> Compose f g a -> Bool # (<=) :: Compose f g a -> Compose f g a -> Bool # (>) :: Compose f g a -> Compose f g a -> Bool # (>=) :: Compose f g a -> Compose f g a -> Bool # | |
(Read1 f, Read1 g, Read a) => Read (Compose f g a) | Since: base-4.9.0.0 |
(Show1 f, Show1 g, Show a) => Show (Compose f g a) | Since: base-4.9.0.0 |
Generic (Compose f g a) | Since: base-4.9.0.0 |
(NFData1 f, NFData1 g, NFData a) => NFData (Compose f g a) | Since: deepseq-1.4.3.0 |
Defined in Control.DeepSeq | |
(Hashable1 f, Hashable1 g, Hashable a) => Hashable (Compose f g a) | |
Defined in Data.Hashable.Class | |
Unbox (f (g a)) => Unbox (Compose f g a) | |
Defined in Data.Vector.Unboxed.Base | |
Wrapped (Compose f g a) | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped (Compose f g a) | |
t ~ Compose f' g' a' => Rewrapped (Compose f g a) t | |
Defined in Control.Lens.Wrapped | |
type Rep1 (Compose f g :: k -> Type) | |
Defined in Data.Functor.Compose | |
newtype MVector s (Compose f g a) | |
Defined in Data.Vector.Unboxed.Base | |
type Rep (Compose f g) | |
Defined in Data.Functor.Rep type Rep (Compose f g) = (Rep f, Rep g) | |
type Rep (Compose f g a) | |
Defined in Data.Functor.Compose | |
newtype Vector (Compose f g a) | |
Defined in Data.Vector.Unboxed.Base | |
type Unwrapped (Compose f g a) | |
Defined in Control.Lens.Wrapped type Unwrapped (Compose f g a) = f (g a) |
Since Void
values logically don't exist, this witnesses the
logical reasoning tool of "ex falso quodlibet".
>>>
let x :: Either Void Int; x = Right 5
>>>
:{
case x of Right r -> r Left l -> absurd l :} 5
Since: base-4.8.0.0
Uninhabited data type
Since: base-4.8.0.0
Instances
Eq Void | Since: base-4.8.0.0 |
Data Void | Since: base-4.8.0.0 |
Defined in Data.Void Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Void -> c Void # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c Void # dataTypeOf :: Void -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c Void) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c Void) # gmapT :: (forall b. Data b => b -> b) -> Void -> Void # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Void -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Void -> r # gmapQ :: (forall d. Data d => d -> u) -> Void -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Void -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Void -> m Void # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Void -> m Void # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Void -> m Void # | |
Ord Void | Since: base-4.8.0.0 |
Read Void | Reading a Since: base-4.8.0.0 |
Show Void | Since: base-4.8.0.0 |
Ix Void | Since: base-4.8.0.0 |
Generic Void | Since: base-4.8.0.0 |
Semigroup Void | Since: base-4.9.0.0 |
Lift Void | Since: template-haskell-2.15.0.0 |
Exception Void | Since: base-4.8.0.0 |
Defined in Data.Void Methods toException :: Void -> SomeException # fromException :: SomeException -> Maybe Void # displayException :: Void -> String # | |
NFData Void | Since: deepseq-1.4.0.0 |
Defined in Control.DeepSeq | |
Hashable Void | |
Defined in Data.Hashable.Class | |
SEq Void | |
SSemigroup Void | |
SOrd Void | |
Defined in Data.Singletons.Prelude.Ord Methods sCompare :: forall (t1 :: Void) (t2 :: Void). Sing t1 -> Sing t2 -> Sing (Apply (Apply CompareSym0 t1) t2) (%<) :: forall (t1 :: Void) (t2 :: Void). Sing t1 -> Sing t2 -> Sing (Apply (Apply (<@#@$) t1) t2) (%<=) :: forall (t1 :: Void) (t2 :: Void). Sing t1 -> Sing t2 -> Sing (Apply (Apply (<=@#@$) t1) t2) (%>) :: forall (t1 :: Void) (t2 :: Void). Sing t1 -> Sing t2 -> Sing (Apply (Apply (>@#@$) t1) t2) (%>=) :: forall (t1 :: Void) (t2 :: Void). Sing t1 -> Sing t2 -> Sing (Apply (Apply (>=@#@$) t1) t2) sMax :: forall (t1 :: Void) (t2 :: Void). Sing t1 -> Sing t2 -> Sing (Apply (Apply MaxSym0 t1) t2) sMin :: forall (t1 :: Void) (t2 :: Void). Sing t1 -> Sing t2 -> Sing (Apply (Apply MinSym0 t1) t2) | |
PSemigroup Void | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Associated Types type arg0 <> arg1 :: a0 type Sconcat arg0 :: a0 | |
PEq Void | |
Defined in Data.Singletons.Prelude.Eq | |
POrd Void | |
PShow Void | |
Defined in Data.Singletons.Prelude.Show | |
SShow Void | |
Defined in Data.Singletons.Prelude.Show Methods sShowsPrec :: forall (t1 :: Nat) (t2 :: Void) (t3 :: Symbol). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply ShowsPrecSym0 t1) t2) t3) sShow_ :: forall (t :: Void). Sing t -> Sing (Apply Show_Sym0 t) sShowList :: forall (t1 :: [Void]) (t2 :: Symbol). Sing t1 -> Sing t2 -> Sing (Apply (Apply ShowListSym0 t1) t2) | |
ShowErrorComponent Void | |
Defined in Text.Megaparsec.Error | |
TestCoercion SVoid | |
Defined in Data.Singletons.Prelude.Instances Methods testCoercion :: forall (a :: k) (b :: k). SVoid a -> SVoid b -> Maybe (Coercion a b) # | |
TestEquality SVoid | |
Defined in Data.Singletons.Prelude.Instances Methods testEquality :: forall (a :: k) (b :: k). SVoid a -> SVoid b -> Maybe (a :~: b) # | |
SuppressUnusedWarnings ShowsPrec_6989586621680595917Sym0 | |
Defined in Data.Singletons.Prelude.Show Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings Compare_6989586621679803336Sym0 | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803336Sym1 a6989586621679803334 :: TyFun Void Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ShowsPrec_6989586621680595917Sym1 a6989586621680595914 :: TyFun Void (Symbol ~> Symbol) -> Type) | |
Defined in Data.Singletons.Prelude.Show Methods suppressUnusedWarnings :: () | |
type Rep Void | |
type Sing | |
Defined in Data.Singletons.Prelude.Instances type Sing = SVoid | |
type Demote Void | |
Defined in Data.Singletons.Prelude.Instances | |
type Sconcat (arg0 :: NonEmpty Void) | |
type Show_ (arg0 :: Void) | |
Defined in Data.Singletons.Prelude.Show | |
type (x :: Void) /= (y :: Void) | |
Defined in Data.Singletons.Prelude.Eq | |
type (a :: Void) == (b :: Void) | |
Defined in Data.Singletons.Prelude.Eq | |
type (a1 :: Void) <> (a2 :: Void) | |
type Max (arg1 :: Void) (arg2 :: Void) | |
type Min (arg1 :: Void) (arg2 :: Void) | |
type Compare (a1 :: Void) (a2 :: Void) | |
Defined in Data.Singletons.Prelude.Ord | |
type (arg1 :: Void) <= (arg2 :: Void) | |
type (arg1 :: Void) < (arg2 :: Void) | |
type (arg1 :: Void) >= (arg2 :: Void) | |
type (arg1 :: Void) > (arg2 :: Void) | |
type ShowList (arg1 :: [Void]) arg2 | |
type ShowsPrec a1 (a2 :: Void) a3 | |
Defined in Data.Singletons.Prelude.Show type ShowsPrec a1 (a2 :: Void) a3 = Apply (Apply (Apply ShowsPrec_6989586621680595917Sym0 a1) a2) a3 | |
type Apply (Compare_6989586621679803336Sym1 a6989586621679803334 :: TyFun Void Ordering -> Type) (a6989586621679803335 :: Void) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply ShowsPrec_6989586621680595917Sym0 (a6989586621680595914 :: Nat) | |
Defined in Data.Singletons.Prelude.Show type Apply ShowsPrec_6989586621680595917Sym0 (a6989586621680595914 :: Nat) = ShowsPrec_6989586621680595917Sym1 a6989586621680595914 | |
type Apply Compare_6989586621679803336Sym0 (a6989586621679803334 :: Void) | |
Defined in Data.Singletons.Prelude.Ord type Apply Compare_6989586621679803336Sym0 (a6989586621679803334 :: Void) = Compare_6989586621679803336Sym1 a6989586621679803334 | |
type Apply (ShowsPrec_6989586621680595917Sym1 a6989586621680595914 :: TyFun Void (Symbol ~> Symbol) -> Type) (a6989586621680595915 :: Void) | |
mtimesDefault :: (Integral b, Monoid a) => b -> a -> a #
data WrappedMonoid m #
Provide a Semigroup for an arbitrary Monoid.
NOTE: This is not needed anymore since Semigroup
became a superclass of
Monoid
in base-4.11 and this newtype be deprecated at some point in the future.
Instances
NFData1 WrappedMonoid | Since: deepseq-1.4.3.0 |
Defined in Control.DeepSeq Methods liftRnf :: (a -> ()) -> WrappedMonoid a -> () # | |
Unbox a => Vector Vector (WrappedMonoid a) | |
Defined in Data.Vector.Unboxed.Base Methods basicUnsafeFreeze :: PrimMonad m => Mutable Vector (PrimState m) (WrappedMonoid a) -> m (Vector (WrappedMonoid a)) basicUnsafeThaw :: PrimMonad m => Vector (WrappedMonoid a) -> m (Mutable Vector (PrimState m) (WrappedMonoid a)) basicLength :: Vector (WrappedMonoid a) -> Int basicUnsafeSlice :: Int -> Int -> Vector (WrappedMonoid a) -> Vector (WrappedMonoid a) basicUnsafeIndexM :: Monad m => Vector (WrappedMonoid a) -> Int -> m (WrappedMonoid a) basicUnsafeCopy :: PrimMonad m => Mutable Vector (PrimState m) (WrappedMonoid a) -> Vector (WrappedMonoid a) -> m () elemseq :: Vector (WrappedMonoid a) -> WrappedMonoid a -> b -> b | |
Unbox a => MVector MVector (WrappedMonoid a) | |
Defined in Data.Vector.Unboxed.Base Methods basicLength :: MVector s (WrappedMonoid a) -> Int basicUnsafeSlice :: Int -> Int -> MVector s (WrappedMonoid a) -> MVector s (WrappedMonoid a) basicOverlaps :: MVector s (WrappedMonoid a) -> MVector s (WrappedMonoid a) -> Bool basicUnsafeNew :: PrimMonad m => Int -> m (MVector (PrimState m) (WrappedMonoid a)) basicInitialize :: PrimMonad m => MVector (PrimState m) (WrappedMonoid a) -> m () basicUnsafeReplicate :: PrimMonad m => Int -> WrappedMonoid a -> m (MVector (PrimState m) (WrappedMonoid a)) basicUnsafeRead :: PrimMonad m => MVector (PrimState m) (WrappedMonoid a) -> Int -> m (WrappedMonoid a) basicUnsafeWrite :: PrimMonad m => MVector (PrimState m) (WrappedMonoid a) -> Int -> WrappedMonoid a -> m () basicClear :: PrimMonad m => MVector (PrimState m) (WrappedMonoid a) -> m () basicSet :: PrimMonad m => MVector (PrimState m) (WrappedMonoid a) -> WrappedMonoid a -> m () basicUnsafeCopy :: PrimMonad m => MVector (PrimState m) (WrappedMonoid a) -> MVector (PrimState m) (WrappedMonoid a) -> m () basicUnsafeMove :: PrimMonad m => MVector (PrimState m) (WrappedMonoid a) -> MVector (PrimState m) (WrappedMonoid a) -> m () basicUnsafeGrow :: PrimMonad m => MVector (PrimState m) (WrappedMonoid a) -> Int -> m (MVector (PrimState m) (WrappedMonoid a)) | |
Bounded m => Bounded (WrappedMonoid m) | Since: base-4.9.0.0 |
Defined in Data.Semigroup | |
Enum a => Enum (WrappedMonoid a) | Since: base-4.9.0.0 |
Defined in Data.Semigroup Methods succ :: WrappedMonoid a -> WrappedMonoid a # pred :: WrappedMonoid a -> WrappedMonoid a # toEnum :: Int -> WrappedMonoid a # fromEnum :: WrappedMonoid a -> Int # enumFrom :: WrappedMonoid a -> [WrappedMonoid a] # enumFromThen :: WrappedMonoid a -> WrappedMonoid a -> [WrappedMonoid a] # enumFromTo :: WrappedMonoid a -> WrappedMonoid a -> [WrappedMonoid a] # enumFromThenTo :: WrappedMonoid a -> WrappedMonoid a -> WrappedMonoid a -> [WrappedMonoid a] # | |
Eq m => Eq (WrappedMonoid m) | Since: base-4.9.0.0 |
Defined in Data.Semigroup Methods (==) :: WrappedMonoid m -> WrappedMonoid m -> Bool # (/=) :: WrappedMonoid m -> WrappedMonoid m -> Bool # | |
Data m => Data (WrappedMonoid m) | Since: base-4.9.0.0 |
Defined in Data.Semigroup Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> WrappedMonoid m -> c (WrappedMonoid m) # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c (WrappedMonoid m) # toConstr :: WrappedMonoid m -> Constr # dataTypeOf :: WrappedMonoid m -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c (WrappedMonoid m)) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c (WrappedMonoid m)) # gmapT :: (forall b. Data b => b -> b) -> WrappedMonoid m -> WrappedMonoid m # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> WrappedMonoid m -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> WrappedMonoid m -> r # gmapQ :: (forall d. Data d => d -> u) -> WrappedMonoid m -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> WrappedMonoid m -> u # gmapM :: Monad m0 => (forall d. Data d => d -> m0 d) -> WrappedMonoid m -> m0 (WrappedMonoid m) # gmapMp :: MonadPlus m0 => (forall d. Data d => d -> m0 d) -> WrappedMonoid m -> m0 (WrappedMonoid m) # gmapMo :: MonadPlus m0 => (forall d. Data d => d -> m0 d) -> WrappedMonoid m -> m0 (WrappedMonoid m) # | |
Ord m => Ord (WrappedMonoid m) | Since: base-4.9.0.0 |
Defined in Data.Semigroup Methods compare :: WrappedMonoid m -> WrappedMonoid m -> Ordering # (<) :: WrappedMonoid m -> WrappedMonoid m -> Bool # (<=) :: WrappedMonoid m -> WrappedMonoid m -> Bool # (>) :: WrappedMonoid m -> WrappedMonoid m -> Bool # (>=) :: WrappedMonoid m -> WrappedMonoid m -> Bool # max :: WrappedMonoid m -> WrappedMonoid m -> WrappedMonoid m # min :: WrappedMonoid m -> WrappedMonoid m -> WrappedMonoid m # | |
Read m => Read (WrappedMonoid m) | Since: base-4.9.0.0 |
Defined in Data.Semigroup Methods readsPrec :: Int -> ReadS (WrappedMonoid m) # readList :: ReadS [WrappedMonoid m] # readPrec :: ReadPrec (WrappedMonoid m) # readListPrec :: ReadPrec [WrappedMonoid m] # | |
Show m => Show (WrappedMonoid m) | Since: base-4.9.0.0 |
Defined in Data.Semigroup Methods showsPrec :: Int -> WrappedMonoid m -> ShowS # show :: WrappedMonoid m -> String # showList :: [WrappedMonoid m] -> ShowS # | |
Generic (WrappedMonoid m) | Since: base-4.9.0.0 |
Defined in Data.Semigroup Associated Types type Rep (WrappedMonoid m) :: Type -> Type # Methods from :: WrappedMonoid m -> Rep (WrappedMonoid m) x # to :: Rep (WrappedMonoid m) x -> WrappedMonoid m # | |
Monoid m => Semigroup (WrappedMonoid m) | Since: base-4.9.0.0 |
Defined in Data.Semigroup Methods (<>) :: WrappedMonoid m -> WrappedMonoid m -> WrappedMonoid m # sconcat :: NonEmpty (WrappedMonoid m) -> WrappedMonoid m # stimes :: Integral b => b -> WrappedMonoid m -> WrappedMonoid m # | |
Monoid m => Monoid (WrappedMonoid m) | Since: base-4.9.0.0 |
Defined in Data.Semigroup Methods mempty :: WrappedMonoid m # mappend :: WrappedMonoid m -> WrappedMonoid m -> WrappedMonoid m # mconcat :: [WrappedMonoid m] -> WrappedMonoid m # | |
NFData m => NFData (WrappedMonoid m) | Since: deepseq-1.4.2.0 |
Defined in Control.DeepSeq Methods rnf :: WrappedMonoid m -> () # | |
Hashable a => Hashable (WrappedMonoid a) | |
Defined in Data.Hashable.Class | |
Unbox a => Unbox (WrappedMonoid a) | |
Defined in Data.Vector.Unboxed.Base | |
Wrapped (WrappedMonoid a) | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped (WrappedMonoid a) Methods _Wrapped' :: Iso' (WrappedMonoid a) (Unwrapped (WrappedMonoid a)) | |
Generic1 WrappedMonoid | Since: base-4.9.0.0 |
Defined in Data.Semigroup Associated Types type Rep1 WrappedMonoid :: k -> Type # Methods from1 :: forall (a :: k). WrappedMonoid a -> Rep1 WrappedMonoid a # to1 :: forall (a :: k). Rep1 WrappedMonoid a -> WrappedMonoid a # | |
t ~ WrappedMonoid b => Rewrapped (WrappedMonoid a) t | |
Defined in Control.Lens.Wrapped | |
SDecide m => TestCoercion (SWrappedMonoid :: WrappedMonoid m -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods testCoercion :: forall (a :: k) (b :: k). SWrappedMonoid a -> SWrappedMonoid b -> Maybe (Coercion a b) # | |
SDecide m => TestEquality (SWrappedMonoid :: WrappedMonoid m -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods testEquality :: forall (a :: k) (b :: k). SWrappedMonoid a -> SWrappedMonoid b -> Maybe (a :~: b) # | |
SingI (WrapMonoidSym0 :: TyFun m (WrappedMonoid m) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods sing :: Sing WrapMonoidSym0 | |
SuppressUnusedWarnings (ToEnum_6989586621681108993Sym0 :: TyFun Nat (WrappedMonoid a6989586621681107194) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ShowsPrec_6989586621681091498Sym0 :: TyFun Nat (WrappedMonoid m6989586621679090734 ~> (Symbol ~> Symbol)) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (WrapMonoidSym0 :: TyFun m6989586621679090734 (WrappedMonoid m6989586621679090734) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (UnwrapMonoidSym0 :: TyFun (WrappedMonoid m6989586621679090734) m6989586621679090734 -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206791Sym0 :: TyFun (WrappedMonoid m6989586621679090734) (WrappedMonoid m6989586621679090734 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621681108966Sym0 :: TyFun (WrappedMonoid m6989586621681107190) (WrappedMonoid m6989586621681107190 ~> WrappedMonoid m6989586621681107190) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Succ_6989586621681108979Sym0 :: TyFun (WrappedMonoid a6989586621681107194) (WrappedMonoid a6989586621681107194) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Pred_6989586621681108986Sym0 :: TyFun (WrappedMonoid a6989586621681107194) (WrappedMonoid a6989586621681107194) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FromEnum_6989586621681109002Sym0 :: TyFun (WrappedMonoid a6989586621681107194) Nat -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (EnumFromTo_6989586621681109010Sym0 :: TyFun (WrappedMonoid a6989586621681107194) (WrappedMonoid a6989586621681107194 ~> [WrappedMonoid a6989586621681107194]) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (EnumFromThenTo_6989586621681109023Sym0 :: TyFun (WrappedMonoid a6989586621681107194) (WrappedMonoid a6989586621681107194 ~> (WrappedMonoid a6989586621681107194 ~> [WrappedMonoid a6989586621681107194])) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206791Sym1 a6989586621680206789 :: TyFun (WrappedMonoid m6989586621679090734) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621681108966Sym1 a6989586621681108964 :: TyFun (WrappedMonoid m6989586621681107190) (WrappedMonoid m6989586621681107190) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ShowsPrec_6989586621681091498Sym1 a6989586621681091495 m6989586621679090734 :: TyFun (WrappedMonoid m6989586621679090734) (Symbol ~> Symbol) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (EnumFromTo_6989586621681109010Sym1 a6989586621681109008 :: TyFun (WrappedMonoid a6989586621681107194) [WrappedMonoid a6989586621681107194] -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (EnumFromThenTo_6989586621681109023Sym1 a6989586621681109020 :: TyFun (WrappedMonoid a6989586621681107194) (WrappedMonoid a6989586621681107194 ~> [WrappedMonoid a6989586621681107194]) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (EnumFromThenTo_6989586621681109023Sym2 a6989586621681109021 a6989586621681109020 :: TyFun (WrappedMonoid a6989586621681107194) [WrappedMonoid a6989586621681107194] -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
newtype MVector s (WrappedMonoid a) | |
Defined in Data.Vector.Unboxed.Base | |
type Apply (ToEnum_6989586621681108993Sym0 :: TyFun Nat (WrappedMonoid a6989586621681107194) -> Type) (a6989586621681108992 :: Nat) | |
Defined in Data.Singletons.Prelude.Semigroup type Apply (ToEnum_6989586621681108993Sym0 :: TyFun Nat (WrappedMonoid a6989586621681107194) -> Type) (a6989586621681108992 :: Nat) = ToEnum_6989586621681108993 a6989586621681108992 :: WrappedMonoid a6989586621681107194 | |
type Apply (WrapMonoidSym0 :: TyFun m (WrappedMonoid m) -> Type) (t6989586621680197197 :: m) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply (WrapMonoidSym0 :: TyFun m (WrappedMonoid m) -> Type) (t6989586621680197197 :: m) = 'WrapMonoid t6989586621680197197 | |
type Apply (ShowsPrec_6989586621681091498Sym0 :: TyFun Nat (WrappedMonoid m6989586621679090734 ~> (Symbol ~> Symbol)) -> Type) (a6989586621681091495 :: Nat) | |
Defined in Data.Singletons.Prelude.Semigroup type Apply (ShowsPrec_6989586621681091498Sym0 :: TyFun Nat (WrappedMonoid m6989586621679090734 ~> (Symbol ~> Symbol)) -> Type) (a6989586621681091495 :: Nat) = ShowsPrec_6989586621681091498Sym1 a6989586621681091495 m6989586621679090734 :: TyFun (WrappedMonoid m6989586621679090734) (Symbol ~> Symbol) -> Type | |
type Rep (WrappedMonoid m) | |
Defined in Data.Semigroup type Rep (WrappedMonoid m) = D1 ('MetaData "WrappedMonoid" "Data.Semigroup" "base" 'True) (C1 ('MetaCons "WrapMonoid" 'PrefixI 'True) (S1 ('MetaSel ('Just "unwrapMonoid") 'NoSourceUnpackedness 'NoSourceStrictness 'DecidedLazy) (Rec0 m))) | |
newtype Vector (WrappedMonoid a) | |
Defined in Data.Vector.Unboxed.Base | |
type Sing | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Mempty | |
Defined in Data.Singletons.Prelude.Semigroup type Mempty = Mempty_6989586621681108976Sym0 :: WrappedMonoid m | |
type Demote (WrappedMonoid m) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type MaxBound | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type MaxBound = MaxBound_6989586621680201923Sym0 :: WrappedMonoid m | |
type MinBound | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type MinBound = MinBound_6989586621680201921Sym0 :: WrappedMonoid m | |
type Unwrapped (WrappedMonoid a) | |
Defined in Control.Lens.Wrapped type Unwrapped (WrappedMonoid a) = a | |
type Rep1 WrappedMonoid | |
Defined in Data.Semigroup type Rep1 WrappedMonoid = D1 ('MetaData "WrappedMonoid" "Data.Semigroup" "base" 'True) (C1 ('MetaCons "WrapMonoid" 'PrefixI 'True) (S1 ('MetaSel ('Just "unwrapMonoid") 'NoSourceUnpackedness 'NoSourceStrictness 'DecidedLazy) Par1)) | |
type FromEnum (a2 :: WrappedMonoid a1) | |
Defined in Data.Singletons.Prelude.Semigroup type FromEnum (a2 :: WrappedMonoid a1) = Apply (FromEnum_6989586621681109002Sym0 :: TyFun (WrappedMonoid a1) Nat -> Type) a2 | |
type Pred (a2 :: WrappedMonoid a1) | |
Defined in Data.Singletons.Prelude.Semigroup type Pred (a2 :: WrappedMonoid a1) = Apply (Pred_6989586621681108986Sym0 :: TyFun (WrappedMonoid a1) (WrappedMonoid a1) -> Type) a2 | |
type Succ (a2 :: WrappedMonoid a1) | |
Defined in Data.Singletons.Prelude.Semigroup type Succ (a2 :: WrappedMonoid a1) = Apply (Succ_6989586621681108979Sym0 :: TyFun (WrappedMonoid a1) (WrappedMonoid a1) -> Type) a2 | |
type ToEnum a2 | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Sconcat (arg0 :: NonEmpty (WrappedMonoid m)) | |
Defined in Data.Singletons.Prelude.Semigroup type Sconcat (arg0 :: NonEmpty (WrappedMonoid m)) = Apply (Sconcat_6989586621680187695Sym0 :: TyFun (NonEmpty (WrappedMonoid m)) (WrappedMonoid m) -> Type) arg0 | |
type Mconcat (arg0 :: [WrappedMonoid m]) | |
Defined in Data.Singletons.Prelude.Semigroup type Mconcat (arg0 :: [WrappedMonoid m]) = Apply (Mconcat_6989586621680631307Sym0 :: TyFun [WrappedMonoid m] (WrappedMonoid m) -> Type) arg0 | |
type Show_ (arg0 :: WrappedMonoid m) | |
Defined in Data.Singletons.Prelude.Semigroup type Show_ (arg0 :: WrappedMonoid m) = Apply (Show__6989586621680577850Sym0 :: TyFun (WrappedMonoid m) Symbol -> Type) arg0 | |
type Mappend (arg1 :: WrappedMonoid m) (arg2 :: WrappedMonoid m) | |
Defined in Data.Singletons.Prelude.Semigroup type Mappend (arg1 :: WrappedMonoid m) (arg2 :: WrappedMonoid m) = Apply (Apply (Mappend_6989586621680631292Sym0 :: TyFun (WrappedMonoid m) (WrappedMonoid m ~> WrappedMonoid m) -> Type) arg1) arg2 | |
type EnumFromTo (a2 :: WrappedMonoid a1) (a3 :: WrappedMonoid a1) | |
Defined in Data.Singletons.Prelude.Semigroup type EnumFromTo (a2 :: WrappedMonoid a1) (a3 :: WrappedMonoid a1) = Apply (Apply (EnumFromTo_6989586621681109010Sym0 :: TyFun (WrappedMonoid a1) (WrappedMonoid a1 ~> [WrappedMonoid a1]) -> Type) a2) a3 | |
type (x :: WrappedMonoid m) /= (y :: WrappedMonoid m) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type (a :: WrappedMonoid m) == (b :: WrappedMonoid m) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type (a1 :: WrappedMonoid m) <> (a2 :: WrappedMonoid m) | |
Defined in Data.Singletons.Prelude.Semigroup type (a1 :: WrappedMonoid m) <> (a2 :: WrappedMonoid m) = Apply (Apply (TFHelper_6989586621681108966Sym0 :: TyFun (WrappedMonoid m) (WrappedMonoid m ~> WrappedMonoid m) -> Type) a1) a2 | |
type Max (arg1 :: WrappedMonoid m) (arg2 :: WrappedMonoid m) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Max (arg1 :: WrappedMonoid m) (arg2 :: WrappedMonoid m) = Apply (Apply (Max_6989586621679792600Sym0 :: TyFun (WrappedMonoid m) (WrappedMonoid m ~> WrappedMonoid m) -> Type) arg1) arg2 | |
type Min (arg1 :: WrappedMonoid m) (arg2 :: WrappedMonoid m) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Min (arg1 :: WrappedMonoid m) (arg2 :: WrappedMonoid m) = Apply (Apply (Min_6989586621679792618Sym0 :: TyFun (WrappedMonoid m) (WrappedMonoid m ~> WrappedMonoid m) -> Type) arg1) arg2 | |
type Compare (a1 :: WrappedMonoid m) (a2 :: WrappedMonoid m) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Compare (a1 :: WrappedMonoid m) (a2 :: WrappedMonoid m) = Apply (Apply (Compare_6989586621680206791Sym0 :: TyFun (WrappedMonoid m) (WrappedMonoid m ~> Ordering) -> Type) a1) a2 | |
type (arg1 :: WrappedMonoid m) <= (arg2 :: WrappedMonoid m) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type (arg1 :: WrappedMonoid m) <= (arg2 :: WrappedMonoid m) = Apply (Apply (TFHelper_6989586621679792546Sym0 :: TyFun (WrappedMonoid m) (WrappedMonoid m ~> Bool) -> Type) arg1) arg2 | |
type (arg1 :: WrappedMonoid m) < (arg2 :: WrappedMonoid m) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type (arg1 :: WrappedMonoid m) < (arg2 :: WrappedMonoid m) = Apply (Apply (TFHelper_6989586621679792528Sym0 :: TyFun (WrappedMonoid m) (WrappedMonoid m ~> Bool) -> Type) arg1) arg2 | |
type (arg1 :: WrappedMonoid m) >= (arg2 :: WrappedMonoid m) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type (arg1 :: WrappedMonoid m) >= (arg2 :: WrappedMonoid m) = Apply (Apply (TFHelper_6989586621679792582Sym0 :: TyFun (WrappedMonoid m) (WrappedMonoid m ~> Bool) -> Type) arg1) arg2 | |
type (arg1 :: WrappedMonoid m) > (arg2 :: WrappedMonoid m) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type (arg1 :: WrappedMonoid m) > (arg2 :: WrappedMonoid m) = Apply (Apply (TFHelper_6989586621679792564Sym0 :: TyFun (WrappedMonoid m) (WrappedMonoid m ~> Bool) -> Type) arg1) arg2 | |
type ShowList (arg1 :: [WrappedMonoid m]) arg2 | |
Defined in Data.Singletons.Prelude.Semigroup type ShowList (arg1 :: [WrappedMonoid m]) arg2 = Apply (Apply (ShowList_6989586621680577858Sym0 :: TyFun [WrappedMonoid m] (Symbol ~> Symbol) -> Type) arg1) arg2 | |
type EnumFromThenTo (a2 :: WrappedMonoid a1) (a3 :: WrappedMonoid a1) (a4 :: WrappedMonoid a1) | |
Defined in Data.Singletons.Prelude.Semigroup type EnumFromThenTo (a2 :: WrappedMonoid a1) (a3 :: WrappedMonoid a1) (a4 :: WrappedMonoid a1) = Apply (Apply (Apply (EnumFromThenTo_6989586621681109023Sym0 :: TyFun (WrappedMonoid a1) (WrappedMonoid a1 ~> (WrappedMonoid a1 ~> [WrappedMonoid a1])) -> Type) a2) a3) a4 | |
type ShowsPrec a1 (a2 :: WrappedMonoid m) a3 | |
Defined in Data.Singletons.Prelude.Semigroup type ShowsPrec a1 (a2 :: WrappedMonoid m) a3 = Apply (Apply (Apply (ShowsPrec_6989586621681091498Sym0 :: TyFun Nat (WrappedMonoid m ~> (Symbol ~> Symbol)) -> Type) a1) a2) a3 | |
type Apply (UnwrapMonoidSym0 :: TyFun (WrappedMonoid m) m -> Type) (a6989586621680197194 :: WrappedMonoid m) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply (UnwrapMonoidSym0 :: TyFun (WrappedMonoid m) m -> Type) (a6989586621680197194 :: WrappedMonoid m) = UnwrapMonoid a6989586621680197194 | |
type Apply (FromEnum_6989586621681109002Sym0 :: TyFun (WrappedMonoid a) Nat -> Type) (a6989586621681109001 :: WrappedMonoid a) | |
Defined in Data.Singletons.Prelude.Semigroup type Apply (FromEnum_6989586621681109002Sym0 :: TyFun (WrappedMonoid a) Nat -> Type) (a6989586621681109001 :: WrappedMonoid a) = FromEnum_6989586621681109002 a6989586621681109001 | |
type Apply (Compare_6989586621680206791Sym1 a6989586621680206789 :: TyFun (WrappedMonoid m) Ordering -> Type) (a6989586621680206790 :: WrappedMonoid m) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply (Compare_6989586621680206791Sym1 a6989586621680206789 :: TyFun (WrappedMonoid m) Ordering -> Type) (a6989586621680206790 :: WrappedMonoid m) = Compare_6989586621680206791 a6989586621680206789 a6989586621680206790 | |
type Apply (Succ_6989586621681108979Sym0 :: TyFun (WrappedMonoid a) (WrappedMonoid a) -> Type) (a6989586621681108978 :: WrappedMonoid a) | |
Defined in Data.Singletons.Prelude.Semigroup type Apply (Succ_6989586621681108979Sym0 :: TyFun (WrappedMonoid a) (WrappedMonoid a) -> Type) (a6989586621681108978 :: WrappedMonoid a) = Succ_6989586621681108979 a6989586621681108978 | |
type Apply (Pred_6989586621681108986Sym0 :: TyFun (WrappedMonoid a) (WrappedMonoid a) -> Type) (a6989586621681108985 :: WrappedMonoid a) | |
Defined in Data.Singletons.Prelude.Semigroup type Apply (Pred_6989586621681108986Sym0 :: TyFun (WrappedMonoid a) (WrappedMonoid a) -> Type) (a6989586621681108985 :: WrappedMonoid a) = Pred_6989586621681108986 a6989586621681108985 | |
type Apply (TFHelper_6989586621681108966Sym1 a6989586621681108964 :: TyFun (WrappedMonoid m) (WrappedMonoid m) -> Type) (a6989586621681108965 :: WrappedMonoid m) | |
Defined in Data.Singletons.Prelude.Semigroup type Apply (TFHelper_6989586621681108966Sym1 a6989586621681108964 :: TyFun (WrappedMonoid m) (WrappedMonoid m) -> Type) (a6989586621681108965 :: WrappedMonoid m) = TFHelper_6989586621681108966 a6989586621681108964 a6989586621681108965 | |
type Apply (EnumFromTo_6989586621681109010Sym1 a6989586621681109008 :: TyFun (WrappedMonoid a) [WrappedMonoid a] -> Type) (a6989586621681109009 :: WrappedMonoid a) | |
Defined in Data.Singletons.Prelude.Semigroup type Apply (EnumFromTo_6989586621681109010Sym1 a6989586621681109008 :: TyFun (WrappedMonoid a) [WrappedMonoid a] -> Type) (a6989586621681109009 :: WrappedMonoid a) = EnumFromTo_6989586621681109010 a6989586621681109008 a6989586621681109009 | |
type Apply (EnumFromThenTo_6989586621681109023Sym2 a6989586621681109021 a6989586621681109020 :: TyFun (WrappedMonoid a) [WrappedMonoid a] -> Type) (a6989586621681109022 :: WrappedMonoid a) | |
Defined in Data.Singletons.Prelude.Semigroup type Apply (EnumFromThenTo_6989586621681109023Sym2 a6989586621681109021 a6989586621681109020 :: TyFun (WrappedMonoid a) [WrappedMonoid a] -> Type) (a6989586621681109022 :: WrappedMonoid a) = EnumFromThenTo_6989586621681109023 a6989586621681109021 a6989586621681109020 a6989586621681109022 | |
type Apply (Compare_6989586621680206791Sym0 :: TyFun (WrappedMonoid m6989586621679090734) (WrappedMonoid m6989586621679090734 ~> Ordering) -> Type) (a6989586621680206789 :: WrappedMonoid m6989586621679090734) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply (Compare_6989586621680206791Sym0 :: TyFun (WrappedMonoid m6989586621679090734) (WrappedMonoid m6989586621679090734 ~> Ordering) -> Type) (a6989586621680206789 :: WrappedMonoid m6989586621679090734) = Compare_6989586621680206791Sym1 a6989586621680206789 | |
type Apply (TFHelper_6989586621681108966Sym0 :: TyFun (WrappedMonoid m6989586621681107190) (WrappedMonoid m6989586621681107190 ~> WrappedMonoid m6989586621681107190) -> Type) (a6989586621681108964 :: WrappedMonoid m6989586621681107190) | |
Defined in Data.Singletons.Prelude.Semigroup type Apply (TFHelper_6989586621681108966Sym0 :: TyFun (WrappedMonoid m6989586621681107190) (WrappedMonoid m6989586621681107190 ~> WrappedMonoid m6989586621681107190) -> Type) (a6989586621681108964 :: WrappedMonoid m6989586621681107190) = TFHelper_6989586621681108966Sym1 a6989586621681108964 | |
type Apply (EnumFromTo_6989586621681109010Sym0 :: TyFun (WrappedMonoid a6989586621681107194) (WrappedMonoid a6989586621681107194 ~> [WrappedMonoid a6989586621681107194]) -> Type) (a6989586621681109008 :: WrappedMonoid a6989586621681107194) | |
Defined in Data.Singletons.Prelude.Semigroup type Apply (EnumFromTo_6989586621681109010Sym0 :: TyFun (WrappedMonoid a6989586621681107194) (WrappedMonoid a6989586621681107194 ~> [WrappedMonoid a6989586621681107194]) -> Type) (a6989586621681109008 :: WrappedMonoid a6989586621681107194) = EnumFromTo_6989586621681109010Sym1 a6989586621681109008 | |
type Apply (EnumFromThenTo_6989586621681109023Sym0 :: TyFun (WrappedMonoid a6989586621681107194) (WrappedMonoid a6989586621681107194 ~> (WrappedMonoid a6989586621681107194 ~> [WrappedMonoid a6989586621681107194])) -> Type) (a6989586621681109020 :: WrappedMonoid a6989586621681107194) | |
Defined in Data.Singletons.Prelude.Semigroup type Apply (EnumFromThenTo_6989586621681109023Sym0 :: TyFun (WrappedMonoid a6989586621681107194) (WrappedMonoid a6989586621681107194 ~> (WrappedMonoid a6989586621681107194 ~> [WrappedMonoid a6989586621681107194])) -> Type) (a6989586621681109020 :: WrappedMonoid a6989586621681107194) = EnumFromThenTo_6989586621681109023Sym1 a6989586621681109020 | |
type Apply (ShowsPrec_6989586621681091498Sym1 a6989586621681091495 m6989586621679090734 :: TyFun (WrappedMonoid m6989586621679090734) (Symbol ~> Symbol) -> Type) (a6989586621681091496 :: WrappedMonoid m6989586621679090734) | |
Defined in Data.Singletons.Prelude.Semigroup type Apply (ShowsPrec_6989586621681091498Sym1 a6989586621681091495 m6989586621679090734 :: TyFun (WrappedMonoid m6989586621679090734) (Symbol ~> Symbol) -> Type) (a6989586621681091496 :: WrappedMonoid m6989586621679090734) = ShowsPrec_6989586621681091498Sym2 a6989586621681091495 a6989586621681091496 | |
type Apply (EnumFromThenTo_6989586621681109023Sym1 a6989586621681109020 :: TyFun (WrappedMonoid a6989586621681107194) (WrappedMonoid a6989586621681107194 ~> [WrappedMonoid a6989586621681107194]) -> Type) (a6989586621681109021 :: WrappedMonoid a6989586621681107194) | |
Defined in Data.Singletons.Prelude.Semigroup type Apply (EnumFromThenTo_6989586621681109023Sym1 a6989586621681109020 :: TyFun (WrappedMonoid a6989586621681107194) (WrappedMonoid a6989586621681107194 ~> [WrappedMonoid a6989586621681107194]) -> Type) (a6989586621681109021 :: WrappedMonoid a6989586621681107194) = EnumFromThenTo_6989586621681109023Sym2 a6989586621681109020 a6989586621681109021 |
Option
is effectively Maybe
with a better instance of
Monoid
, built off of an underlying Semigroup
instead of an
underlying Monoid
.
Ideally, this type would not exist at all and we would just fix the
Monoid
instance of Maybe
.
In GHC 8.4 and higher, the Monoid
instance for Maybe
has been
corrected to lift a Semigroup
instance instead of a Monoid
instance. Consequently, this type is no longer useful. It will be
marked deprecated in GHC 8.8 and removed in GHC 8.10.
Instances
Monad Option | Since: base-4.9.0.0 |
Functor Option | Since: base-4.9.0.0 |
MonadFix Option | Since: base-4.9.0.0 |
Defined in Data.Semigroup | |
Applicative Option | Since: base-4.9.0.0 |
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 # 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 # | |
Traversable Option | Since: base-4.9.0.0 |
Alternative Option | Since: base-4.9.0.0 |
MonadPlus Option | Since: base-4.9.0.0 |
NFData1 Option | Since: deepseq-1.4.3.0 |
Defined in Control.DeepSeq | |
Eq a => Eq (Option a) | Since: base-4.9.0.0 |
Data a => Data (Option a) | Since: base-4.9.0.0 |
Defined in Data.Semigroup Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Option a -> c (Option a) # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c (Option a) # toConstr :: Option a -> Constr # dataTypeOf :: Option a -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c (Option a)) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c (Option a)) # gmapT :: (forall b. Data b => b -> b) -> Option a -> Option a # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Option a -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Option a -> r # gmapQ :: (forall d. Data d => d -> u) -> Option a -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Option a -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Option a -> m (Option a) # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Option a -> m (Option a) # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Option a -> m (Option a) # | |
Ord a => Ord (Option a) | Since: base-4.9.0.0 |
Defined in Data.Semigroup | |
Read a => Read (Option a) | Since: base-4.9.0.0 |
Show a => Show (Option a) | Since: base-4.9.0.0 |
Generic (Option a) | Since: base-4.9.0.0 |
Semigroup a => Semigroup (Option a) | Since: base-4.9.0.0 |
Semigroup a => Monoid (Option a) | Since: base-4.9.0.0 |
NFData a => NFData (Option a) | Since: deepseq-1.4.2.0 |
Defined in Control.DeepSeq | |
Hashable a => Hashable (Option a) | |
Defined in Data.Hashable.Class | |
Wrapped (Option a) | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped (Option a) | |
Generic1 Option | Since: base-4.9.0.0 |
t ~ Option b => Rewrapped (Option a) t | |
Defined in Control.Lens.Wrapped | |
SDecide (Maybe a) => TestCoercion (SOption :: Option a -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods testCoercion :: forall (a0 :: k) (b :: k). SOption a0 -> SOption b -> Maybe (Coercion a0 b) # | |
SDecide (Maybe a) => TestEquality (SOption :: Option a -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods testEquality :: forall (a0 :: k) (b :: k). SOption a0 -> SOption b -> Maybe (a0 :~: b) # | |
SingI (OptionSym0 :: TyFun (Maybe a) (Option a) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods sing :: Sing OptionSym0 | |
SuppressUnusedWarnings (OptionSym0 :: TyFun (Maybe a6989586621679060067) (Option a6989586621679060067) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ShowsPrec_6989586621681091194Sym0 :: TyFun Nat (Option a6989586621679060067 ~> (Symbol ~> Symbol)) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Pure_6989586621681109054Sym0 :: TyFun a6989586621679962812 (Option a6989586621679962812) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621681109049ASym0 :: TyFun a6989586621679060067 (Option a6989586621679060067) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (GetOptionSym0 :: TyFun (Option a6989586621679060067) (Maybe a6989586621679060067) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206587Sym0 :: TyFun (Option a6989586621679060067) (Option a6989586621679060067 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621681109154Sym0 :: TyFun (Option a6989586621681107214) (Option a6989586621681107214 ~> Option a6989586621681107214) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621681109041Sym0 :: TyFun (Option a6989586621679962888) (Option a6989586621679962888 ~> Option a6989586621679962888) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SingI (Option_Sym0 :: TyFun b ((a ~> b) ~> (Option a ~> b)) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods sing :: Sing Option_Sym0 | |
SuppressUnusedWarnings (TFHelper_6989586621681109114Sym0 :: TyFun a6989586621679962809 (Option b6989586621679962810 ~> Option a6989586621679962809) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Option_Sym0 :: TyFun b6989586621681175294 ((a6989586621681175295 ~> b6989586621681175294) ~> (Option a6989586621681175295 ~> b6989586621681175294)) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206587Sym1 a6989586621680206585 :: TyFun (Option a6989586621679060067) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621681109154Sym1 a6989586621681109152 :: TyFun (Option a6989586621681107214) (Option a6989586621681107214) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621681109138Sym0 :: TyFun (Option a6989586621679962838) (Option b6989586621679962839 ~> Option b6989586621679962839) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621681109126Sym0 :: TyFun (Option a6989586621679962836) ((a6989586621679962836 ~> Option b6989586621679962837) ~> Option b6989586621679962837) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621681109091Sym0 :: TyFun (Option a6989586621679962818) (Option b6989586621679962819 ~> Option b6989586621679962819) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621681109041Sym1 a6989586621681109039 :: TyFun (Option a6989586621679962888) (Option a6989586621679962888) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ShowsPrec_6989586621681091194Sym1 a6989586621681091191 a6989586621679060067 :: TyFun (Option a6989586621679060067) (Symbol ~> Symbol) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621681109062Sym0 :: TyFun (Option (a6989586621679962813 ~> b6989586621679962814)) (Option a6989586621679962813 ~> Option b6989586621679962814) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FoldMap_6989586621681109168Sym0 :: TyFun (a6989586621680742388 ~> m6989586621680742387) (Option a6989586621680742388 ~> m6989586621680742387) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Fmap_6989586621681109102Sym0 :: TyFun (a6989586621679962807 ~> b6989586621679962808) (Option a6989586621679962807 ~> Option b6989586621679962808) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SingI d => SingI (Option_Sym1 d a :: TyFun (a ~> b) (Option a ~> b) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods sing :: Sing (Option_Sym1 d a) | |
SuppressUnusedWarnings (TFHelper_6989586621681109138Sym1 a6989586621681109136 b6989586621679962839 :: TyFun (Option b6989586621679962839) (Option b6989586621679962839) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621681109114Sym1 a6989586621681109112 b6989586621679962810 :: TyFun (Option b6989586621679962810) (Option a6989586621679962809) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621681109091Sym1 a6989586621681109089 b6989586621679962819 :: TyFun (Option b6989586621679962819) (Option b6989586621679962819) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621681109062Sym1 a6989586621681109060 :: TyFun (Option a6989586621679962813) (Option b6989586621679962814) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FoldMap_6989586621681109168Sym1 a6989586621681109166 :: TyFun (Option a6989586621680742388) m6989586621680742387 -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Fmap_6989586621681109102Sym1 a6989586621681109100 :: TyFun (Option a6989586621679962807) (Option b6989586621679962808) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Traverse_6989586621681109180Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Option a6989586621680988968 ~> f6989586621680988967 (Option b6989586621680988969)) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621681109126Sym1 a6989586621681109124 b6989586621679962837 :: TyFun (a6989586621679962836 ~> Option b6989586621679962837) (Option b6989586621679962837) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Option_Sym1 a6989586621681175306 a6989586621681175295 :: TyFun (a6989586621681175295 ~> b6989586621681175294) (Option a6989586621681175295 ~> b6989586621681175294) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (LiftA2_6989586621681109075Sym0 :: TyFun (a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (Option a6989586621679962815 ~> (Option b6989586621679962816 ~> Option c6989586621679962817)) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
(SingI d1, SingI d2) => SingI (Option_Sym2 d1 d2 :: TyFun (Option a) b -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods sing :: Sing (Option_Sym2 d1 d2) | |
SuppressUnusedWarnings (Traverse_6989586621681109180Sym1 a6989586621681109178 :: TyFun (Option a6989586621680988968) (f6989586621680988967 (Option b6989586621680988969)) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Option_Sym2 a6989586621681175307 a6989586621681175306 :: TyFun (Option a6989586621681175295) b6989586621681175294 -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (LiftA2_6989586621681109075Sym1 a6989586621681109072 :: TyFun (Option a6989586621679962815) (Option b6989586621679962816 ~> Option c6989586621679962817) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (LiftA2_6989586621681109075Sym2 a6989586621681109073 a6989586621681109072 :: TyFun (Option b6989586621679962816) (Option c6989586621679962817) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
type Mzero | |
Defined in Data.Singletons.Prelude.Semigroup type Mzero = Mzero_6989586621679963354Sym0 :: Option a0 | |
type Empty | |
Defined in Data.Singletons.Prelude.Semigroup type Empty = Empty_6989586621681109037Sym0 :: Option a | |
type Return (arg0 :: a0) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Pure (a :: k1) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Fold (arg0 :: Option m0) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Length (arg0 :: Option a0) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Maximum (arg0 :: Option a0) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Minimum (arg0 :: Option a0) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Null (arg0 :: Option a0) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Product (arg0 :: Option a0) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Sum (arg0 :: Option a0) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type ToList (arg0 :: Option a0) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Mplus (arg1 :: Option a0) (arg2 :: Option a0) | |
type Sequence (arg0 :: Option (m0 a0)) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type (a1 :: Option a6989586621679962888) <|> (a2 :: Option a6989586621679962888) | |
type Elem (arg1 :: a0) (arg2 :: Option a0) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Foldl1 (arg1 :: a0 ~> (a0 ~> a0)) (arg2 :: Option a0) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Foldr1 (arg1 :: a0 ~> (a0 ~> a0)) (arg2 :: Option a0) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type SequenceA (arg0 :: Option (f0 a0)) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Fmap (a1 :: a6989586621679962807 ~> b6989586621679962808) (a2 :: Option a6989586621679962807) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type (a1 :: Option a6989586621679962838) >> (a2 :: Option b6989586621679962839) | |
type (a1 :: Option a6989586621679962836) >>= (a2 :: a6989586621679962836 ~> Option b6989586621679962837) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type (a1 :: Option a6989586621679962818) *> (a2 :: Option b6989586621679962819) | |
type (arg1 :: Option a0) <* (arg2 :: Option b0) | |
type (a1 :: Option (a6989586621679962813 ~> b6989586621679962814)) <*> (a2 :: Option a6989586621679962813) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type (a1 :: k1) <$ (a2 :: Option b6989586621679962810) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type FoldMap (a1 :: a6989586621680742388 ~> k2) (a2 :: Option a6989586621680742388) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type MapM (arg1 :: a0 ~> m0 b0) (arg2 :: Option a0) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Foldr (arg1 :: a0 ~> (b0 ~> b0)) (arg2 :: b0) (arg3 :: Option a0) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Foldl (arg1 :: b0 ~> (a0 ~> b0)) (arg2 :: b0) (arg3 :: Option a0) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Traverse (a1 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (a2 :: Option a6989586621680988968) | |
Defined in Data.Singletons.Prelude.Semigroup type Traverse (a1 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (a2 :: Option a6989586621680988968) = Apply (Apply (Traverse_6989586621681109180Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Option a6989586621680988968 ~> f6989586621680988967 (Option b6989586621680988969)) -> Type) a1) a2 | |
type Foldl' (arg1 :: b0 ~> (a0 ~> b0)) (arg2 :: b0) (arg3 :: Option a0) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Foldr' (arg1 :: a0 ~> (b0 ~> b0)) (arg2 :: b0) (arg3 :: Option a0) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type LiftA2 (a1 :: a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (a2 :: Option a6989586621679962815) (a3 :: Option b6989586621679962816) | |
Defined in Data.Singletons.Prelude.Semigroup type LiftA2 (a1 :: a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (a2 :: Option a6989586621679962815) (a3 :: Option b6989586621679962816) = Apply (Apply (Apply (LiftA2_6989586621681109075Sym0 :: TyFun (a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (Option a6989586621679962815 ~> (Option b6989586621679962816 ~> Option c6989586621679962817)) -> Type) a1) a2) a3 | |
type Apply (Let6989586621681109049ASym0 :: TyFun a6989586621679060067 (Option a6989586621679060067) -> Type) (wild_69895866216811072486989586621681109048 :: a6989586621679060067) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (Pure_6989586621681109054Sym0 :: TyFun a (Option a) -> Type) (a6989586621681109053 :: a) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (ShowsPrec_6989586621681091194Sym0 :: TyFun Nat (Option a6989586621679060067 ~> (Symbol ~> Symbol)) -> Type) (a6989586621681091191 :: Nat) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (TFHelper_6989586621681109114Sym0 :: TyFun a6989586621679962809 (Option b6989586621679962810 ~> Option a6989586621679962809) -> Type) (a6989586621681109112 :: a6989586621679962809) | |
Defined in Data.Singletons.Prelude.Semigroup type Apply (TFHelper_6989586621681109114Sym0 :: TyFun a6989586621679962809 (Option b6989586621679962810 ~> Option a6989586621679962809) -> Type) (a6989586621681109112 :: a6989586621679962809) = TFHelper_6989586621681109114Sym1 a6989586621681109112 b6989586621679962810 :: TyFun (Option b6989586621679962810) (Option a6989586621679962809) -> Type | |
type Apply (Option_Sym0 :: TyFun b6989586621681175294 ((a6989586621681175295 ~> b6989586621681175294) ~> (Option a6989586621681175295 ~> b6989586621681175294)) -> Type) (a6989586621681175306 :: b6989586621681175294) | |
Defined in Data.Singletons.Prelude.Semigroup type Apply (Option_Sym0 :: TyFun b6989586621681175294 ((a6989586621681175295 ~> b6989586621681175294) ~> (Option a6989586621681175295 ~> b6989586621681175294)) -> Type) (a6989586621681175306 :: b6989586621681175294) = Option_Sym1 a6989586621681175306 a6989586621681175295 :: TyFun (a6989586621681175295 ~> b6989586621681175294) (Option a6989586621681175295 ~> b6989586621681175294) -> Type | |
type Rep (Option a) | |
Defined in Data.Semigroup | |
type Sing | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Mempty | |
Defined in Data.Singletons.Prelude.Semigroup type Mempty = Mempty_6989586621681109164Sym0 :: Option a | |
type Demote (Option a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Unwrapped (Option a) | |
Defined in Control.Lens.Wrapped | |
type Rep1 Option | |
Defined in Data.Semigroup | |
type Sconcat (arg0 :: NonEmpty (Option a)) | |
type Mconcat (arg0 :: [Option a]) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Show_ (arg0 :: Option a) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Mappend (arg1 :: Option a) (arg2 :: Option a) | |
type (x :: Option a) /= (y :: Option a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type (a2 :: Option a1) == (b :: Option a1) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type (a2 :: Option a1) <> (a3 :: Option a1) | |
type Max (arg1 :: Option a) (arg2 :: Option a) | |
type Min (arg1 :: Option a) (arg2 :: Option a) | |
type Compare (a2 :: Option a1) (a3 :: Option a1) | |
type (arg1 :: Option a) <= (arg2 :: Option a) | |
type (arg1 :: Option a) < (arg2 :: Option a) | |
type (arg1 :: Option a) >= (arg2 :: Option a) | |
type (arg1 :: Option a) > (arg2 :: Option a) | |
type ShowList (arg1 :: [Option a]) arg2 | |
type ShowsPrec a2 (a3 :: Option a1) a4 | |
type Apply (Compare_6989586621680206587Sym1 a6989586621680206585 :: TyFun (Option a) Ordering -> Type) (a6989586621680206586 :: Option a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (FoldMap_6989586621681109168Sym1 a6989586621681109166 :: TyFun (Option a) m -> Type) (a6989586621681109167 :: Option a) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (Option_Sym2 a6989586621681175307 a6989586621681175306 :: TyFun (Option a) b -> Type) (a6989586621681175308 :: Option a) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (OptionSym0 :: TyFun (Maybe a) (Option a) -> Type) (t6989586621680197019 :: Maybe a) | |
type Apply (GetOptionSym0 :: TyFun (Option a) (Maybe a) -> Type) (a6989586621680197016 :: Option a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (TFHelper_6989586621681109041Sym1 a6989586621681109039 :: TyFun (Option a) (Option a) -> Type) (a6989586621681109040 :: Option a) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (TFHelper_6989586621681109154Sym1 a6989586621681109152 :: TyFun (Option a) (Option a) -> Type) (a6989586621681109153 :: Option a) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (TFHelper_6989586621681109062Sym1 a6989586621681109060 :: TyFun (Option a) (Option b) -> Type) (a6989586621681109061 :: Option a) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (TFHelper_6989586621681109091Sym1 a6989586621681109089 b :: TyFun (Option b) (Option b) -> Type) (a6989586621681109090 :: Option b) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (Fmap_6989586621681109102Sym1 a6989586621681109100 :: TyFun (Option a) (Option b) -> Type) (a6989586621681109101 :: Option a) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (TFHelper_6989586621681109114Sym1 a6989586621681109112 b :: TyFun (Option b) (Option a) -> Type) (a6989586621681109113 :: Option b) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (TFHelper_6989586621681109138Sym1 a6989586621681109136 b :: TyFun (Option b) (Option b) -> Type) (a6989586621681109137 :: Option b) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (Traverse_6989586621681109180Sym1 a6989586621681109178 :: TyFun (Option a) (f (Option b)) -> Type) (a6989586621681109179 :: Option a) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (LiftA2_6989586621681109075Sym2 a6989586621681109073 a6989586621681109072 :: TyFun (Option b) (Option c) -> Type) (a6989586621681109074 :: Option b) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (Compare_6989586621680206587Sym0 :: TyFun (Option a6989586621679060067) (Option a6989586621679060067 ~> Ordering) -> Type) (a6989586621680206585 :: Option a6989586621679060067) | |
type Apply (TFHelper_6989586621681109041Sym0 :: TyFun (Option a6989586621679962888) (Option a6989586621679962888 ~> Option a6989586621679962888) -> Type) (a6989586621681109039 :: Option a6989586621679962888) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (TFHelper_6989586621681109154Sym0 :: TyFun (Option a6989586621681107214) (Option a6989586621681107214 ~> Option a6989586621681107214) -> Type) (a6989586621681109152 :: Option a6989586621681107214) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (ShowsPrec_6989586621681091194Sym1 a6989586621681091191 a6989586621679060067 :: TyFun (Option a6989586621679060067) (Symbol ~> Symbol) -> Type) (a6989586621681091192 :: Option a6989586621679060067) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (TFHelper_6989586621681109091Sym0 :: TyFun (Option a6989586621679962818) (Option b6989586621679962819 ~> Option b6989586621679962819) -> Type) (a6989586621681109089 :: Option a6989586621679962818) | |
Defined in Data.Singletons.Prelude.Semigroup type Apply (TFHelper_6989586621681109091Sym0 :: TyFun (Option a6989586621679962818) (Option b6989586621679962819 ~> Option b6989586621679962819) -> Type) (a6989586621681109089 :: Option a6989586621679962818) = TFHelper_6989586621681109091Sym1 a6989586621681109089 b6989586621679962819 :: TyFun (Option b6989586621679962819) (Option b6989586621679962819) -> Type | |
type Apply (TFHelper_6989586621681109126Sym0 :: TyFun (Option a6989586621679962836) ((a6989586621679962836 ~> Option b6989586621679962837) ~> Option b6989586621679962837) -> Type) (a6989586621681109124 :: Option a6989586621679962836) | |
Defined in Data.Singletons.Prelude.Semigroup type Apply (TFHelper_6989586621681109126Sym0 :: TyFun (Option a6989586621679962836) ((a6989586621679962836 ~> Option b6989586621679962837) ~> Option b6989586621679962837) -> Type) (a6989586621681109124 :: Option a6989586621679962836) = TFHelper_6989586621681109126Sym1 a6989586621681109124 b6989586621679962837 :: TyFun (a6989586621679962836 ~> Option b6989586621679962837) (Option b6989586621679962837) -> Type | |
type Apply (TFHelper_6989586621681109138Sym0 :: TyFun (Option a6989586621679962838) (Option b6989586621679962839 ~> Option b6989586621679962839) -> Type) (a6989586621681109136 :: Option a6989586621679962838) | |
Defined in Data.Singletons.Prelude.Semigroup type Apply (TFHelper_6989586621681109138Sym0 :: TyFun (Option a6989586621679962838) (Option b6989586621679962839 ~> Option b6989586621679962839) -> Type) (a6989586621681109136 :: Option a6989586621679962838) = TFHelper_6989586621681109138Sym1 a6989586621681109136 b6989586621679962839 :: TyFun (Option b6989586621679962839) (Option b6989586621679962839) -> Type | |
type Apply (TFHelper_6989586621681109062Sym0 :: TyFun (Option (a6989586621679962813 ~> b6989586621679962814)) (Option a6989586621679962813 ~> Option b6989586621679962814) -> Type) (a6989586621681109060 :: Option (a6989586621679962813 ~> b6989586621679962814)) | |
Defined in Data.Singletons.Prelude.Semigroup type Apply (TFHelper_6989586621681109062Sym0 :: TyFun (Option (a6989586621679962813 ~> b6989586621679962814)) (Option a6989586621679962813 ~> Option b6989586621679962814) -> Type) (a6989586621681109060 :: Option (a6989586621679962813 ~> b6989586621679962814)) = TFHelper_6989586621681109062Sym1 a6989586621681109060 | |
type Apply (LiftA2_6989586621681109075Sym1 a6989586621681109072 :: TyFun (Option a6989586621679962815) (Option b6989586621679962816 ~> Option c6989586621679962817) -> Type) (a6989586621681109073 :: Option a6989586621679962815) | |
Defined in Data.Singletons.Prelude.Semigroup type Apply (LiftA2_6989586621681109075Sym1 a6989586621681109072 :: TyFun (Option a6989586621679962815) (Option b6989586621679962816 ~> Option c6989586621679962817) -> Type) (a6989586621681109073 :: Option a6989586621679962815) = LiftA2_6989586621681109075Sym2 a6989586621681109072 a6989586621681109073 | |
type Apply (TFHelper_6989586621681109126Sym1 a6989586621681109124 b :: TyFun (a ~> Option b) (Option b) -> Type) (a6989586621681109125 :: a ~> Option b) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (Fmap_6989586621681109102Sym0 :: TyFun (a6989586621679962807 ~> b6989586621679962808) (Option a6989586621679962807 ~> Option b6989586621679962808) -> Type) (a6989586621681109100 :: a6989586621679962807 ~> b6989586621679962808) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (FoldMap_6989586621681109168Sym0 :: TyFun (a6989586621680742388 ~> m6989586621680742387) (Option a6989586621680742388 ~> m6989586621680742387) -> Type) (a6989586621681109166 :: a6989586621680742388 ~> m6989586621680742387) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (LiftA2_6989586621681109075Sym0 :: TyFun (a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (Option a6989586621679962815 ~> (Option b6989586621679962816 ~> Option c6989586621679962817)) -> Type) (a6989586621681109072 :: a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) | |
Defined in Data.Singletons.Prelude.Semigroup type Apply (LiftA2_6989586621681109075Sym0 :: TyFun (a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (Option a6989586621679962815 ~> (Option b6989586621679962816 ~> Option c6989586621679962817)) -> Type) (a6989586621681109072 :: a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) = LiftA2_6989586621681109075Sym1 a6989586621681109072 | |
type Apply (Traverse_6989586621681109180Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Option a6989586621680988968 ~> f6989586621680988967 (Option b6989586621680988969)) -> Type) (a6989586621681109178 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) | |
Defined in Data.Singletons.Prelude.Semigroup type Apply (Traverse_6989586621681109180Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Option a6989586621680988968 ~> f6989586621680988967 (Option b6989586621680988969)) -> Type) (a6989586621681109178 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) = Traverse_6989586621681109180Sym1 a6989586621681109178 | |
type Apply (Option_Sym1 a6989586621681175306 a6989586621681175295 :: TyFun (a6989586621681175295 ~> b6989586621681175294) (Option a6989586621681175295 ~> b6989586621681175294) -> Type) (a6989586621681175307 :: a6989586621681175295 ~> b6989586621681175294) | |
Defined in Data.Singletons.Prelude.Semigroup type Apply (Option_Sym1 a6989586621681175306 a6989586621681175295 :: TyFun (a6989586621681175295 ~> b6989586621681175294) (Option a6989586621681175295 ~> b6989586621681175294) -> Type) (a6989586621681175307 :: a6989586621681175295 ~> b6989586621681175294) = Option_Sym2 a6989586621681175306 a6989586621681175307 |
sortWith :: Ord b => (a -> b) -> [a] -> [a] #
The sortWith
function sorts a list of elements using the
user supplied function to project something out of each element
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 ((,,) x1) | Since: base-4.8.0.0 |
Bifunctor (Const :: Type -> Type -> Type) | Since: base-4.8.0.0 |
Bifunctor (Tagged :: Type -> Type -> Type) | |
Functor f => Bifunctor (CofreeF f) | |
Functor f => Bifunctor (FreeF f) | |
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 |
Functor f => Bifunctor (Clown f :: Type -> Type -> Type) | |
Bifunctor p => Bifunctor (Flip p) | |
Functor g => Bifunctor (Joker g :: Type -> Type -> Type) | |
Bifunctor p => Bifunctor (WrappedBifunctor p) | |
Bifunctor ((,,,,,) x1 x2 x3 x4) | Since: base-4.8.0.0 |
(Bifunctor f, Bifunctor g) => Bifunctor (Product f g) | |
(Bifunctor p, Bifunctor q) => Bifunctor (Sum p q) | |
Bifunctor ((,,,,,,) x1 x2 x3 x4 x5) | Since: base-4.8.0.0 |
(Functor f, Bifunctor p) => Bifunctor (Tannen f p) | |
(Bifunctor p, Functor f, Functor g) => Bifunctor (Biff p f g) | |
showStackTrace :: IO (Maybe String) #
Get a string representation of the current execution stack state.
getStackTrace :: IO (Maybe [Location]) #
Get a trace of the current execution stack state.
Returns Nothing
if stack trace support isn't available on host machine.
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
MonadIO IO | Since: base-4.9.0.0 |
Defined in Control.Monad.IO.Class | |
MonadIO Q | |
Defined in Language.Haskell.TH.Syntax | |
MonadIO m => MonadIO (MaybeT m) | |
Defined in Control.Monad.Trans.Maybe | |
MonadIO m => MonadIO (StateT s m) | |
Defined in Control.Monad.Trans.State.Strict | |
MonadIO m => MonadIO (IdentityT m) | |
Defined in Control.Monad.Trans.Identity | |
MonadIO m => MonadIO (ReaderT r m) | |
Defined in Control.Monad.Trans.Reader | |
MonadIO m => MonadIO (ExceptT e m) | |
Defined in Control.Monad.Trans.Except | |
(Error e, MonadIO m) => MonadIO (ErrorT e m) | |
Defined in Control.Monad.Trans.Error | |
(Functor f, MonadIO m) => MonadIO (FreeT f m) | |
Defined in Control.Monad.Trans.Free |
replicateM_ :: Applicative m => Int -> m a -> m () #
Like replicateM
, but discards the result.
replicateM :: Applicative m => Int -> m a -> m [a] #
performs the action replicateM
n actn
times,
gathering the results.
foldM_ :: (Foldable t, Monad m) => (b -> a -> m b) -> b -> t a -> m () #
Like foldM
, but discards the result.
foldM :: (Foldable t, Monad m) => (b -> a -> m b) -> b -> t a -> m b #
The foldM
function is analogous to foldl
, except that its result is
encapsulated in a monad. Note that foldM
works from left-to-right over
the list arguments. This could be an issue where (
and the `folded
function' are not commutative.>>
)
foldM f a1 [x1, x2, ..., xm] == do a2 <- f a1 x1 a3 <- f a2 x2 ... f am xm
If right-to-left evaluation is required, the input list should be reversed.
zipWithM_ :: Applicative m => (a -> b -> m c) -> [a] -> [b] -> m () #
zipWithM :: Applicative m => (a -> b -> m c) -> [a] -> [b] -> m [c] #
mapAndUnzipM :: Applicative m => (a -> m (b, c)) -> [a] -> m ([b], [c]) #
The mapAndUnzipM
function maps its first argument over a list, returning
the result as a pair of lists. This function is mainly used with complicated
data structures or a state monad.
forever :: Applicative f => f a -> f b #
Repeat an action indefinitely.
Examples
A common use of forever
is to process input from network sockets,
Handle
s, and channels
(e.g. MVar
and
Chan
).
For example, here is how we might implement an echo
server, using
forever
both to listen for client connections on a network socket
and to echo client input on client connection handles:
echoServer :: Socket -> IO () echoServer socket =forever
$ do client <- accept socketforkFinally
(echo client) (\_ -> hClose client) where echo :: Handle -> IO () echo client =forever
$ hGetLine client >>= hPutStrLn client
(>=>) :: Monad m => (a -> m b) -> (b -> m c) -> a -> m c infixr 1 #
Left-to-right composition of Kleisli arrows.
filterM :: Applicative m => (a -> m Bool) -> [a] -> m [a] #
This generalizes the list-based filter
function.
foldMapDefault :: (Traversable t, Monoid m) => (a -> m) -> t a -> m #
fmapDefault :: Traversable t => (a -> b) -> t a -> t b #
This function may be used as a value for fmap
in a Functor
instance, provided that traverse
is defined. (Using
fmapDefault
with a Traversable
instance defined only by
sequenceA
will result in infinite recursion.)
fmapDefault
f ≡runIdentity
.traverse
(Identity
. f)
mapAccumR :: Traversable t => (a -> b -> (a, c)) -> a -> t b -> (a, t c) #
mapAccumL :: Traversable t => (a -> b -> (a, c)) -> a -> t b -> (a, t c) #
forM :: (Traversable t, Monad m) => t a -> (a -> m b) -> m (t b) #
optional :: Alternative f => f a -> f (Maybe a) #
One or none.
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 # 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) | Since: base-4.7.0.0 |
NFData a => NFData (ZipList a) | Since: deepseq-1.4.0.0 |
Defined in Control.DeepSeq | |
Container (ZipList a) | |
Defined in Universum.Container.Class Methods toList :: ZipList a -> [Element (ZipList a)] # foldr :: (Element (ZipList a) -> b -> b) -> b -> ZipList a -> b # foldl :: (b -> Element (ZipList a) -> b) -> b -> ZipList a -> b # foldl' :: (b -> Element (ZipList a) -> b) -> b -> ZipList a -> b # elem :: Element (ZipList a) -> ZipList a -> Bool # maximum :: ZipList a -> Element (ZipList a) # minimum :: ZipList a -> Element (ZipList a) # foldMap :: Monoid m => (Element (ZipList a) -> m) -> ZipList a -> m # fold :: ZipList a -> Element (ZipList a) # foldr' :: (Element (ZipList a) -> b -> b) -> b -> ZipList a -> b # foldr1 :: (Element (ZipList a) -> Element (ZipList a) -> Element (ZipList a)) -> ZipList a -> Element (ZipList a) # foldl1 :: (Element (ZipList a) -> Element (ZipList a) -> Element (ZipList a)) -> ZipList a -> Element (ZipList a) # notElem :: Element (ZipList a) -> ZipList a -> Bool # all :: (Element (ZipList a) -> Bool) -> ZipList a -> Bool # any :: (Element (ZipList a) -> Bool) -> ZipList a -> Bool # find :: (Element (ZipList a) -> Bool) -> ZipList a -> Maybe (Element (ZipList a)) # | |
Wrapped (ZipList a) | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped (ZipList a) | |
Generic1 ZipList | Since: base-4.7.0.0 |
t ~ ZipList b => Rewrapped (ZipList a) t | |
Defined in Control.Lens.Wrapped | |
type Rep (ZipList a) | |
Defined in Control.Applicative | |
type Item (ZipList a) | |
Defined in Data.Orphans | |
type Element (ZipList a) | |
Defined in Universum.Container.Class | |
type Unwrapped (ZipList a) | |
Defined in Control.Lens.Wrapped type Unwrapped (ZipList a) = [a] | |
type Rep1 ZipList | |
Defined in Control.Applicative |
(&&&) :: Arrow a => a b c -> a b c' -> a b (c, c') infixr 3 #
Fanout: send the input to both argument arrows and combine their output.
The default definition may be overridden with a more efficient version if desired.
Identity functor and monad. (a non-strict monad)
Since: base-4.8.0.0
Constructors
Identity | |
Fields
|
Instances
Monad Identity | Since: base-4.8.0.0 |
Functor Identity | Since: base-4.8.0.0 |
MonadFix Identity | Since: base-4.8.0.0 |
Defined in Data.Functor.Identity | |
Applicative Identity | Since: base-4.8.0.0 |
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 # 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 # | |
Traversable Identity | Since: base-4.9.0.0 |
NFData1 Identity | Since: deepseq-1.4.3.0 |
Defined in Control.DeepSeq | |
KnownNamedFunctor Identity | |
Defined in Util.Named | |
Hashable1 Identity | |
Defined in Data.Hashable.Class | |
PTraversable Identity | |
Defined in Data.Singletons.Prelude.Traversable Associated Types type Traverse arg0 arg1 :: f0 (t0 b0) type SequenceA arg0 :: f0 (t0 a0) type MapM arg0 arg1 :: m0 (t0 b0) type Sequence arg0 :: m0 (t0 a0) | |
STraversable Identity | |
Defined in Data.Singletons.Prelude.Traversable Methods sTraverse :: forall a (f :: Type -> Type) b (t1 :: a ~> f b) (t2 :: Identity a). SApplicative f => Sing t1 -> Sing t2 -> Sing (Apply (Apply TraverseSym0 t1) t2) sSequenceA :: forall (f :: Type -> Type) a (t :: Identity (f a)). SApplicative f => Sing t -> Sing (Apply SequenceASym0 t) sMapM :: forall a (m :: Type -> Type) b (t1 :: a ~> m b) (t2 :: Identity a). SMonad m => Sing t1 -> Sing t2 -> Sing (Apply (Apply MapMSym0 t1) t2) sSequence :: forall (m :: Type -> Type) a (t :: Identity (m a)). SMonad m => Sing t -> Sing (Apply SequenceSym0 t) | |
InjValue Identity | |
Defined in Named.Internal | |
Representable Identity | |
Sieve ReifiedGetter Identity | |
Defined in Control.Lens.Reified | |
Cosieve ReifiedGetter Identity | |
Defined in Control.Lens.Reified | |
Unbox a => Vector Vector (Identity a) | |
Defined in Data.Vector.Unboxed.Base Methods basicUnsafeFreeze :: PrimMonad m => Mutable Vector (PrimState m) (Identity a) -> m (Vector (Identity a)) basicUnsafeThaw :: PrimMonad m => Vector (Identity a) -> m (Mutable Vector (PrimState m) (Identity a)) basicLength :: Vector (Identity a) -> Int basicUnsafeSlice :: Int -> Int -> Vector (Identity a) -> Vector (Identity a) basicUnsafeIndexM :: Monad m => Vector (Identity a) -> Int -> m (Identity a) basicUnsafeCopy :: PrimMonad m => Mutable Vector (PrimState m) (Identity a) -> Vector (Identity a) -> m () | |
Unbox a => MVector MVector (Identity a) | |
Defined in Data.Vector.Unboxed.Base Methods basicLength :: MVector s (Identity a) -> Int basicUnsafeSlice :: Int -> Int -> MVector s (Identity a) -> MVector s (Identity a) basicOverlaps :: MVector s (Identity a) -> MVector s (Identity a) -> Bool basicUnsafeNew :: PrimMonad m => Int -> m (MVector (PrimState m) (Identity a)) basicInitialize :: PrimMonad m => MVector (PrimState m) (Identity a) -> m () basicUnsafeReplicate :: PrimMonad m => Int -> Identity a -> m (MVector (PrimState m) (Identity a)) basicUnsafeRead :: PrimMonad m => MVector (PrimState m) (Identity a) -> Int -> m (Identity a) basicUnsafeWrite :: PrimMonad m => MVector (PrimState m) (Identity a) -> Int -> Identity a -> m () basicClear :: PrimMonad m => MVector (PrimState m) (Identity a) -> m () basicSet :: PrimMonad m => MVector (PrimState m) (Identity a) -> Identity a -> m () basicUnsafeCopy :: PrimMonad m => MVector (PrimState m) (Identity a) -> MVector (PrimState m) (Identity a) -> m () basicUnsafeMove :: PrimMonad m => MVector (PrimState m) (Identity a) -> MVector (PrimState m) (Identity a) -> m () basicUnsafeGrow :: PrimMonad m => MVector (PrimState m) (Identity a) -> Int -> m (MVector (PrimState m) (Identity a)) | |
() :=> (Monad Identity) | |
Defined in Data.Constraint | |
() :=> (Functor Identity) | |
Defined in Data.Constraint | |
Bounded a => Bounded (Identity a) | Since: base-4.9.0.0 |
Enum a => Enum (Identity a) | Since: base-4.9.0.0 |
Defined in Data.Functor.Identity Methods succ :: Identity a -> Identity a # pred :: Identity a -> Identity a # fromEnum :: Identity a -> Int # enumFrom :: Identity a -> [Identity a] # enumFromThen :: Identity a -> Identity a -> [Identity a] # enumFromTo :: Identity a -> Identity a -> [Identity a] # enumFromThenTo :: Identity a -> Identity a -> Identity a -> [Identity a] # | |
Eq a => Eq (Identity a) | Since: base-4.8.0.0 |
Floating a => Floating (Identity a) | Since: base-4.9.0.0 |
Defined in Data.Functor.Identity Methods exp :: Identity a -> Identity a # log :: Identity a -> Identity a # sqrt :: Identity a -> Identity a # (**) :: Identity a -> Identity a -> Identity a # logBase :: Identity a -> Identity a -> Identity a # sin :: Identity a -> Identity a # cos :: Identity a -> Identity a # tan :: Identity a -> Identity a # asin :: Identity a -> Identity a # acos :: Identity a -> Identity a # atan :: Identity a -> Identity a # sinh :: Identity a -> Identity a # cosh :: Identity a -> Identity a # tanh :: Identity a -> Identity a # asinh :: Identity a -> Identity a # acosh :: Identity a -> Identity a # atanh :: Identity a -> Identity a # log1p :: Identity a -> Identity a # expm1 :: Identity a -> Identity a # | |
Fractional a => Fractional (Identity a) | Since: base-4.9.0.0 |
Integral a => Integral (Identity a) | Since: base-4.9.0.0 |
Defined in Data.Functor.Identity Methods quot :: Identity a -> Identity a -> Identity a # rem :: Identity a -> Identity a -> Identity a # div :: Identity a -> Identity a -> Identity a # mod :: Identity a -> Identity a -> Identity a # quotRem :: Identity a -> Identity a -> (Identity a, Identity a) # divMod :: Identity a -> Identity a -> (Identity a, Identity a) # | |
Data a => Data (Identity a) | Since: base-4.9.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Identity a -> c (Identity a) # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c (Identity a) # toConstr :: Identity a -> Constr # dataTypeOf :: Identity a -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c (Identity a)) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c (Identity a)) # gmapT :: (forall b. Data b => b -> b) -> Identity a -> Identity a # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Identity a -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Identity a -> r # gmapQ :: (forall d. Data d => d -> u) -> Identity a -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Identity a -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Identity a -> m (Identity a) # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Identity a -> m (Identity a) # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Identity a -> m (Identity a) # | |
Num a => Num (Identity a) | Since: base-4.9.0.0 |
Defined in Data.Functor.Identity | |
Ord a => Ord (Identity a) | Since: base-4.8.0.0 |
Defined in Data.Functor.Identity | |
Read a => Read (Identity a) | This instance would be equivalent to the derived instances of the
Since: base-4.8.0.0 |
Real a => Real (Identity a) | Since: base-4.9.0.0 |
Defined in Data.Functor.Identity Methods toRational :: Identity a -> Rational # | |
RealFloat a => RealFloat (Identity a) | Since: base-4.9.0.0 |
Defined in Data.Functor.Identity Methods floatRadix :: Identity a -> Integer # floatDigits :: Identity a -> Int # floatRange :: Identity a -> (Int, Int) # decodeFloat :: Identity a -> (Integer, Int) # encodeFloat :: Integer -> Int -> Identity a # exponent :: Identity a -> Int # significand :: Identity a -> Identity a # scaleFloat :: Int -> Identity a -> Identity a # isInfinite :: Identity a -> Bool # isDenormalized :: Identity a -> Bool # isNegativeZero :: Identity a -> Bool # | |
RealFrac a => RealFrac (Identity a) | Since: base-4.9.0.0 |
Show a => Show (Identity a) | This instance would be equivalent to the derived instances of the
Since: base-4.8.0.0 |
Ix a => Ix (Identity a) | Since: base-4.9.0.0 |
Defined in Data.Functor.Identity Methods range :: (Identity a, Identity a) -> [Identity a] # index :: (Identity a, Identity a) -> Identity a -> Int # unsafeIndex :: (Identity a, Identity a) -> Identity a -> Int # inRange :: (Identity a, Identity a) -> Identity a -> Bool # rangeSize :: (Identity a, Identity a) -> Int # unsafeRangeSize :: (Identity a, Identity a) -> Int # | |
IsString a => IsString (Identity a) | Since: base-4.9.0.0 |
Defined in Data.String Methods fromString :: String -> Identity a # | |
Generic (Identity a) | Since: base-4.8.0.0 |
Semigroup a => Semigroup (Identity a) | Since: base-4.9.0.0 |
Monoid a => Monoid (Identity a) | Since: base-4.9.0.0 |
Storable a => Storable (Identity a) | Since: base-4.9.0.0 |
Defined in Data.Functor.Identity Methods alignment :: Identity a -> Int # peekElemOff :: Ptr (Identity a) -> Int -> IO (Identity a) # pokeElemOff :: Ptr (Identity a) -> Int -> Identity a -> IO () # peekByteOff :: Ptr b -> Int -> IO (Identity a) # pokeByteOff :: Ptr b -> Int -> Identity a -> IO () # | |
Bits a => Bits (Identity a) | Since: base-4.9.0.0 |
Defined in Data.Functor.Identity Methods (.&.) :: Identity a -> Identity a -> Identity a # (.|.) :: Identity a -> Identity a -> Identity a # xor :: Identity a -> Identity a -> Identity a # complement :: Identity a -> Identity a # shift :: Identity a -> Int -> Identity a # rotate :: Identity a -> Int -> Identity a # setBit :: Identity a -> Int -> Identity a # clearBit :: Identity a -> Int -> Identity a # complementBit :: Identity a -> Int -> Identity a # testBit :: Identity a -> Int -> Bool # bitSizeMaybe :: Identity a -> Maybe Int # bitSize :: Identity a -> Int # isSigned :: Identity a -> Bool # shiftL :: Identity a -> Int -> Identity a # unsafeShiftL :: Identity a -> Int -> Identity a # shiftR :: Identity a -> Int -> Identity a # unsafeShiftR :: Identity a -> Int -> Identity a # rotateL :: Identity a -> Int -> Identity a # | |
FiniteBits a => FiniteBits (Identity a) | Since: base-4.9.0.0 |
Defined in Data.Functor.Identity Methods finiteBitSize :: Identity a -> Int # countLeadingZeros :: Identity a -> Int # countTrailingZeros :: Identity a -> Int # | |
NFData a => NFData (Identity a) | Since: deepseq-1.4.0.0 |
Defined in Control.DeepSeq | |
IsoValue a => IsoValue (Identity a) | |
Hashable a => Hashable (Identity a) | |
Defined in Data.Hashable.Class | |
(TypeError (DisallowInstance "Identity") :: Constraint) => Container (Identity a) | |
Defined in Universum.Container.Class Methods toList :: Identity a -> [Element (Identity a)] # foldr :: (Element (Identity a) -> b -> b) -> b -> Identity a -> b # foldl :: (b -> Element (Identity a) -> b) -> b -> Identity a -> b # foldl' :: (b -> Element (Identity a) -> b) -> b -> Identity a -> b # elem :: Element (Identity a) -> Identity a -> Bool # maximum :: Identity a -> Element (Identity a) # minimum :: Identity a -> Element (Identity a) # foldMap :: Monoid m => (Element (Identity a) -> m) -> Identity a -> m # fold :: Identity a -> Element (Identity a) # foldr' :: (Element (Identity a) -> b -> b) -> b -> Identity a -> b # foldr1 :: (Element (Identity a) -> Element (Identity a) -> Element (Identity a)) -> Identity a -> Element (Identity a) # foldl1 :: (Element (Identity a) -> Element (Identity a) -> Element (Identity a)) -> Identity a -> Element (Identity a) # notElem :: Element (Identity a) -> Identity a -> Bool # all :: (Element (Identity a) -> Bool) -> Identity a -> Bool # any :: (Element (Identity a) -> Bool) -> Identity a -> Bool # find :: (Element (Identity a) -> Bool) -> Identity a -> Maybe (Element (Identity a)) # | |
Unbox a => Unbox (Identity a) | |
Defined in Data.Vector.Unboxed.Base | |
SBounded a => SBounded (Identity a) | |
Defined in Data.Singletons.Prelude.Enum | |
SEq a => SEq (Identity a) | |
SIsString a => SIsString (Identity a) | |
Defined in Data.Singletons.Prelude.IsString Methods sFromString :: forall (t :: Symbol). Sing t -> Sing (Apply FromStringSym0 t) | |
SOrd a => SOrd (Identity a) | |
Defined in Data.Singletons.Prelude.Ord Methods sCompare :: forall (t1 :: Identity a) (t2 :: Identity a). Sing t1 -> Sing t2 -> Sing (Apply (Apply CompareSym0 t1) t2) (%<) :: forall (t1 :: Identity a) (t2 :: Identity a). Sing t1 -> Sing t2 -> Sing (Apply (Apply (<@#@$) t1) t2) (%<=) :: forall (t1 :: Identity a) (t2 :: Identity a). Sing t1 -> Sing t2 -> Sing (Apply (Apply (<=@#@$) t1) t2) (%>) :: forall (t1 :: Identity a) (t2 :: Identity a). Sing t1 -> Sing t2 -> Sing (Apply (Apply (>@#@$) t1) t2) (%>=) :: forall (t1 :: Identity a) (t2 :: Identity a). Sing t1 -> Sing t2 -> Sing (Apply (Apply (>=@#@$) t1) t2) sMax :: forall (t1 :: Identity a) (t2 :: Identity a). Sing t1 -> Sing t2 -> Sing (Apply (Apply MaxSym0 t1) t2) sMin :: forall (t1 :: Identity a) (t2 :: Identity a). Sing t1 -> Sing t2 -> Sing (Apply (Apply MinSym0 t1) t2) | |
PEq (Identity a) | |
Defined in Data.Singletons.Prelude.Eq | |
POrd (Identity a) | |
PBounded (Identity a) | |
Defined in Data.Singletons.Prelude.Enum Associated Types type MinBound :: a0 type MaxBound :: a0 | |
Ixed (Identity a) | |
Defined in Control.Lens.At | |
Wrapped (Identity a) | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped (Identity a) | |
PIsString (Identity a) | |
Defined in Data.Singletons.Prelude.IsString Associated Types type FromString arg0 :: a0 | |
Generic1 Identity | Since: base-4.8.0.0 |
t ~ Identity b => Rewrapped (Identity a) t | |
Defined in Control.Lens.Wrapped | |
SDecide a => TestCoercion (SIdentity :: Identity a -> Type) | |
Defined in Data.Singletons.Prelude.Instances Methods testCoercion :: forall (a0 :: k) (b :: k). SIdentity a0 -> SIdentity b -> Maybe (Coercion a0 b) # | |
SDecide a => TestEquality (SIdentity :: Identity a -> Type) | |
Defined in Data.Singletons.Prelude.Instances Methods testEquality :: forall (a0 :: k) (b :: k). SIdentity a0 -> SIdentity b -> Maybe (a0 :~: b) # | |
(Bounded a) :=> (Bounded (Identity a)) | |
Defined in Data.Constraint | |
(Enum a) :=> (Enum (Identity a)) | |
Defined in Data.Constraint | |
(Eq a) :=> (Eq (Identity a)) | |
Defined in Data.Constraint | |
(Floating a) :=> (Floating (Identity a)) | |
Defined in Data.Constraint | |
(Fractional a) :=> (Fractional (Identity a)) | |
Defined in Data.Constraint Methods ins :: Fractional a :- Fractional (Identity a) | |
(Integral a) :=> (Integral (Identity a)) | |
Defined in Data.Constraint | |
(Num a) :=> (Num (Identity a)) | |
Defined in Data.Constraint | |
(Ord a) :=> (Ord (Identity a)) | |
Defined in Data.Constraint | |
(Read a) :=> (Read (Identity a)) | |
Defined in Data.Constraint | |
(Real a) :=> (Real (Identity a)) | |
Defined in Data.Constraint | |
(RealFloat a) :=> (RealFloat (Identity a)) | |
Defined in Data.Constraint | |
(RealFrac a) :=> (RealFrac (Identity a)) | |
Defined in Data.Constraint | |
(Show a) :=> (Show (Identity a)) | |
Defined in Data.Constraint | |
(Semigroup a) :=> (Semigroup (Identity a)) | |
Defined in Data.Constraint | |
(Monoid a) :=> (Monoid (Identity a)) | |
Defined in Data.Constraint | |
(Bits a) :=> (Bits (Identity a)) | |
Defined in Data.Constraint | |
Field1 (Identity a) (Identity b) a b | |
Defined in Control.Lens.Tuple | |
SingI (IdentitySym0 :: TyFun a (Identity a) -> Type) | |
Defined in Data.Singletons.Prelude.Instances Methods sing :: Sing IdentitySym0 | |
SuppressUnusedWarnings (ToEnum_6989586621680921037Sym0 :: TyFun Nat (Identity a6989586621680920916) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FromInteger_6989586621680921139Sym0 :: TyFun Nat (Identity a6989586621680920927) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ShowsPrec_6989586621680921160Sym0 :: TyFun Nat (Identity a6989586621680920941 ~> (Symbol ~> Symbol)) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FromString_6989586621681391383Sym0 :: TyFun Symbol (Identity a6989586621681391352) -> Type) | |
Defined in Data.Singletons.Prelude.IsString Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (IdentitySym0 :: TyFun a6989586621679087414 (Identity a6989586621679087414) -> Type) | |
Defined in Data.Singletons.Prelude.Instances Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Pure_6989586621680921375Sym0 :: TyFun a6989586621679962812 (Identity a6989586621679962812) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Elem_6989586621680921221Sym0 :: TyFun a6989586621680742402 (Identity a6989586621680742402 ~> Bool) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (RunIdentitySym0 :: TyFun (Identity a6989586621679087414) a6989586621679087414 -> Type) | |
Defined in Data.Singletons.Prelude.Instances Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803710Sym0 :: TyFun (Identity a6989586621679087414) (Identity a6989586621679087414 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ToList_6989586621680921368Sym0 :: TyFun (Identity a6989586621680742399) [a6989586621680742399] -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680921147Sym0 :: TyFun (Identity a6989586621680920938) (Identity a6989586621680920938 ~> Identity a6989586621680920938) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680921107Sym0 :: TyFun (Identity a6989586621680920927) (Identity a6989586621680920927 ~> Identity a6989586621680920927) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680921095Sym0 :: TyFun (Identity a6989586621680920927) (Identity a6989586621680920927 ~> Identity a6989586621680920927) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680921083Sym0 :: TyFun (Identity a6989586621680920927) (Identity a6989586621680920927 ~> Identity a6989586621680920927) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Sum_6989586621680921361Sym0 :: TyFun (Identity a6989586621680742405) a6989586621680742405 -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Succ_6989586621680921023Sym0 :: TyFun (Identity a6989586621680920916) (Identity a6989586621680920916) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Signum_6989586621680921132Sym0 :: TyFun (Identity a6989586621680920927) (Identity a6989586621680920927) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Product_6989586621680921354Sym0 :: TyFun (Identity a6989586621680742406) a6989586621680742406 -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Pred_6989586621680921030Sym0 :: TyFun (Identity a6989586621680920916) (Identity a6989586621680920916) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Null_6989586621680921348Sym0 :: TyFun (Identity a6989586621680742400) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Negate_6989586621680921118Sym0 :: TyFun (Identity a6989586621680920927) (Identity a6989586621680920927) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Minimum_6989586621680921341Sym0 :: TyFun (Identity a6989586621680742404) a6989586621680742404 -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Maximum_6989586621680921334Sym0 :: TyFun (Identity a6989586621680742403) a6989586621680742403 -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Length_6989586621680921328Sym0 :: TyFun (Identity a6989586621680742401) Nat -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FromEnum_6989586621680921044Sym0 :: TyFun (Identity a6989586621680920916) Nat -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (EnumFromTo_6989586621680921052Sym0 :: TyFun (Identity a6989586621680920916) (Identity a6989586621680920916 ~> [Identity a6989586621680920916]) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (EnumFromThenTo_6989586621680921065Sym0 :: TyFun (Identity a6989586621680920916) (Identity a6989586621680920916 ~> (Identity a6989586621680920916 ~> [Identity a6989586621680920916])) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Abs_6989586621680921125Sym0 :: TyFun (Identity a6989586621680920927) (Identity a6989586621680920927) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Foldr1_6989586621680921318Sym0 :: TyFun (a6989586621680742397 ~> (a6989586621680742397 ~> a6989586621680742397)) (Identity a6989586621680742397 ~> a6989586621680742397) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Foldl1_6989586621680921267Sym0 :: TyFun (a6989586621680742398 ~> (a6989586621680742398 ~> a6989586621680742398)) (Identity a6989586621680742398 ~> a6989586621680742398) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680921190Sym0 :: TyFun a6989586621679962809 (Identity b6989586621679962810 ~> Identity a6989586621679962809) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803710Sym1 a6989586621679803708 :: TyFun (Identity a6989586621679087414) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680921414Sym0 :: TyFun (Identity a6989586621679962836) ((a6989586621679962836 ~> Identity b6989586621679962837) ~> Identity b6989586621679962837) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680921147Sym1 a6989586621680921145 :: TyFun (Identity a6989586621680920938) (Identity a6989586621680920938) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680921107Sym1 a6989586621680921105 :: TyFun (Identity a6989586621680920927) (Identity a6989586621680920927) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680921095Sym1 a6989586621680921093 :: TyFun (Identity a6989586621680920927) (Identity a6989586621680920927) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680921083Sym1 a6989586621680921081 :: TyFun (Identity a6989586621680920927) (Identity a6989586621680920927) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ShowsPrec_6989586621680921160Sym1 a6989586621680921157 a6989586621680920941 :: TyFun (Identity a6989586621680920941) (Symbol ~> Symbol) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Foldr1_6989586621680921318Sym1 a6989586621680921316 :: TyFun (Identity a6989586621680742397) a6989586621680742397 -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Foldl1_6989586621680921267Sym1 a6989586621680921265 :: TyFun (Identity a6989586621680742398) a6989586621680742398 -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (EnumFromTo_6989586621680921052Sym1 a6989586621680921050 :: TyFun (Identity a6989586621680920916) [Identity a6989586621680920916] -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (EnumFromThenTo_6989586621680921065Sym1 a6989586621680921062 :: TyFun (Identity a6989586621680920916) (Identity a6989586621680920916 ~> [Identity a6989586621680920916]) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Elem_6989586621680921221Sym1 a6989586621680921219 :: TyFun (Identity a6989586621680742402) Bool -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680921385Sym0 :: TyFun (Identity (a6989586621679962813 ~> b6989586621679962814)) (Identity a6989586621679962813 ~> Identity b6989586621679962814) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Foldr_6989586621680921279Sym0 :: TyFun (a6989586621680742389 ~> (b6989586621680742390 ~> b6989586621680742390)) (b6989586621680742390 ~> (Identity a6989586621680742389 ~> b6989586621680742390)) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Foldr'_6989586621680921296Sym0 :: TyFun (a6989586621680742391 ~> (b6989586621680742392 ~> b6989586621680742392)) (b6989586621680742392 ~> (Identity a6989586621680742391 ~> b6989586621680742392)) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Foldl_6989586621680921234Sym0 :: TyFun (b6989586621680742393 ~> (a6989586621680742394 ~> b6989586621680742393)) (b6989586621680742393 ~> (Identity a6989586621680742394 ~> b6989586621680742393)) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Foldl'_6989586621680921251Sym0 :: TyFun (b6989586621680742395 ~> (a6989586621680742396 ~> b6989586621680742395)) (b6989586621680742395 ~> (Identity a6989586621680742396 ~> b6989586621680742395)) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FoldMap_6989586621680921209Sym0 :: TyFun (a6989586621680742388 ~> m6989586621680742387) (Identity a6989586621680742388 ~> m6989586621680742387) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Fmap_6989586621680921178Sym0 :: TyFun (a6989586621679962807 ~> b6989586621679962808) (Identity a6989586621679962807 ~> Identity b6989586621679962808) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Foldr_6989586621680921279Sym1 a6989586621680921276 :: TyFun b6989586621680742390 (Identity a6989586621680742389 ~> b6989586621680742390) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Foldr'_6989586621680921296Sym1 a6989586621680921293 :: TyFun b6989586621680742392 (Identity a6989586621680742391 ~> b6989586621680742392) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Foldl_6989586621680921234Sym1 a6989586621680921231 :: TyFun b6989586621680742393 (Identity a6989586621680742394 ~> b6989586621680742393) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Foldl'_6989586621680921251Sym1 a6989586621680921248 :: TyFun b6989586621680742395 (Identity a6989586621680742396 ~> b6989586621680742395) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680921385Sym1 a6989586621680921383 :: TyFun (Identity a6989586621679962813) (Identity b6989586621679962814) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680921190Sym1 a6989586621680921188 b6989586621679962810 :: TyFun (Identity b6989586621679962810) (Identity a6989586621679962809) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FoldMap_6989586621680921209Sym1 a6989586621680921207 :: TyFun (Identity a6989586621680742388) m6989586621680742387 -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Fmap_6989586621680921178Sym1 a6989586621680921176 :: TyFun (Identity a6989586621679962807) (Identity b6989586621679962808) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (EnumFromThenTo_6989586621680921065Sym2 a6989586621680921063 a6989586621680921062 :: TyFun (Identity a6989586621680920916) [Identity a6989586621680920916] -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Traverse_6989586621680995201Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Identity a6989586621680988968 ~> f6989586621680988967 (Identity b6989586621680988969)) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680994999Scrutinee_6989586621680994599Sym0 :: TyFun (a6989586621680988968 ~> b6989586621680988969) (TyFun (t6989586621680988966 a6989586621680988968) (Identity (t6989586621680988966 b6989586621680988969)) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680921414Sym1 a6989586621680921412 b6989586621679962837 :: TyFun (a6989586621679962836 ~> Identity b6989586621679962837) (Identity b6989586621679962837) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (LiftA2_6989586621680921398Sym0 :: TyFun (a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (Identity a6989586621679962815 ~> (Identity b6989586621679962816 ~> Identity c6989586621679962817)) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680994999Scrutinee_6989586621680994599Sym1 f6989586621680994997 :: TyFun (t6989586621680988966 a6989586621680988968) (Identity (t6989586621680988966 b6989586621680988969)) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Traverse_6989586621680995201Sym1 a6989586621680995199 :: TyFun (Identity a6989586621680988968) (f6989586621680988967 (Identity b6989586621680988969)) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (LiftA2_6989586621680921398Sym1 a6989586621680921395 :: TyFun (Identity a6989586621679962815) (Identity b6989586621679962816 ~> Identity c6989586621679962817) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Foldr_6989586621680921279Sym2 a6989586621680921277 a6989586621680921276 :: TyFun (Identity a6989586621680742389) b6989586621680742390 -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Foldr'_6989586621680921296Sym2 a6989586621680921294 a6989586621680921293 :: TyFun (Identity a6989586621680742391) b6989586621680742392 -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Foldl_6989586621680921234Sym2 a6989586621680921232 a6989586621680921231 :: TyFun (Identity a6989586621680742394) b6989586621680742393 -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Foldl'_6989586621680921251Sym2 a6989586621680921249 a6989586621680921248 :: TyFun (Identity a6989586621680742396) b6989586621680742395 -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (LiftA2_6989586621680921398Sym2 a6989586621680921396 a6989586621680921395 :: TyFun (Identity b6989586621679962816) (Identity c6989586621679962817) -> Type) | |
Defined in Data.Singletons.Prelude.Identity Methods suppressUnusedWarnings :: () | |
Wrappable (NamedF Identity a name) | |
Defined in Lorentz.Wrappable Associated Types type Unwrappable (NamedF Identity a name) # | |
(HasAnnotation a, KnownSymbol name) => HasAnnotation (NamedF Identity a name) | |
Defined in Lorentz.Annotation Methods getAnnotation :: FollowEntrypointFlag -> Notes (ToT (NamedF Identity a name)) # | |
IsoValue a => IsoValue (NamedF Identity a name) | |
type Rep Identity | |
Defined in Data.Functor.Rep type Rep Identity = () | |
type Return (arg0 :: a0) | |
Defined in Data.Singletons.Prelude.Identity | |
type Pure (a :: k1) | |
Defined in Data.Singletons.Prelude.Identity | |
type Fold (arg0 :: Identity m0) | |
Defined in Data.Singletons.Prelude.Identity | |
type Length (a :: Identity a6989586621680742401) | |
Defined in Data.Singletons.Prelude.Identity | |
type Maximum (a :: Identity k2) | |
Defined in Data.Singletons.Prelude.Identity | |
type Minimum (a :: Identity k2) | |
Defined in Data.Singletons.Prelude.Identity | |
type Null (a :: Identity a6989586621680742400) | |
Defined in Data.Singletons.Prelude.Identity | |
type Product (a :: Identity k2) | |
Defined in Data.Singletons.Prelude.Identity | |
type Sum (a :: Identity k2) | |
Defined in Data.Singletons.Prelude.Identity | |
type ToList (a :: Identity a6989586621680742399) | |
Defined in Data.Singletons.Prelude.Identity | |
type Sequence (arg0 :: Identity (m0 a0)) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Elem (a1 :: k1) (a2 :: Identity k1) | |
Defined in Data.Singletons.Prelude.Identity | |
type Foldl1 (a1 :: k2 ~> (k2 ~> k2)) (a2 :: Identity k2) | |
Defined in Data.Singletons.Prelude.Identity | |
type Foldr1 (a1 :: k2 ~> (k2 ~> k2)) (a2 :: Identity k2) | |
Defined in Data.Singletons.Prelude.Identity | |
type SequenceA (arg0 :: Identity (f0 a0)) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Fmap (a1 :: a6989586621679962807 ~> b6989586621679962808) (a2 :: Identity a6989586621679962807) | |
Defined in Data.Singletons.Prelude.Identity | |
type (arg1 :: Identity a0) >> (arg2 :: Identity b0) | |
type (a1 :: Identity a6989586621679962836) >>= (a2 :: a6989586621679962836 ~> Identity b6989586621679962837) | |
Defined in Data.Singletons.Prelude.Identity type (a1 :: Identity a6989586621679962836) >>= (a2 :: a6989586621679962836 ~> Identity b6989586621679962837) = Apply (Apply (TFHelper_6989586621680921414Sym0 :: TyFun (Identity a6989586621679962836) ((a6989586621679962836 ~> Identity b6989586621679962837) ~> Identity b6989586621679962837) -> Type) a1) a2 | |
type (arg1 :: Identity a0) *> (arg2 :: Identity b0) | |
type (arg1 :: Identity a0) <* (arg2 :: Identity b0) | |
type (a1 :: Identity (a6989586621679962813 ~> b6989586621679962814)) <*> (a2 :: Identity a6989586621679962813) | |
Defined in Data.Singletons.Prelude.Identity type (a1 :: Identity (a6989586621679962813 ~> b6989586621679962814)) <*> (a2 :: Identity a6989586621679962813) = Apply (Apply (TFHelper_6989586621680921385Sym0 :: TyFun (Identity (a6989586621679962813 ~> b6989586621679962814)) (Identity a6989586621679962813 ~> Identity b6989586621679962814) -> Type) a1) a2 | |
type (a1 :: k1) <$ (a2 :: Identity b6989586621679962810) | |
Defined in Data.Singletons.Prelude.Identity | |
type FoldMap (a1 :: a6989586621680742388 ~> k2) (a2 :: Identity a6989586621680742388) | |
Defined in Data.Singletons.Prelude.Identity | |
type MapM (arg1 :: a0 ~> m0 b0) (arg2 :: Identity a0) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Foldr (a1 :: a6989586621680742389 ~> (k2 ~> k2)) (a2 :: k2) (a3 :: Identity a6989586621680742389) | |
Defined in Data.Singletons.Prelude.Identity | |
type Foldl (a1 :: k2 ~> (a6989586621680742394 ~> k2)) (a2 :: k2) (a3 :: Identity a6989586621680742394) | |
Defined in Data.Singletons.Prelude.Identity | |
type Traverse (a1 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (a2 :: Identity a6989586621680988968) | |
Defined in Data.Singletons.Prelude.Traversable type Traverse (a1 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (a2 :: Identity a6989586621680988968) = Apply (Apply (Traverse_6989586621680995201Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Identity a6989586621680988968 ~> f6989586621680988967 (Identity b6989586621680988969)) -> Type) a1) a2 | |
type Foldl' (a1 :: k2 ~> (a6989586621680742396 ~> k2)) (a2 :: k2) (a3 :: Identity a6989586621680742396) | |
Defined in Data.Singletons.Prelude.Identity | |
type Foldr' (a1 :: a6989586621680742391 ~> (k2 ~> k2)) (a2 :: k2) (a3 :: Identity a6989586621680742391) | |
Defined in Data.Singletons.Prelude.Identity | |
type LiftA2 (a1 :: a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (a2 :: Identity a6989586621679962815) (a3 :: Identity b6989586621679962816) | |
Defined in Data.Singletons.Prelude.Identity type LiftA2 (a1 :: a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (a2 :: Identity a6989586621679962815) (a3 :: Identity b6989586621679962816) = Apply (Apply (Apply (LiftA2_6989586621680921398Sym0 :: TyFun (a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (Identity a6989586621679962815 ~> (Identity b6989586621679962816 ~> Identity c6989586621679962817)) -> Type) a1) a2) a3 | |
newtype MVector s (Identity a) | |
Defined in Data.Vector.Unboxed.Base | |
type Apply (ToEnum_6989586621680921037Sym0 :: TyFun Nat (Identity a6989586621680920916) -> Type) (a6989586621680921036 :: Nat) | |
type Apply (FromInteger_6989586621680921139Sym0 :: TyFun Nat (Identity a6989586621680920927) -> Type) (a6989586621680921138 :: Nat) | |
type Apply (FromString_6989586621681391383Sym0 :: TyFun Symbol (Identity a6989586621681391352) -> Type) (a6989586621681391382 :: Symbol) | |
type Apply (IdentitySym0 :: TyFun a (Identity a) -> Type) (t6989586621679707554 :: a) | |
Defined in Data.Singletons.Prelude.Instances | |
type Apply (Pure_6989586621680921375Sym0 :: TyFun a (Identity a) -> Type) (a6989586621680921374 :: a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (ShowsPrec_6989586621680921160Sym0 :: TyFun Nat (Identity a6989586621680920941 ~> (Symbol ~> Symbol)) -> Type) (a6989586621680921157 :: Nat) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (Elem_6989586621680921221Sym0 :: TyFun a6989586621680742402 (Identity a6989586621680742402 ~> Bool) -> Type) (a6989586621680921219 :: a6989586621680742402) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (TFHelper_6989586621680921190Sym0 :: TyFun a6989586621679962809 (Identity b6989586621679962810 ~> Identity a6989586621679962809) -> Type) (a6989586621680921188 :: a6989586621679962809) | |
Defined in Data.Singletons.Prelude.Identity type Apply (TFHelper_6989586621680921190Sym0 :: TyFun a6989586621679962809 (Identity b6989586621679962810 ~> Identity a6989586621679962809) -> Type) (a6989586621680921188 :: a6989586621679962809) = TFHelper_6989586621680921190Sym1 a6989586621680921188 b6989586621679962810 :: TyFun (Identity b6989586621679962810) (Identity a6989586621679962809) -> Type | |
type Apply (Foldl_6989586621680921234Sym1 a6989586621680921231 :: TyFun b6989586621680742393 (Identity a6989586621680742394 ~> b6989586621680742393) -> Type) (a6989586621680921232 :: b6989586621680742393) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (Foldl'_6989586621680921251Sym1 a6989586621680921248 :: TyFun b6989586621680742395 (Identity a6989586621680742396 ~> b6989586621680742395) -> Type) (a6989586621680921249 :: b6989586621680742395) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (Foldr_6989586621680921279Sym1 a6989586621680921276 :: TyFun b6989586621680742390 (Identity a6989586621680742389 ~> b6989586621680742390) -> Type) (a6989586621680921277 :: b6989586621680742390) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (Foldr'_6989586621680921296Sym1 a6989586621680921293 :: TyFun b6989586621680742392 (Identity a6989586621680742391 ~> b6989586621680742392) -> Type) (a6989586621680921294 :: b6989586621680742392) | |
Defined in Data.Singletons.Prelude.Identity | |
type Rep (Identity a) | |
Defined in Data.Functor.Identity | |
type ToT (Identity a) | |
Defined in Michelson.Typed.Haskell.Value | |
type Element (Identity a) | |
Defined in Universum.Container.Class | |
newtype Vector (Identity a) | |
Defined in Data.Vector.Unboxed.Base | |
type Sing | |
Defined in Data.Singletons.Prelude.Instances | |
type Mempty | |
Defined in Data.Singletons.Prelude.Identity type Mempty = Mempty_6989586621680921079Sym0 :: Identity a | |
type Demote (Identity a) | |
Defined in Data.Singletons.Prelude.Instances | |
type MaxBound | |
Defined in Data.Singletons.Prelude.Enum type MaxBound = MaxBound_6989586621680125214Sym0 :: Identity a | |
type MinBound | |
Defined in Data.Singletons.Prelude.Enum type MinBound = MinBound_6989586621680125212Sym0 :: Identity a | |
type Index (Identity a) | |
Defined in Control.Lens.At type Index (Identity a) = () | |
type IxValue (Identity a) | |
Defined in Control.Lens.At type IxValue (Identity a) = a | |
type Unwrapped (Identity a) | |
Defined in Control.Lens.Wrapped type Unwrapped (Identity a) = a | |
type Rep1 Identity | |
Defined in Data.Functor.Identity | |
type FromInteger a2 | |
Defined in Data.Singletons.Prelude.Identity | |
type FromEnum (a2 :: Identity a1) | |
Defined in Data.Singletons.Prelude.Identity | |
type Pred (a2 :: Identity a1) | |
Defined in Data.Singletons.Prelude.Identity | |
type Succ (a2 :: Identity a1) | |
Defined in Data.Singletons.Prelude.Identity | |
type ToEnum a2 | |
Defined in Data.Singletons.Prelude.Identity | |
type FromString a2 | |
Defined in Data.Singletons.Prelude.IsString | |
type Abs (a2 :: Identity a1) | |
Defined in Data.Singletons.Prelude.Identity | |
type Negate (a2 :: Identity a1) | |
Defined in Data.Singletons.Prelude.Identity | |
type Signum (a2 :: Identity a1) | |
Defined in Data.Singletons.Prelude.Identity | |
type Sconcat (arg0 :: NonEmpty (Identity a)) | |
type Mconcat (arg0 :: [Identity a]) | |
Defined in Data.Singletons.Prelude.Identity | |
type Show_ (arg0 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Mappend (arg1 :: Identity a) (arg2 :: Identity a) | |
type EnumFromTo (a2 :: Identity a1) (a3 :: Identity a1) | |
type (x :: Identity a) /= (y :: Identity a) | |
Defined in Data.Singletons.Prelude.Eq | |
type (a2 :: Identity a1) == (b :: Identity a1) | |
Defined in Data.Singletons.Prelude.Eq | |
type (a2 :: Identity a1) <> (a3 :: Identity a1) | |
type (a2 :: Identity a1) * (a3 :: Identity a1) | |
type (a2 :: Identity a1) + (a3 :: Identity a1) | |
type (a2 :: Identity a1) - (a3 :: Identity a1) | |
type Max (arg1 :: Identity a) (arg2 :: Identity a) | |
type Min (arg1 :: Identity a) (arg2 :: Identity a) | |
type Compare (a2 :: Identity a1) (a3 :: Identity a1) | |
type (arg1 :: Identity a) <= (arg2 :: Identity a) | |
type (arg1 :: Identity a) < (arg2 :: Identity a) | |
type (arg1 :: Identity a) >= (arg2 :: Identity a) | |
type (arg1 :: Identity a) > (arg2 :: Identity a) | |
type ShowList (arg1 :: [Identity a]) arg2 | |
type EnumFromThenTo (a2 :: Identity a1) (a3 :: Identity a1) (a4 :: Identity a1) | |
type ShowsPrec a2 (a3 :: Identity a1) a4 | |
type Apply (RunIdentitySym0 :: TyFun (Identity a) a -> Type) (a6989586621679707551 :: Identity a) | |
Defined in Data.Singletons.Prelude.Instances | |
type Apply (FromEnum_6989586621680921044Sym0 :: TyFun (Identity a) Nat -> Type) (a6989586621680921043 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (Length_6989586621680921328Sym0 :: TyFun (Identity a) Nat -> Type) (a6989586621680921327 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (Maximum_6989586621680921334Sym0 :: TyFun (Identity a) a -> Type) (a6989586621680921333 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (Minimum_6989586621680921341Sym0 :: TyFun (Identity a) a -> Type) (a6989586621680921340 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (Null_6989586621680921348Sym0 :: TyFun (Identity a) Bool -> Type) (a6989586621680921347 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (Product_6989586621680921354Sym0 :: TyFun (Identity a) a -> Type) (a6989586621680921353 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (Sum_6989586621680921361Sym0 :: TyFun (Identity a) a -> Type) (a6989586621680921360 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (Compare_6989586621679803710Sym1 a6989586621679803708 :: TyFun (Identity a) Ordering -> Type) (a6989586621679803709 :: Identity a) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Elem_6989586621680921221Sym1 a6989586621680921219 :: TyFun (Identity a) Bool -> Type) (a6989586621680921220 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (Foldl1_6989586621680921267Sym1 a6989586621680921265 :: TyFun (Identity a) a -> Type) (a6989586621680921266 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (Foldr1_6989586621680921318Sym1 a6989586621680921316 :: TyFun (Identity a) a -> Type) (a6989586621680921317 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (FoldMap_6989586621680921209Sym1 a6989586621680921207 :: TyFun (Identity a) m -> Type) (a6989586621680921208 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (Foldl_6989586621680921234Sym2 a6989586621680921232 a6989586621680921231 :: TyFun (Identity a) b -> Type) (a6989586621680921233 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (Foldl'_6989586621680921251Sym2 a6989586621680921249 a6989586621680921248 :: TyFun (Identity a) b -> Type) (a6989586621680921250 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (Foldr_6989586621680921279Sym2 a6989586621680921277 a6989586621680921276 :: TyFun (Identity a) b -> Type) (a6989586621680921278 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (Foldr'_6989586621680921296Sym2 a6989586621680921294 a6989586621680921293 :: TyFun (Identity a) b -> Type) (a6989586621680921295 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (Succ_6989586621680921023Sym0 :: TyFun (Identity a) (Identity a) -> Type) (a6989586621680921022 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (Pred_6989586621680921030Sym0 :: TyFun (Identity a) (Identity a) -> Type) (a6989586621680921029 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (Negate_6989586621680921118Sym0 :: TyFun (Identity a) (Identity a) -> Type) (a6989586621680921117 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (Abs_6989586621680921125Sym0 :: TyFun (Identity a) (Identity a) -> Type) (a6989586621680921124 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (Signum_6989586621680921132Sym0 :: TyFun (Identity a) (Identity a) -> Type) (a6989586621680921131 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (ToList_6989586621680921368Sym0 :: TyFun (Identity a) [a] -> Type) (a6989586621680921367 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (EnumFromTo_6989586621680921052Sym1 a6989586621680921050 :: TyFun (Identity a) [Identity a] -> Type) (a6989586621680921051 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (TFHelper_6989586621680921083Sym1 a6989586621680921081 :: TyFun (Identity a) (Identity a) -> Type) (a6989586621680921082 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (TFHelper_6989586621680921095Sym1 a6989586621680921093 :: TyFun (Identity a) (Identity a) -> Type) (a6989586621680921094 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (TFHelper_6989586621680921107Sym1 a6989586621680921105 :: TyFun (Identity a) (Identity a) -> Type) (a6989586621680921106 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (TFHelper_6989586621680921147Sym1 a6989586621680921145 :: TyFun (Identity a) (Identity a) -> Type) (a6989586621680921146 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (EnumFromThenTo_6989586621680921065Sym2 a6989586621680921063 a6989586621680921062 :: TyFun (Identity a) [Identity a] -> Type) (a6989586621680921064 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (Fmap_6989586621680921178Sym1 a6989586621680921176 :: TyFun (Identity a) (Identity b) -> Type) (a6989586621680921177 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (TFHelper_6989586621680921190Sym1 a6989586621680921188 b :: TyFun (Identity b) (Identity a) -> Type) (a6989586621680921189 :: Identity b) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (TFHelper_6989586621680921385Sym1 a6989586621680921383 :: TyFun (Identity a) (Identity b) -> Type) (a6989586621680921384 :: Identity a) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (Let6989586621680994999Scrutinee_6989586621680994599Sym1 f6989586621680994997 :: TyFun (t6989586621680988966 a6989586621680988968) (Identity (t6989586621680988966 b6989586621680988969)) -> Type) (x6989586621680994998 :: t6989586621680988966 a6989586621680988968) | |
Defined in Data.Singletons.Prelude.Traversable type Apply (Let6989586621680994999Scrutinee_6989586621680994599Sym1 f6989586621680994997 :: TyFun (t6989586621680988966 a6989586621680988968) (Identity (t6989586621680988966 b6989586621680988969)) -> Type) (x6989586621680994998 :: t6989586621680988966 a6989586621680988968) = Let6989586621680994999Scrutinee_6989586621680994599 f6989586621680994997 x6989586621680994998 | |
type Apply (Traverse_6989586621680995201Sym1 a6989586621680995199 :: TyFun (Identity a) (f (Identity b)) -> Type) (a6989586621680995200 :: Identity a) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Apply (LiftA2_6989586621680921398Sym2 a6989586621680921396 a6989586621680921395 :: TyFun (Identity b) (Identity c) -> Type) (a6989586621680921397 :: Identity b) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (Compare_6989586621679803710Sym0 :: TyFun (Identity a6989586621679087414) (Identity a6989586621679087414 ~> Ordering) -> Type) (a6989586621679803708 :: Identity a6989586621679087414) | |
type Apply (EnumFromTo_6989586621680921052Sym0 :: TyFun (Identity a6989586621680920916) (Identity a6989586621680920916 ~> [Identity a6989586621680920916]) -> Type) (a6989586621680921050 :: Identity a6989586621680920916) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (EnumFromThenTo_6989586621680921065Sym0 :: TyFun (Identity a6989586621680920916) (Identity a6989586621680920916 ~> (Identity a6989586621680920916 ~> [Identity a6989586621680920916])) -> Type) (a6989586621680921062 :: Identity a6989586621680920916) | |
Defined in Data.Singletons.Prelude.Identity type Apply (EnumFromThenTo_6989586621680921065Sym0 :: TyFun (Identity a6989586621680920916) (Identity a6989586621680920916 ~> (Identity a6989586621680920916 ~> [Identity a6989586621680920916])) -> Type) (a6989586621680921062 :: Identity a6989586621680920916) = EnumFromThenTo_6989586621680921065Sym1 a6989586621680921062 | |
type Apply (TFHelper_6989586621680921083Sym0 :: TyFun (Identity a6989586621680920927) (Identity a6989586621680920927 ~> Identity a6989586621680920927) -> Type) (a6989586621680921081 :: Identity a6989586621680920927) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (TFHelper_6989586621680921095Sym0 :: TyFun (Identity a6989586621680920927) (Identity a6989586621680920927 ~> Identity a6989586621680920927) -> Type) (a6989586621680921093 :: Identity a6989586621680920927) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (TFHelper_6989586621680921107Sym0 :: TyFun (Identity a6989586621680920927) (Identity a6989586621680920927 ~> Identity a6989586621680920927) -> Type) (a6989586621680921105 :: Identity a6989586621680920927) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (TFHelper_6989586621680921147Sym0 :: TyFun (Identity a6989586621680920938) (Identity a6989586621680920938 ~> Identity a6989586621680920938) -> Type) (a6989586621680921145 :: Identity a6989586621680920938) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (EnumFromThenTo_6989586621680921065Sym1 a6989586621680921062 :: TyFun (Identity a6989586621680920916) (Identity a6989586621680920916 ~> [Identity a6989586621680920916]) -> Type) (a6989586621680921063 :: Identity a6989586621680920916) | |
Defined in Data.Singletons.Prelude.Identity type Apply (EnumFromThenTo_6989586621680921065Sym1 a6989586621680921062 :: TyFun (Identity a6989586621680920916) (Identity a6989586621680920916 ~> [Identity a6989586621680920916]) -> Type) (a6989586621680921063 :: Identity a6989586621680920916) = EnumFromThenTo_6989586621680921065Sym2 a6989586621680921062 a6989586621680921063 | |
type Apply (ShowsPrec_6989586621680921160Sym1 a6989586621680921157 a6989586621680920941 :: TyFun (Identity a6989586621680920941) (Symbol ~> Symbol) -> Type) (a6989586621680921158 :: Identity a6989586621680920941) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (TFHelper_6989586621680921414Sym0 :: TyFun (Identity a6989586621679962836) ((a6989586621679962836 ~> Identity b6989586621679962837) ~> Identity b6989586621679962837) -> Type) (a6989586621680921412 :: Identity a6989586621679962836) | |
Defined in Data.Singletons.Prelude.Identity type Apply (TFHelper_6989586621680921414Sym0 :: TyFun (Identity a6989586621679962836) ((a6989586621679962836 ~> Identity b6989586621679962837) ~> Identity b6989586621679962837) -> Type) (a6989586621680921412 :: Identity a6989586621679962836) = TFHelper_6989586621680921414Sym1 a6989586621680921412 b6989586621679962837 :: TyFun (a6989586621679962836 ~> Identity b6989586621679962837) (Identity b6989586621679962837) -> Type | |
type Apply (TFHelper_6989586621680921385Sym0 :: TyFun (Identity (a6989586621679962813 ~> b6989586621679962814)) (Identity a6989586621679962813 ~> Identity b6989586621679962814) -> Type) (a6989586621680921383 :: Identity (a6989586621679962813 ~> b6989586621679962814)) | |
Defined in Data.Singletons.Prelude.Identity type Apply (TFHelper_6989586621680921385Sym0 :: TyFun (Identity (a6989586621679962813 ~> b6989586621679962814)) (Identity a6989586621679962813 ~> Identity b6989586621679962814) -> Type) (a6989586621680921383 :: Identity (a6989586621679962813 ~> b6989586621679962814)) = TFHelper_6989586621680921385Sym1 a6989586621680921383 | |
type Apply (LiftA2_6989586621680921398Sym1 a6989586621680921395 :: TyFun (Identity a6989586621679962815) (Identity b6989586621679962816 ~> Identity c6989586621679962817) -> Type) (a6989586621680921396 :: Identity a6989586621679962815) | |
Defined in Data.Singletons.Prelude.Identity type Apply (LiftA2_6989586621680921398Sym1 a6989586621680921395 :: TyFun (Identity a6989586621679962815) (Identity b6989586621679962816 ~> Identity c6989586621679962817) -> Type) (a6989586621680921396 :: Identity a6989586621679962815) = LiftA2_6989586621680921398Sym2 a6989586621680921395 a6989586621680921396 | |
type Apply (TFHelper_6989586621680921414Sym1 a6989586621680921412 b :: TyFun (a ~> Identity b) (Identity b) -> Type) (a6989586621680921413 :: a ~> Identity b) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (Foldl1_6989586621680921267Sym0 :: TyFun (a6989586621680742398 ~> (a6989586621680742398 ~> a6989586621680742398)) (Identity a6989586621680742398 ~> a6989586621680742398) -> Type) (a6989586621680921265 :: a6989586621680742398 ~> (a6989586621680742398 ~> a6989586621680742398)) | |
Defined in Data.Singletons.Prelude.Identity type Apply (Foldl1_6989586621680921267Sym0 :: TyFun (a6989586621680742398 ~> (a6989586621680742398 ~> a6989586621680742398)) (Identity a6989586621680742398 ~> a6989586621680742398) -> Type) (a6989586621680921265 :: a6989586621680742398 ~> (a6989586621680742398 ~> a6989586621680742398)) = Foldl1_6989586621680921267Sym1 a6989586621680921265 | |
type Apply (Foldr1_6989586621680921318Sym0 :: TyFun (a6989586621680742397 ~> (a6989586621680742397 ~> a6989586621680742397)) (Identity a6989586621680742397 ~> a6989586621680742397) -> Type) (a6989586621680921316 :: a6989586621680742397 ~> (a6989586621680742397 ~> a6989586621680742397)) | |
Defined in Data.Singletons.Prelude.Identity type Apply (Foldr1_6989586621680921318Sym0 :: TyFun (a6989586621680742397 ~> (a6989586621680742397 ~> a6989586621680742397)) (Identity a6989586621680742397 ~> a6989586621680742397) -> Type) (a6989586621680921316 :: a6989586621680742397 ~> (a6989586621680742397 ~> a6989586621680742397)) = Foldr1_6989586621680921318Sym1 a6989586621680921316 | |
type Apply (Fmap_6989586621680921178Sym0 :: TyFun (a6989586621679962807 ~> b6989586621679962808) (Identity a6989586621679962807 ~> Identity b6989586621679962808) -> Type) (a6989586621680921176 :: a6989586621679962807 ~> b6989586621679962808) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (FoldMap_6989586621680921209Sym0 :: TyFun (a6989586621680742388 ~> m6989586621680742387) (Identity a6989586621680742388 ~> m6989586621680742387) -> Type) (a6989586621680921207 :: a6989586621680742388 ~> m6989586621680742387) | |
Defined in Data.Singletons.Prelude.Identity | |
type Apply (Foldl_6989586621680921234Sym0 :: TyFun (b6989586621680742393 ~> (a6989586621680742394 ~> b6989586621680742393)) (b6989586621680742393 ~> (Identity a6989586621680742394 ~> b6989586621680742393)) -> Type) (a6989586621680921231 :: b6989586621680742393 ~> (a6989586621680742394 ~> b6989586621680742393)) | |
Defined in Data.Singletons.Prelude.Identity type Apply (Foldl_6989586621680921234Sym0 :: TyFun (b6989586621680742393 ~> (a6989586621680742394 ~> b6989586621680742393)) (b6989586621680742393 ~> (Identity a6989586621680742394 ~> b6989586621680742393)) -> Type) (a6989586621680921231 :: b6989586621680742393 ~> (a6989586621680742394 ~> b6989586621680742393)) = Foldl_6989586621680921234Sym1 a6989586621680921231 | |
type Apply (Foldl'_6989586621680921251Sym0 :: TyFun (b6989586621680742395 ~> (a6989586621680742396 ~> b6989586621680742395)) (b6989586621680742395 ~> (Identity a6989586621680742396 ~> b6989586621680742395)) -> Type) (a6989586621680921248 :: b6989586621680742395 ~> (a6989586621680742396 ~> b6989586621680742395)) | |
Defined in Data.Singletons.Prelude.Identity type Apply (Foldl'_6989586621680921251Sym0 :: TyFun (b6989586621680742395 ~> (a6989586621680742396 ~> b6989586621680742395)) (b6989586621680742395 ~> (Identity a6989586621680742396 ~> b6989586621680742395)) -> Type) (a6989586621680921248 :: b6989586621680742395 ~> (a6989586621680742396 ~> b6989586621680742395)) = Foldl'_6989586621680921251Sym1 a6989586621680921248 | |
type Apply (Foldr_6989586621680921279Sym0 :: TyFun (a6989586621680742389 ~> (b6989586621680742390 ~> b6989586621680742390)) (b6989586621680742390 ~> (Identity a6989586621680742389 ~> b6989586621680742390)) -> Type) (a6989586621680921276 :: a6989586621680742389 ~> (b6989586621680742390 ~> b6989586621680742390)) | |
Defined in Data.Singletons.Prelude.Identity type Apply (Foldr_6989586621680921279Sym0 :: TyFun (a6989586621680742389 ~> (b6989586621680742390 ~> b6989586621680742390)) (b6989586621680742390 ~> (Identity a6989586621680742389 ~> b6989586621680742390)) -> Type) (a6989586621680921276 :: a6989586621680742389 ~> (b6989586621680742390 ~> b6989586621680742390)) = Foldr_6989586621680921279Sym1 a6989586621680921276 | |
type Apply (Foldr'_6989586621680921296Sym0 :: TyFun (a6989586621680742391 ~> (b6989586621680742392 ~> b6989586621680742392)) (b6989586621680742392 ~> (Identity a6989586621680742391 ~> b6989586621680742392)) -> Type) (a6989586621680921293 :: a6989586621680742391 ~> (b6989586621680742392 ~> b6989586621680742392)) | |
Defined in Data.Singletons.Prelude.Identity type Apply (Foldr'_6989586621680921296Sym0 :: TyFun (a6989586621680742391 ~> (b6989586621680742392 ~> b6989586621680742392)) (b6989586621680742392 ~> (Identity a6989586621680742391 ~> b6989586621680742392)) -> Type) (a6989586621680921293 :: a6989586621680742391 ~> (b6989586621680742392 ~> b6989586621680742392)) = Foldr'_6989586621680921296Sym1 a6989586621680921293 | |
type Apply (Let6989586621680994999Scrutinee_6989586621680994599Sym0 :: TyFun (a6989586621680988968 ~> b6989586621680988969) (TyFun (t6989586621680988966 a6989586621680988968) (Identity (t6989586621680988966 b6989586621680988969)) -> Type) -> Type) (f6989586621680994997 :: a6989586621680988968 ~> b6989586621680988969) | |
Defined in Data.Singletons.Prelude.Traversable type Apply (Let6989586621680994999Scrutinee_6989586621680994599Sym0 :: TyFun (a6989586621680988968 ~> b6989586621680988969) (TyFun (t6989586621680988966 a6989586621680988968) (Identity (t6989586621680988966 b6989586621680988969)) -> Type) -> Type) (f6989586621680994997 :: a6989586621680988968 ~> b6989586621680988969) = Let6989586621680994999Scrutinee_6989586621680994599Sym1 f6989586621680994997 :: TyFun (t6989586621680988966 a6989586621680988968) (Identity (t6989586621680988966 b6989586621680988969)) -> Type | |
type Apply (Traverse_6989586621680995201Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Identity a6989586621680988968 ~> f6989586621680988967 (Identity b6989586621680988969)) -> Type) (a6989586621680995199 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) | |
Defined in Data.Singletons.Prelude.Traversable type Apply (Traverse_6989586621680995201Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Identity a6989586621680988968 ~> f6989586621680988967 (Identity b6989586621680988969)) -> Type) (a6989586621680995199 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) = Traverse_6989586621680995201Sym1 a6989586621680995199 | |
type Apply (LiftA2_6989586621680921398Sym0 :: TyFun (a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (Identity a6989586621679962815 ~> (Identity b6989586621679962816 ~> Identity c6989586621679962817)) -> Type) (a6989586621680921395 :: a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) | |
Defined in Data.Singletons.Prelude.Identity type Apply (LiftA2_6989586621680921398Sym0 :: TyFun (a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (Identity a6989586621679962815 ~> (Identity b6989586621679962816 ~> Identity c6989586621679962817)) -> Type) (a6989586621680921395 :: a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) = LiftA2_6989586621680921398Sym1 a6989586621680921395 | |
type Unwrappable (NamedF Identity a name) | |
Defined in Lorentz.Wrappable | |
type ToT (NamedF Identity a name) | |
Defined in Michelson.Typed.Haskell.Value |
withFrozenCallStack :: HasCallStack => (HasCallStack => a) -> a #
Perform some computation without adding new entries to the CallStack
.
Since: base-4.9.0.0
callStack :: HasCallStack => CallStack #
A monad supporting atomic memory transactions.
Instances
Monad STM | Since: base-4.3.0.0 |
Functor STM | Since: base-4.3.0.0 |
Applicative STM | Since: base-4.8.0.0 |
Alternative STM | Since: base-4.8.0.0 |
MonadPlus STM | Since: base-4.3.0.0 |
MonadCatch STM | |
MonadThrow STM | |
Defined in Control.Monad.Catch |
Shared memory locations that support atomic memory transactions.
A mutable variable in the IO
monad
Instances
NFData1 IORef | Since: deepseq-1.4.3.0 |
Defined in Control.DeepSeq | |
Eq (IORef a) | Pointer equality. Since: base-4.0.0.0 |
NFData (IORef a) | NOTE: Only strict in the reference and not the referenced value. Since: deepseq-1.4.2.0 |
Defined in Control.DeepSeq |
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.
prettyCallStack :: CallStack -> String #
Pretty print a CallStack
.
Since: base-4.9.0.0
prettySrcLoc :: SrcLoc -> String #
Pretty print a SrcLoc
.
Since: base-4.9.0.0
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
The Const
functor.
Instances
() :=> (Functor (Const a :: Type -> Type)) | |
Defined in Data.Constraint | |
Generic1 (Const a :: k -> Type) | Since: base-4.9.0.0 |
Unbox a => Vector Vector (Const a b) | |
Defined in Data.Vector.Unboxed.Base Methods basicUnsafeFreeze :: PrimMonad m => Mutable Vector (PrimState m) (Const a b) -> m (Vector (Const a b)) basicUnsafeThaw :: PrimMonad m => Vector (Const a b) -> m (Mutable Vector (PrimState m) (Const a b)) basicLength :: Vector (Const a b) -> Int basicUnsafeSlice :: Int -> Int -> Vector (Const a b) -> Vector (Const a b) basicUnsafeIndexM :: Monad m => Vector (Const a b) -> Int -> m (Const a b) basicUnsafeCopy :: PrimMonad m => Mutable Vector (PrimState m) (Const a b) -> Vector (Const a b) -> m () | |
Unbox a => MVector MVector (Const a b) | |
Defined in Data.Vector.Unboxed.Base Methods basicLength :: MVector s (Const a b) -> Int basicUnsafeSlice :: Int -> Int -> MVector s (Const a b) -> MVector s (Const a b) basicOverlaps :: MVector s (Const a b) -> MVector s (Const a b) -> Bool basicUnsafeNew :: PrimMonad m => Int -> m (MVector (PrimState m) (Const a b)) basicInitialize :: PrimMonad m => MVector (PrimState m) (Const a b) -> m () basicUnsafeReplicate :: PrimMonad m => Int -> Const a b -> m (MVector (PrimState m) (Const a b)) basicUnsafeRead :: PrimMonad m => MVector (PrimState m) (Const a b) -> Int -> m (Const a b) basicUnsafeWrite :: PrimMonad m => MVector (PrimState m) (Const a b) -> Int -> Const a b -> m () basicClear :: PrimMonad m => MVector (PrimState m) (Const a b) -> m () basicSet :: PrimMonad m => MVector (PrimState m) (Const a b) -> Const a b -> m () basicUnsafeCopy :: PrimMonad m => MVector (PrimState m) (Const a b) -> MVector (PrimState m) (Const a b) -> m () basicUnsafeMove :: PrimMonad m => MVector (PrimState m) (Const a b) -> MVector (PrimState m) (Const a b) -> m () basicUnsafeGrow :: PrimMonad m => MVector (PrimState m) (Const a b) -> Int -> m (MVector (PrimState m) (Const a b)) | |
Bifunctor (Const :: Type -> Type -> Type) | Since: base-4.8.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 | |
(Bounded a) :=> (Bounded (Const a b)) | |
Defined in Data.Constraint | |
(Enum a) :=> (Enum (Const a b)) | |
Defined in Data.Constraint | |
(Eq a) :=> (Eq (Const a b)) | |
Defined in Data.Constraint | |
(Floating a) :=> (Floating (Const a b)) | |
Defined in Data.Constraint | |
(Fractional a) :=> (Fractional (Const a b)) | |
Defined in Data.Constraint Methods ins :: Fractional a :- Fractional (Const a b) | |
(Integral a) :=> (Integral (Const a b)) | |
Defined in Data.Constraint | |
(Num a) :=> (Num (Const a b)) | |
Defined in Data.Constraint | |
(Ord a) :=> (Ord (Const a b)) | |
Defined in Data.Constraint | |
(Read a) :=> (Read (Const a b)) | |
Defined in Data.Constraint | |
(Real a) :=> (Real (Const a b)) | |
Defined in Data.Constraint | |
(RealFloat a) :=> (RealFloat (Const a b)) | |
Defined in Data.Constraint | |
(RealFrac a) :=> (RealFrac (Const a b)) | |
Defined in Data.Constraint | |
(Show a) :=> (Show (Const a b)) | |
Defined in Data.Constraint | |
(Semigroup a) :=> (Semigroup (Const a b)) | |
Defined in Data.Constraint | |
(Monoid a) :=> (Monoid (Const a b)) | |
Defined in Data.Constraint | |
(Monoid a) :=> (Applicative (Const a :: Type -> Type)) | |
Defined in Data.Constraint Methods ins :: Monoid a :- Applicative (Const a) | |
(Bits a) :=> (Bits (Const a b)) | |
Defined in Data.Constraint | |
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 # 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 |
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) | |
Defined in Data.Singletons.Prelude.Traversable Associated Types type Traverse arg0 arg1 :: f0 (t0 b0) type SequenceA arg0 :: f0 (t0 a0) type MapM arg0 arg1 :: m0 (t0 b0) type Sequence arg0 :: m0 (t0 a0) | |
STraversable (Const m :: Type -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods sTraverse :: forall a (f :: Type -> Type) b (t1 :: a ~> f b) (t2 :: Const m a). SApplicative f => Sing t1 -> Sing t2 -> Sing (Apply (Apply TraverseSym0 t1) t2) sSequenceA :: forall (f :: Type -> Type) a (t :: Const m (f a)). SApplicative f => Sing t -> Sing (Apply SequenceASym0 t) sMapM :: forall a (m0 :: Type -> Type) b (t1 :: a ~> m0 b) (t2 :: Const m a). SMonad m0 => Sing t1 -> Sing t2 -> Sing (Apply (Apply MapMSym0 t1) t2) sSequence :: forall (m0 :: Type -> Type) a (t :: Const m (m0 a)). SMonad m0 => Sing t -> Sing (Apply SequenceSym0 t) | |
SuppressUnusedWarnings (Pure_6989586621680953761Sym0 :: TyFun a6989586621679962812 (Const m6989586621680952808 a6989586621679962812) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SingI (ConstSym0 :: TyFun a6989586621679095649 (Const a6989586621679095649 b6989586621679095650) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods sing :: Sing ConstSym0 | |
SuppressUnusedWarnings (ToEnum_6989586621680953536Sym0 :: TyFun Nat (Const a6989586621680952773 b6989586621680952774) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FromInteger_6989586621680953638Sym0 :: TyFun Nat (Const a6989586621680952786 b6989586621680952787) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ShowsPrec_6989586621680953659Sym0 :: TyFun Nat (Const a6989586621680952802 b6989586621680952803 ~> (Symbol ~> Symbol)) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FromString_6989586621681391376Sym0 :: TyFun Symbol (Const a6989586621681391349 b6989586621681391350) -> Type) | |
Defined in Data.Singletons.Prelude.IsString Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680994978MkConstSym0 :: TyFun k1 (TyFun k2 (TyFun m6989586621680994498 (Const m6989586621680994498 ()) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ConstSym0 :: TyFun a6989586621679095649 (Const a6989586621679095649 b6989586621679095650) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680953784Sym0 :: TyFun (Const m6989586621680952808 (a6989586621679962813 ~> b6989586621679962814)) (Const m6989586621680952808 a6989586621679962813 ~> Const m6989586621680952808 b6989586621679962814) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680953646Sym0 :: TyFun (Const a6989586621680952798 b6989586621680952799) (Const a6989586621680952798 b6989586621680952799 ~> Const a6989586621680952798 b6989586621680952799) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680953606Sym0 :: TyFun (Const a6989586621680952786 b6989586621680952787) (Const a6989586621680952786 b6989586621680952787 ~> Const a6989586621680952786 b6989586621680952787) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680953594Sym0 :: TyFun (Const a6989586621680952786 b6989586621680952787) (Const a6989586621680952786 b6989586621680952787 ~> Const a6989586621680952786 b6989586621680952787) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680953582Sym0 :: TyFun (Const a6989586621680952786 b6989586621680952787) (Const a6989586621680952786 b6989586621680952787 ~> Const a6989586621680952786 b6989586621680952787) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Succ_6989586621680953522Sym0 :: TyFun (Const a6989586621680952773 b6989586621680952774) (Const a6989586621680952773 b6989586621680952774) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Signum_6989586621680953631Sym0 :: TyFun (Const a6989586621680952786 b6989586621680952787) (Const a6989586621680952786 b6989586621680952787) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Pred_6989586621680953529Sym0 :: TyFun (Const a6989586621680952773 b6989586621680952774) (Const a6989586621680952773 b6989586621680952774) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Negate_6989586621680953617Sym0 :: TyFun (Const a6989586621680952786 b6989586621680952787) (Const a6989586621680952786 b6989586621680952787) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (GetConstSym0 :: TyFun (Const a6989586621680951413 b6989586621680951414) a6989586621680951413 -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FromEnum_6989586621680953543Sym0 :: TyFun (Const a6989586621680952773 b6989586621680952774) Nat -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (EnumFromTo_6989586621680953551Sym0 :: TyFun (Const a6989586621680952773 b6989586621680952774) (Const a6989586621680952773 b6989586621680952774 ~> [Const a6989586621680952773 b6989586621680952774]) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (EnumFromThenTo_6989586621680953564Sym0 :: TyFun (Const a6989586621680952773 b6989586621680952774) (Const a6989586621680952773 b6989586621680952774 ~> (Const a6989586621680952773 b6989586621680952774 ~> [Const a6989586621680952773 b6989586621680952774])) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680953511Sym0 :: TyFun (Const a6989586621680952771 b6989586621680952772) (Const a6989586621680952771 b6989586621680952772 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Abs_6989586621680953624Sym0 :: TyFun (Const a6989586621680952786 b6989586621680952787) (Const a6989586621680952786 b6989586621680952787) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680994986Scrutinee_6989586621680994602Sym0 :: TyFun (a6989586621680988968 ~> b6989586621679941606) (TyFun (t6989586621680988966 a6989586621680988968) (Const b6989586621679941606 (t6989586621680988966 ())) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Foldr_6989586621680953735Sym0 :: TyFun (a6989586621680742389 ~> (b6989586621680742390 ~> b6989586621680742390)) (b6989586621680742390 ~> (Const m6989586621680952807 a6989586621680742389 ~> b6989586621680742390)) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FoldMap_6989586621680953715Sym0 :: TyFun (a6989586621680742388 ~> m6989586621680742387) (Const m6989586621680952807 a6989586621680742388 ~> m6989586621680742387) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Fmap_6989586621680953677Sym0 :: TyFun (a6989586621679962807 ~> b6989586621679962808) (Const m6989586621680952806 a6989586621679962807 ~> Const m6989586621680952806 b6989586621679962808) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680994986Scrutinee_6989586621680994602Sym1 f6989586621680994976 :: TyFun (t6989586621680988966 a6989586621680988968) (Const b6989586621679941606 (t6989586621680988966 ())) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680994978MkConstSym1 f6989586621680994976 :: TyFun k2 (TyFun m6989586621680994498 (Const m6989586621680994498 ()) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680953696Sym0 :: TyFun a6989586621679962809 (Const m6989586621680952806 b6989586621679962810 ~> Const m6989586621680952806 a6989586621679962809) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Foldr_6989586621680953735Sym1 a6989586621680953732 m6989586621680952807 :: TyFun b6989586621680742390 (Const m6989586621680952807 a6989586621680742389 ~> b6989586621680742390) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680953784Sym1 a6989586621680953782 :: TyFun (Const m6989586621680952808 a6989586621679962813) (Const m6989586621680952808 b6989586621679962814) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FoldMap_6989586621680953715Sym1 a6989586621680953713 m6989586621680952807 :: TyFun (Const m6989586621680952807 a6989586621680742388) m6989586621680742387 -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Fmap_6989586621680953677Sym1 a6989586621680953675 m6989586621680952806 :: TyFun (Const m6989586621680952806 a6989586621679962807) (Const m6989586621680952806 b6989586621679962808) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680953646Sym1 a6989586621680953644 :: TyFun (Const a6989586621680952798 b6989586621680952799) (Const a6989586621680952798 b6989586621680952799) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680953606Sym1 a6989586621680953604 :: TyFun (Const a6989586621680952786 b6989586621680952787) (Const a6989586621680952786 b6989586621680952787) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680953594Sym1 a6989586621680953592 :: TyFun (Const a6989586621680952786 b6989586621680952787) (Const a6989586621680952786 b6989586621680952787) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680953582Sym1 a6989586621680953580 :: TyFun (Const a6989586621680952786 b6989586621680952787) (Const a6989586621680952786 b6989586621680952787) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ShowsPrec_6989586621680953659Sym1 a6989586621680953656 a6989586621680952802 b6989586621680952803 :: TyFun (Const a6989586621680952802 b6989586621680952803) (Symbol ~> Symbol) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (EnumFromTo_6989586621680953551Sym1 a6989586621680953549 :: TyFun (Const a6989586621680952773 b6989586621680952774) [Const a6989586621680952773 b6989586621680952774] -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (EnumFromThenTo_6989586621680953564Sym1 a6989586621680953561 :: TyFun (Const a6989586621680952773 b6989586621680952774) (Const a6989586621680952773 b6989586621680952774 ~> [Const a6989586621680952773 b6989586621680952774]) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680953511Sym1 a6989586621680953509 :: TyFun (Const a6989586621680952771 b6989586621680952772) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Traverse_6989586621680995129Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Const m6989586621680994527 a6989586621680988968 ~> f6989586621680988967 (Const m6989586621680994527 b6989586621680988969)) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (LiftA2_6989586621680953769Sym0 :: TyFun (a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (Const m6989586621680952808 a6989586621679962815 ~> (Const m6989586621680952808 b6989586621679962816 ~> Const m6989586621680952808 c6989586621679962817)) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680994978MkConstSym2 x6989586621680994977 f6989586621680994976 m6989586621680994498 :: TyFun m6989586621680994498 (Const m6989586621680994498 ()) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Traverse_6989586621680995129Sym1 a6989586621680995127 m6989586621680994527 :: TyFun (Const m6989586621680994527 a6989586621680988968) (f6989586621680988967 (Const m6989586621680994527 b6989586621680988969)) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (LiftA2_6989586621680953769Sym1 a6989586621680953766 m6989586621680952808 :: TyFun (Const m6989586621680952808 a6989586621679962815) (Const m6989586621680952808 b6989586621679962816 ~> Const m6989586621680952808 c6989586621679962817) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Foldr_6989586621680953735Sym2 a6989586621680953733 a6989586621680953732 m6989586621680952807 :: TyFun (Const m6989586621680952807 a6989586621680742389) b6989586621680742390 -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680953696Sym1 a6989586621680953694 m6989586621680952806 b6989586621679962810 :: TyFun (Const m6989586621680952806 b6989586621679962810) (Const m6989586621680952806 a6989586621679962809) -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (EnumFromThenTo_6989586621680953564Sym2 a6989586621680953562 a6989586621680953561 :: TyFun (Const a6989586621680952773 b6989586621680952774) [Const a6989586621680952773 b6989586621680952774] -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (LiftA2_6989586621680953769Sym2 a6989586621680953767 a6989586621680953766 :: TyFun (Const m6989586621680952808 b6989586621679962816) (Const m6989586621680952808 c6989586621679962817) -> 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) # | |
(Typeable k, Data a, Typeable b) => Data (Const a b) | Since: base-4.10.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b0. Data d => c (d -> b0) -> d -> c b0) -> (forall g. g -> c g) -> Const a b -> c (Const a b) # gunfold :: (forall b0 r. Data b0 => c (b0 -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c (Const a b) # toConstr :: Const a b -> Constr # dataTypeOf :: Const a b -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c (Const a b)) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c (Const a b)) # gmapT :: (forall b0. Data b0 => b0 -> b0) -> Const a b -> Const a b # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Const a b -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Const a b -> r # gmapQ :: (forall d. Data d => d -> u) -> Const a b -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Const a b -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Const a b -> m (Const a b) # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Const a b -> m (Const a b) # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Const a b -> m (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) | Since: base-4.9.0.0 |
Semigroup a => Semigroup (Const a b) | Since: base-4.9.0.0 |
Monoid a => Monoid (Const a b) | Since: base-4.9.0.0 |
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 | |
Hashable a => Hashable (Const a b) | |
Defined in Data.Hashable.Class | |
Container (Const a b) | |
Defined in Universum.Container.Class Methods toList :: Const a b -> [Element (Const a b)] # foldr :: (Element (Const a b) -> b0 -> b0) -> b0 -> Const a b -> b0 # foldl :: (b0 -> Element (Const a b) -> b0) -> b0 -> Const a b -> b0 # foldl' :: (b0 -> Element (Const a b) -> b0) -> b0 -> Const a b -> b0 # elem :: Element (Const a b) -> Const a b -> Bool # maximum :: Const a b -> Element (Const a b) # minimum :: Const a b -> Element (Const a b) # foldMap :: Monoid m => (Element (Const a b) -> m) -> Const a b -> m # fold :: Const a b -> Element (Const a b) # foldr' :: (Element (Const a b) -> b0 -> b0) -> b0 -> Const a b -> b0 # foldr1 :: (Element (Const a b) -> Element (Const a b) -> Element (Const a b)) -> Const a b -> Element (Const a b) # foldl1 :: (Element (Const a b) -> Element (Const a b) -> Element (Const a b)) -> Const a b -> Element (Const a b) # notElem :: Element (Const a b) -> Const a b -> Bool # all :: (Element (Const a b) -> Bool) -> Const a b -> Bool # any :: (Element (Const a b) -> Bool) -> Const a b -> Bool # find :: (Element (Const a b) -> Bool) -> Const a b -> Maybe (Element (Const a b)) # | |
Unbox a => Unbox (Const a b) | |
Defined in Data.Vector.Unboxed.Base | |
SIsString a => SIsString (Const a b) | |
Defined in Data.Singletons.Prelude.IsString Methods sFromString :: forall (t :: Symbol). Sing t -> Sing (Apply FromStringSym0 t) | |
Wrapped (Const a x) | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped (Const a x) | |
PIsString (Const a b) | |
Defined in Data.Singletons.Prelude.IsString Associated Types type FromString arg0 :: a0 | |
t ~ Const a' x' => Rewrapped (Const a x) t | |
Defined in Control.Lens.Wrapped | |
SDecide a => TestCoercion (SConst :: Const a b -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods testCoercion :: forall (a0 :: k) (b0 :: k). SConst a0 -> SConst b0 -> Maybe (Coercion a0 b0) # | |
SDecide a => TestEquality (SConst :: Const a b -> Type) | |
Defined in Data.Singletons.Prelude.Const Methods testEquality :: forall (a0 :: k) (b0 :: k). SConst a0 -> SConst b0 -> Maybe (a0 :~: b0) # | |
type MapM (arg1 :: a0 ~> m0 b0) (arg2 :: Const m a0) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Traverse (a1 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (a2 :: Const m a6989586621680988968) | |
Defined in Data.Singletons.Prelude.Traversable type Traverse (a1 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (a2 :: Const m a6989586621680988968) = Apply (Apply (Traverse_6989586621680995129Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Const m a6989586621680988968 ~> f6989586621680988967 (Const m b6989586621680988969)) -> Type) a1) a2 | |
type LiftA2 (a1 :: a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (a2 :: Const m a6989586621679962815) (a3 :: Const m b6989586621679962816) | |
Defined in Data.Singletons.Prelude.Const type LiftA2 (a1 :: a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (a2 :: Const m a6989586621679962815) (a3 :: Const m b6989586621679962816) = Apply (Apply (Apply (LiftA2_6989586621680953769Sym0 :: TyFun (a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (Const m a6989586621679962815 ~> (Const m b6989586621679962816 ~> Const m c6989586621679962817)) -> Type) a1) a2) a3 | |
type Fmap (a1 :: a6989586621679962807 ~> b6989586621679962808) (a2 :: Const m a6989586621679962807) | |
Defined in Data.Singletons.Prelude.Const | |
type FoldMap (a1 :: a6989586621680742388 ~> k2) (a2 :: Const m a6989586621680742388) | |
Defined in Data.Singletons.Prelude.Const | |
type Foldr (a1 :: a6989586621680742389 ~> (k2 ~> k2)) (a2 :: k2) (a3 :: Const m a6989586621680742389) | |
Defined in Data.Singletons.Prelude.Const | |
type Foldl (arg1 :: b0 ~> (a0 ~> b0)) (arg2 :: b0) (arg3 :: Const m a0) | |
Defined in Data.Singletons.Prelude.Const | |
type Foldl' (arg1 :: b0 ~> (a0 ~> b0)) (arg2 :: b0) (arg3 :: Const m a0) | |
Defined in Data.Singletons.Prelude.Const | |
type Foldr' (arg1 :: a0 ~> (b0 ~> b0)) (arg2 :: b0) (arg3 :: Const m a0) | |
Defined in Data.Singletons.Prelude.Const | |
type Rep1 (Const a :: k -> Type) | |
Defined in Data.Functor.Const | |
type Pure (a :: k1) | |
Defined in Data.Singletons.Prelude.Const | |
type Elem (arg1 :: a0) (arg2 :: Const m a0) | |
Defined in Data.Singletons.Prelude.Const | |
type Foldl1 (arg1 :: a0 ~> (a0 ~> a0)) (arg2 :: Const m a0) | |
Defined in Data.Singletons.Prelude.Const | |
type Foldr1 (arg1 :: a0 ~> (a0 ~> a0)) (arg2 :: Const m a0) | |
Defined in Data.Singletons.Prelude.Const | |
type (a1 :: k1) <$ (a2 :: Const m b6989586621679962810) | |
Defined in Data.Singletons.Prelude.Const | |
type Apply (ShowsPrec_6989586621680953659Sym0 :: TyFun Nat (Const a6989586621680952802 b6989586621680952803 ~> (Symbol ~> Symbol)) -> Type) (a6989586621680953656 :: Nat) | |
Defined in Data.Singletons.Prelude.Const type Apply (ShowsPrec_6989586621680953659Sym0 :: TyFun Nat (Const a6989586621680952802 b6989586621680952803 ~> (Symbol ~> Symbol)) -> Type) (a6989586621680953656 :: Nat) = ShowsPrec_6989586621680953659Sym1 a6989586621680953656 a6989586621680952802 b6989586621680952803 :: TyFun (Const a6989586621680952802 b6989586621680952803) (Symbol ~> Symbol) -> Type | |
type Apply (Let6989586621680994978MkConstSym0 :: TyFun k1 (TyFun k2 (TyFun m6989586621680994498 (Const m6989586621680994498 ()) -> Type) -> Type) -> Type) (f6989586621680994976 :: k1) | |
Defined in Data.Singletons.Prelude.Traversable type Apply (Let6989586621680994978MkConstSym0 :: TyFun k1 (TyFun k2 (TyFun m6989586621680994498 (Const m6989586621680994498 ()) -> Type) -> Type) -> Type) (f6989586621680994976 :: k1) = Let6989586621680994978MkConstSym1 f6989586621680994976 :: TyFun k2 (TyFun m6989586621680994498 (Const m6989586621680994498 ()) -> Type) -> Type | |
type Apply (Let6989586621680994978MkConstSym1 f6989586621680994976 :: TyFun k2 (TyFun m6989586621680994498 (Const m6989586621680994498 ()) -> Type) -> Type) (x6989586621680994977 :: k2) | |
Defined in Data.Singletons.Prelude.Traversable type Apply (Let6989586621680994978MkConstSym1 f6989586621680994976 :: TyFun k2 (TyFun m6989586621680994498 (Const m6989586621680994498 ()) -> Type) -> Type) (x6989586621680994977 :: k2) = Let6989586621680994978MkConstSym2 f6989586621680994976 x6989586621680994977 m6989586621680994498 :: TyFun m6989586621680994498 (Const m6989586621680994498 ()) -> Type | |
type Apply (TFHelper_6989586621680953696Sym0 :: TyFun a6989586621679962809 (Const m6989586621680952806 b6989586621679962810 ~> Const m6989586621680952806 a6989586621679962809) -> Type) (a6989586621680953694 :: a6989586621679962809) | |
Defined in Data.Singletons.Prelude.Const type Apply (TFHelper_6989586621680953696Sym0 :: TyFun a6989586621679962809 (Const m6989586621680952806 b6989586621679962810 ~> Const m6989586621680952806 a6989586621679962809) -> Type) (a6989586621680953694 :: a6989586621679962809) = TFHelper_6989586621680953696Sym1 a6989586621680953694 m6989586621680952806 b6989586621679962810 :: TyFun (Const m6989586621680952806 b6989586621679962810) (Const m6989586621680952806 a6989586621679962809) -> Type | |
type Apply (Foldr_6989586621680953735Sym1 a6989586621680953732 m6989586621680952807 :: TyFun b6989586621680742390 (Const m6989586621680952807 a6989586621680742389 ~> b6989586621680742390) -> Type) (a6989586621680953733 :: b6989586621680742390) | |
Defined in Data.Singletons.Prelude.Const type Apply (Foldr_6989586621680953735Sym1 a6989586621680953732 m6989586621680952807 :: TyFun b6989586621680742390 (Const m6989586621680952807 a6989586621680742389 ~> b6989586621680742390) -> Type) (a6989586621680953733 :: b6989586621680742390) = Foldr_6989586621680953735Sym2 a6989586621680953732 a6989586621680953733 m6989586621680952807 :: TyFun (Const m6989586621680952807 a6989586621680742389) b6989586621680742390 -> Type | |
newtype MVector s (Const a b) | |
Defined in Data.Vector.Unboxed.Base | |
type Apply (Pure_6989586621680953761Sym0 :: TyFun a (Const m6989586621680952808 a) -> Type) (a6989586621680953760 :: a) | |
Defined in Data.Singletons.Prelude.Const | |
type Apply (ToEnum_6989586621680953536Sym0 :: TyFun Nat (Const a6989586621680952773 b6989586621680952774) -> Type) (a6989586621680953535 :: Nat) | |
type Apply (FromInteger_6989586621680953638Sym0 :: TyFun Nat (Const a6989586621680952786 b6989586621680952787) -> Type) (a6989586621680953637 :: Nat) | |
type Apply (FromString_6989586621681391376Sym0 :: TyFun Symbol (Const a6989586621681391349 b6989586621681391350) -> Type) (a6989586621681391375 :: Symbol) | |
Defined in Data.Singletons.Prelude.IsString | |
type Apply (ConstSym0 :: TyFun a (Const a b6989586621679095650) -> Type) (t6989586621680951133 :: a) | |
Defined in Data.Singletons.Prelude.Const | |
type Apply (Let6989586621680994978MkConstSym2 x6989586621680994977 f6989586621680994976 m :: TyFun m (Const m ()) -> Type) (a6989586621680994981 :: m) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Apply (Let6989586621680994986Scrutinee_6989586621680994602Sym1 f6989586621680994976 :: TyFun (t6989586621680988966 a6989586621680988968) (Const b6989586621679941606 (t6989586621680988966 ())) -> Type) (x6989586621680994977 :: t6989586621680988966 a6989586621680988968) | |
Defined in Data.Singletons.Prelude.Traversable type Apply (Let6989586621680994986Scrutinee_6989586621680994602Sym1 f6989586621680994976 :: TyFun (t6989586621680988966 a6989586621680988968) (Const b6989586621679941606 (t6989586621680988966 ())) -> Type) (x6989586621680994977 :: t6989586621680988966 a6989586621680988968) = Let6989586621680994986Scrutinee_6989586621680994602 f6989586621680994976 x6989586621680994977 | |
type Fold (arg0 :: Const m m0) | |
Defined in Data.Singletons.Prelude.Const | |
type Length (arg0 :: Const m a0) | |
Defined in Data.Singletons.Prelude.Const | |
type Maximum (arg0 :: Const m a0) | |
Defined in Data.Singletons.Prelude.Const | |
type Minimum (arg0 :: Const m a0) | |
Defined in Data.Singletons.Prelude.Const | |
type Null (arg0 :: Const m a0) | |
Defined in Data.Singletons.Prelude.Const | |
type Product (arg0 :: Const m a0) | |
Defined in Data.Singletons.Prelude.Const | |
type Sum (arg0 :: Const m a0) | |
Defined in Data.Singletons.Prelude.Const | |
type ToList (arg0 :: Const m a0) | |
Defined in Data.Singletons.Prelude.Const | |
type Sequence (arg0 :: Const m (m0 a0)) | |
Defined in Data.Singletons.Prelude.Traversable | |
type SequenceA (arg0 :: Const m (f0 a0)) | |
Defined in Data.Singletons.Prelude.Traversable | |
type (arg1 :: Const m a0) *> (arg2 :: Const m b0) | |
type (arg1 :: Const m a0) <* (arg2 :: Const m b0) | |
type (a1 :: Const m (a6989586621679962813 ~> b6989586621679962814)) <*> (a2 :: Const m a6989586621679962813) | |
Defined in Data.Singletons.Prelude.Const type (a1 :: Const m (a6989586621679962813 ~> b6989586621679962814)) <*> (a2 :: Const m a6989586621679962813) = Apply (Apply (TFHelper_6989586621680953784Sym0 :: TyFun (Const m (a6989586621679962813 ~> b6989586621679962814)) (Const m a6989586621679962813 ~> Const m b6989586621679962814) -> Type) a1) a2 | |
type Apply (Let6989586621680994986Scrutinee_6989586621680994602Sym0 :: TyFun (a6989586621680988968 ~> b6989586621679941606) (TyFun (t6989586621680988966 a6989586621680988968) (Const b6989586621679941606 (t6989586621680988966 ())) -> Type) -> Type) (f6989586621680994976 :: a6989586621680988968 ~> b6989586621679941606) | |
Defined in Data.Singletons.Prelude.Traversable type Apply (Let6989586621680994986Scrutinee_6989586621680994602Sym0 :: TyFun (a6989586621680988968 ~> b6989586621679941606) (TyFun (t6989586621680988966 a6989586621680988968) (Const b6989586621679941606 (t6989586621680988966 ())) -> Type) -> Type) (f6989586621680994976 :: a6989586621680988968 ~> b6989586621679941606) = Let6989586621680994986Scrutinee_6989586621680994602Sym1 f6989586621680994976 :: TyFun (t6989586621680988966 a6989586621680988968) (Const b6989586621679941606 (t6989586621680988966 ())) -> Type | |
type Apply (Fmap_6989586621680953677Sym0 :: TyFun (a6989586621679962807 ~> b6989586621679962808) (Const m6989586621680952806 a6989586621679962807 ~> Const m6989586621680952806 b6989586621679962808) -> Type) (a6989586621680953675 :: a6989586621679962807 ~> b6989586621679962808) | |
Defined in Data.Singletons.Prelude.Const type Apply (Fmap_6989586621680953677Sym0 :: TyFun (a6989586621679962807 ~> b6989586621679962808) (Const m6989586621680952806 a6989586621679962807 ~> Const m6989586621680952806 b6989586621679962808) -> Type) (a6989586621680953675 :: a6989586621679962807 ~> b6989586621679962808) = Fmap_6989586621680953677Sym1 a6989586621680953675 m6989586621680952806 :: TyFun (Const m6989586621680952806 a6989586621679962807) (Const m6989586621680952806 b6989586621679962808) -> Type | |
type Apply (FoldMap_6989586621680953715Sym0 :: TyFun (a6989586621680742388 ~> m6989586621680742387) (Const m6989586621680952807 a6989586621680742388 ~> m6989586621680742387) -> Type) (a6989586621680953713 :: a6989586621680742388 ~> m6989586621680742387) | |
Defined in Data.Singletons.Prelude.Const type Apply (FoldMap_6989586621680953715Sym0 :: TyFun (a6989586621680742388 ~> m6989586621680742387) (Const m6989586621680952807 a6989586621680742388 ~> m6989586621680742387) -> Type) (a6989586621680953713 :: a6989586621680742388 ~> m6989586621680742387) = FoldMap_6989586621680953715Sym1 a6989586621680953713 m6989586621680952807 :: TyFun (Const m6989586621680952807 a6989586621680742388) m6989586621680742387 -> Type | |
type Apply (Foldr_6989586621680953735Sym0 :: TyFun (a6989586621680742389 ~> (b6989586621680742390 ~> b6989586621680742390)) (b6989586621680742390 ~> (Const m6989586621680952807 a6989586621680742389 ~> b6989586621680742390)) -> Type) (a6989586621680953732 :: a6989586621680742389 ~> (b6989586621680742390 ~> b6989586621680742390)) | |
Defined in Data.Singletons.Prelude.Const type Apply (Foldr_6989586621680953735Sym0 :: TyFun (a6989586621680742389 ~> (b6989586621680742390 ~> b6989586621680742390)) (b6989586621680742390 ~> (Const m6989586621680952807 a6989586621680742389 ~> b6989586621680742390)) -> Type) (a6989586621680953732 :: a6989586621680742389 ~> (b6989586621680742390 ~> b6989586621680742390)) = Foldr_6989586621680953735Sym1 a6989586621680953732 m6989586621680952807 :: TyFun b6989586621680742390 (Const m6989586621680952807 a6989586621680742389 ~> b6989586621680742390) -> Type | |
type Apply (Traverse_6989586621680995129Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Const m6989586621680994527 a6989586621680988968 ~> f6989586621680988967 (Const m6989586621680994527 b6989586621680988969)) -> Type) (a6989586621680995127 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) | |
Defined in Data.Singletons.Prelude.Traversable type Apply (Traverse_6989586621680995129Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Const m6989586621680994527 a6989586621680988968 ~> f6989586621680988967 (Const m6989586621680994527 b6989586621680988969)) -> Type) (a6989586621680995127 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) = Traverse_6989586621680995129Sym1 a6989586621680995127 m6989586621680994527 :: TyFun (Const m6989586621680994527 a6989586621680988968) (f6989586621680988967 (Const m6989586621680994527 b6989586621680988969)) -> Type | |
type Apply (LiftA2_6989586621680953769Sym0 :: TyFun (a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (Const m6989586621680952808 a6989586621679962815 ~> (Const m6989586621680952808 b6989586621679962816 ~> Const m6989586621680952808 c6989586621679962817)) -> Type) (a6989586621680953766 :: a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) | |
Defined in Data.Singletons.Prelude.Const type Apply (LiftA2_6989586621680953769Sym0 :: TyFun (a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (Const m6989586621680952808 a6989586621679962815 ~> (Const m6989586621680952808 b6989586621679962816 ~> Const m6989586621680952808 c6989586621679962817)) -> Type) (a6989586621680953766 :: a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) = LiftA2_6989586621680953769Sym1 a6989586621680953766 m6989586621680952808 :: TyFun (Const m6989586621680952808 a6989586621679962815) (Const m6989586621680952808 b6989586621679962816 ~> Const m6989586621680952808 c6989586621679962817) -> Type | |
type Rep (Const a b) | |
Defined in Data.Functor.Const | |
type Element (Const a b) | |
Defined in Universum.Container.Class | |
newtype Vector (Const a b) | |
Defined in Data.Vector.Unboxed.Base | |
type Sing | |
Defined in Data.Singletons.Prelude.Const | |
type Mempty | |
Defined in Data.Singletons.Prelude.Const type Mempty = Mempty_6989586621680953578Sym0 :: Const a b | |
type Demote (Const a b) | |
Defined in Data.Singletons.Prelude.Const | |
type MaxBound | |
Defined in Data.Singletons.Prelude.Const type MaxBound = MaxBound_6989586621680953507Sym0 :: Const a b | |
type MinBound | |
Defined in Data.Singletons.Prelude.Const type MinBound = MinBound_6989586621680953505Sym0 :: Const a b | |
type Unwrapped (Const a x) | |
Defined in Control.Lens.Wrapped type Unwrapped (Const a x) = a | |
type FromInteger a2 | |
Defined in Data.Singletons.Prelude.Const | |
type FromEnum (a2 :: Const a1 b) | |
Defined in Data.Singletons.Prelude.Const | |
type Pred (a2 :: Const a1 b) | |
Defined in Data.Singletons.Prelude.Const | |
type Succ (a2 :: Const a1 b) | |
Defined in Data.Singletons.Prelude.Const | |
type ToEnum a2 | |
Defined in Data.Singletons.Prelude.Const | |
type FromString a2 | |
Defined in Data.Singletons.Prelude.IsString | |
type Abs (a2 :: Const a1 b) | |
Defined in Data.Singletons.Prelude.Const | |
type Negate (a2 :: Const a1 b) | |
Defined in Data.Singletons.Prelude.Const | |
type Signum (a2 :: Const a1 b) | |
Defined in Data.Singletons.Prelude.Const | |
type Sconcat (arg0 :: NonEmpty (Const a b)) | |
type Mconcat (arg0 :: [Const a b]) | |
Defined in Data.Singletons.Prelude.Const | |
type Show_ (arg0 :: Const a b) | |
Defined in Data.Singletons.Prelude.Const | |
type Mappend (arg1 :: Const a b) (arg2 :: Const a b) | |
type EnumFromTo (a2 :: Const a1 b) (a3 :: Const a1 b) | |
type (x :: Const a b) /= (y :: Const a b) | |
Defined in Data.Singletons.Prelude.Const | |
type (a2 :: Const a1 b1) == (b2 :: Const a1 b1) | |
Defined in Data.Singletons.Prelude.Const | |
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 (a2 :: Const a1 b) - (a3 :: Const a1 b) | |
type Max (arg1 :: Const a b) (arg2 :: Const a b) | |
type Min (arg1 :: Const a b) (arg2 :: Const a b) | |
type Compare (a2 :: Const a1 b) (a3 :: Const a1 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 ShowList (arg1 :: [Const a b]) arg2 | |
type EnumFromThenTo (a2 :: Const a1 b) (a3 :: Const a1 b) (a4 :: Const a1 b) | |
type ShowsPrec a2 (a3 :: Const a1 b) a4 | |
type Apply (GetConstSym0 :: TyFun (Const a b) a -> Type) (x6989586621680951415 :: Const a b) | |
Defined in Data.Singletons.Prelude.Const | |
type Apply (FromEnum_6989586621680953543Sym0 :: TyFun (Const a b) Nat -> Type) (a6989586621680953542 :: Const a b) | |
Defined in Data.Singletons.Prelude.Const | |
type Apply (FoldMap_6989586621680953715Sym1 a6989586621680953713 m2 :: TyFun (Const m2 a) m1 -> Type) (a6989586621680953714 :: Const m2 a) | |
Defined in Data.Singletons.Prelude.Const | |
type Apply (Compare_6989586621680953511Sym1 a6989586621680953509 :: TyFun (Const a b) Ordering -> Type) (a6989586621680953510 :: Const a b) | |
Defined in Data.Singletons.Prelude.Const | |
type Apply (Foldr_6989586621680953735Sym2 a6989586621680953733 a6989586621680953732 m :: TyFun (Const m a) b -> Type) (a6989586621680953734 :: Const m a) | |
Defined in Data.Singletons.Prelude.Const | |
type Apply (EnumFromTo_6989586621680953551Sym1 a6989586621680953549 :: TyFun (Const a b) [Const a b] -> Type) (a6989586621680953550 :: Const a b) | |
Defined in Data.Singletons.Prelude.Const | |
type Apply (Traverse_6989586621680995129Sym1 a6989586621680995127 m :: TyFun (Const m a) (f (Const m b)) -> Type) (a6989586621680995128 :: Const m a) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Apply (EnumFromThenTo_6989586621680953564Sym2 a6989586621680953562 a6989586621680953561 :: TyFun (Const a b) [Const a b] -> Type) (a6989586621680953563 :: Const a b) | |
Defined in Data.Singletons.Prelude.Const | |
type Apply (TFHelper_6989586621680953784Sym0 :: TyFun (Const m6989586621680952808 (a6989586621679962813 ~> b6989586621679962814)) (Const m6989586621680952808 a6989586621679962813 ~> Const m6989586621680952808 b6989586621679962814) -> Type) (a6989586621680953782 :: Const m6989586621680952808 (a6989586621679962813 ~> b6989586621679962814)) | |
Defined in Data.Singletons.Prelude.Const type Apply (TFHelper_6989586621680953784Sym0 :: TyFun (Const m6989586621680952808 (a6989586621679962813 ~> b6989586621679962814)) (Const m6989586621680952808 a6989586621679962813 ~> Const m6989586621680952808 b6989586621679962814) -> Type) (a6989586621680953782 :: Const m6989586621680952808 (a6989586621679962813 ~> b6989586621679962814)) = TFHelper_6989586621680953784Sym1 a6989586621680953782 | |
type Apply (Compare_6989586621680953511Sym0 :: TyFun (Const a6989586621680952771 b6989586621680952772) (Const a6989586621680952771 b6989586621680952772 ~> Ordering) -> Type) (a6989586621680953509 :: Const a6989586621680952771 b6989586621680952772) | |
Defined in Data.Singletons.Prelude.Const type Apply (Compare_6989586621680953511Sym0 :: TyFun (Const a6989586621680952771 b6989586621680952772) (Const a6989586621680952771 b6989586621680952772 ~> Ordering) -> Type) (a6989586621680953509 :: Const a6989586621680952771 b6989586621680952772) = Compare_6989586621680953511Sym1 a6989586621680953509 | |
type Apply (EnumFromTo_6989586621680953551Sym0 :: TyFun (Const a6989586621680952773 b6989586621680952774) (Const a6989586621680952773 b6989586621680952774 ~> [Const a6989586621680952773 b6989586621680952774]) -> Type) (a6989586621680953549 :: Const a6989586621680952773 b6989586621680952774) | |
Defined in Data.Singletons.Prelude.Const type Apply (EnumFromTo_6989586621680953551Sym0 :: TyFun (Const a6989586621680952773 b6989586621680952774) (Const a6989586621680952773 b6989586621680952774 ~> [Const a6989586621680952773 b6989586621680952774]) -> Type) (a6989586621680953549 :: Const a6989586621680952773 b6989586621680952774) = EnumFromTo_6989586621680953551Sym1 a6989586621680953549 | |
type Apply (EnumFromThenTo_6989586621680953564Sym0 :: TyFun (Const a6989586621680952773 b6989586621680952774) (Const a6989586621680952773 b6989586621680952774 ~> (Const a6989586621680952773 b6989586621680952774 ~> [Const a6989586621680952773 b6989586621680952774])) -> Type) (a6989586621680953561 :: Const a6989586621680952773 b6989586621680952774) | |
Defined in Data.Singletons.Prelude.Const type Apply (EnumFromThenTo_6989586621680953564Sym0 :: TyFun (Const a6989586621680952773 b6989586621680952774) (Const a6989586621680952773 b6989586621680952774 ~> (Const a6989586621680952773 b6989586621680952774 ~> [Const a6989586621680952773 b6989586621680952774])) -> Type) (a6989586621680953561 :: Const a6989586621680952773 b6989586621680952774) = EnumFromThenTo_6989586621680953564Sym1 a6989586621680953561 | |
type Apply (TFHelper_6989586621680953582Sym0 :: TyFun (Const a6989586621680952786 b6989586621680952787) (Const a6989586621680952786 b6989586621680952787 ~> Const a6989586621680952786 b6989586621680952787) -> Type) (a6989586621680953580 :: Const a6989586621680952786 b6989586621680952787) | |
Defined in Data.Singletons.Prelude.Const type Apply (TFHelper_6989586621680953582Sym0 :: TyFun (Const a6989586621680952786 b6989586621680952787) (Const a6989586621680952786 b6989586621680952787 ~> Const a6989586621680952786 b6989586621680952787) -> Type) (a6989586621680953580 :: Const a6989586621680952786 b6989586621680952787) = TFHelper_6989586621680953582Sym1 a6989586621680953580 | |
type Apply (TFHelper_6989586621680953594Sym0 :: TyFun (Const a6989586621680952786 b6989586621680952787) (Const a6989586621680952786 b6989586621680952787 ~> Const a6989586621680952786 b6989586621680952787) -> Type) (a6989586621680953592 :: Const a6989586621680952786 b6989586621680952787) | |
Defined in Data.Singletons.Prelude.Const type Apply (TFHelper_6989586621680953594Sym0 :: TyFun (Const a6989586621680952786 b6989586621680952787) (Const a6989586621680952786 b6989586621680952787 ~> Const a6989586621680952786 b6989586621680952787) -> Type) (a6989586621680953592 :: Const a6989586621680952786 b6989586621680952787) = TFHelper_6989586621680953594Sym1 a6989586621680953592 | |
type Apply (TFHelper_6989586621680953606Sym0 :: TyFun (Const a6989586621680952786 b6989586621680952787) (Const a6989586621680952786 b6989586621680952787 ~> Const a6989586621680952786 b6989586621680952787) -> Type) (a6989586621680953604 :: Const a6989586621680952786 b6989586621680952787) | |
Defined in Data.Singletons.Prelude.Const type Apply (TFHelper_6989586621680953606Sym0 :: TyFun (Const a6989586621680952786 b6989586621680952787) (Const a6989586621680952786 b6989586621680952787 ~> Const a6989586621680952786 b6989586621680952787) -> Type) (a6989586621680953604 :: Const a6989586621680952786 b6989586621680952787) = TFHelper_6989586621680953606Sym1 a6989586621680953604 | |
type Apply (TFHelper_6989586621680953646Sym0 :: TyFun (Const a6989586621680952798 b6989586621680952799) (Const a6989586621680952798 b6989586621680952799 ~> Const a6989586621680952798 b6989586621680952799) -> Type) (a6989586621680953644 :: Const a6989586621680952798 b6989586621680952799) | |
Defined in Data.Singletons.Prelude.Const type Apply (TFHelper_6989586621680953646Sym0 :: TyFun (Const a6989586621680952798 b6989586621680952799) (Const a6989586621680952798 b6989586621680952799 ~> Const a6989586621680952798 b6989586621680952799) -> Type) (a6989586621680953644 :: Const a6989586621680952798 b6989586621680952799) = TFHelper_6989586621680953646Sym1 a6989586621680953644 | |
type Apply (EnumFromThenTo_6989586621680953564Sym1 a6989586621680953561 :: TyFun (Const a6989586621680952773 b6989586621680952774) (Const a6989586621680952773 b6989586621680952774 ~> [Const a6989586621680952773 b6989586621680952774]) -> Type) (a6989586621680953562 :: Const a6989586621680952773 b6989586621680952774) | |
Defined in Data.Singletons.Prelude.Const type Apply (EnumFromThenTo_6989586621680953564Sym1 a6989586621680953561 :: TyFun (Const a6989586621680952773 b6989586621680952774) (Const a6989586621680952773 b6989586621680952774 ~> [Const a6989586621680952773 b6989586621680952774]) -> Type) (a6989586621680953562 :: Const a6989586621680952773 b6989586621680952774) = EnumFromThenTo_6989586621680953564Sym2 a6989586621680953561 a6989586621680953562 | |
type Apply (ShowsPrec_6989586621680953659Sym1 a6989586621680953656 a6989586621680952802 b6989586621680952803 :: TyFun (Const a6989586621680952802 b6989586621680952803) (Symbol ~> Symbol) -> Type) (a6989586621680953657 :: Const a6989586621680952802 b6989586621680952803) | |
Defined in Data.Singletons.Prelude.Const type Apply (ShowsPrec_6989586621680953659Sym1 a6989586621680953656 a6989586621680952802 b6989586621680952803 :: TyFun (Const a6989586621680952802 b6989586621680952803) (Symbol ~> Symbol) -> Type) (a6989586621680953657 :: Const a6989586621680952802 b6989586621680952803) = ShowsPrec_6989586621680953659Sym2 a6989586621680953656 a6989586621680953657 | |
type Apply (LiftA2_6989586621680953769Sym1 a6989586621680953766 m6989586621680952808 :: TyFun (Const m6989586621680952808 a6989586621679962815) (Const m6989586621680952808 b6989586621679962816 ~> Const m6989586621680952808 c6989586621679962817) -> Type) (a6989586621680953767 :: Const m6989586621680952808 a6989586621679962815) | |
Defined in Data.Singletons.Prelude.Const type Apply (LiftA2_6989586621680953769Sym1 a6989586621680953766 m6989586621680952808 :: TyFun (Const m6989586621680952808 a6989586621679962815) (Const m6989586621680952808 b6989586621679962816 ~> Const m6989586621680952808 c6989586621679962817) -> Type) (a6989586621680953767 :: Const m6989586621680952808 a6989586621679962815) = LiftA2_6989586621680953769Sym2 a6989586621680953766 a6989586621680953767 | |
type Apply (Succ_6989586621680953522Sym0 :: TyFun (Const a b) (Const a b) -> Type) (a6989586621680953521 :: Const a b) | |
Defined in Data.Singletons.Prelude.Const | |
type Apply (Pred_6989586621680953529Sym0 :: TyFun (Const a b) (Const a b) -> Type) (a6989586621680953528 :: Const a b) | |
Defined in Data.Singletons.Prelude.Const | |
type Apply (Negate_6989586621680953617Sym0 :: TyFun (Const a b) (Const a b) -> Type) (a6989586621680953616 :: Const a b) | |
Defined in Data.Singletons.Prelude.Const | |
type Apply (Abs_6989586621680953624Sym0 :: TyFun (Const a b) (Const a b) -> Type) (a6989586621680953623 :: Const a b) | |
Defined in Data.Singletons.Prelude.Const | |
type Apply (Signum_6989586621680953631Sym0 :: TyFun (Const a b) (Const a b) -> Type) (a6989586621680953630 :: Const a b) | |
Defined in Data.Singletons.Prelude.Const | |
type Apply (Fmap_6989586621680953677Sym1 a6989586621680953675 m :: TyFun (Const m a) (Const m b) -> Type) (a6989586621680953676 :: Const m a) | |
Defined in Data.Singletons.Prelude.Const | |
type Apply (TFHelper_6989586621680953784Sym1 a6989586621680953782 :: TyFun (Const m a) (Const m b) -> Type) (a6989586621680953783 :: Const m a) | |
Defined in Data.Singletons.Prelude.Const | |
type Apply (TFHelper_6989586621680953582Sym1 a6989586621680953580 :: TyFun (Const a b) (Const a b) -> Type) (a6989586621680953581 :: Const a b) | |
Defined in Data.Singletons.Prelude.Const | |
type Apply (TFHelper_6989586621680953594Sym1 a6989586621680953592 :: TyFun (Const a b) (Const a b) -> Type) (a6989586621680953593 :: Const a b) | |
Defined in Data.Singletons.Prelude.Const | |
type Apply (TFHelper_6989586621680953606Sym1 a6989586621680953604 :: TyFun (Const a b) (Const a b) -> Type) (a6989586621680953605 :: Const a b) | |
Defined in Data.Singletons.Prelude.Const | |
type Apply (TFHelper_6989586621680953646Sym1 a6989586621680953644 :: TyFun (Const a b) (Const a b) -> Type) (a6989586621680953645 :: Const a b) | |
Defined in Data.Singletons.Prelude.Const | |
type Apply (TFHelper_6989586621680953696Sym1 a6989586621680953694 m b :: TyFun (Const m b) (Const m a) -> Type) (a6989586621680953695 :: Const m b) | |
Defined in Data.Singletons.Prelude.Const | |
type Apply (LiftA2_6989586621680953769Sym2 a6989586621680953767 a6989586621680953766 :: TyFun (Const m b) (Const m c) -> Type) (a6989586621680953768 :: Const m b) | |
Defined in Data.Singletons.Prelude.Const |
minimumBy :: Foldable t => (a -> a -> Ordering) -> t a -> a #
The least element of a non-empty structure with respect to the given comparison function.
maximumBy :: Foldable t => (a -> a -> Ordering) -> t a -> a #
The largest element of a non-empty structure with respect to the given comparison function.
concatMap :: Foldable t => (a -> [b]) -> t a -> [b] #
Map a function over all the elements of a container and concatenate the resulting lists.
foldlM :: (Foldable t, Monad m) => (b -> a -> m b) -> b -> t a -> m b #
Monadic fold over the elements of a structure, associating to the left, i.e. from left to right.
foldrM :: (Foldable t, Monad m) => (a -> b -> m b) -> b -> t a -> m b #
Monadic fold over the elements of a structure, associating to the right, i.e. from right to left.
Maybe monoid returning the leftmost non-Nothing value.
is isomorphic to First
a
, but precedes it
historically.Alt
Maybe
a
>>>
getFirst (First (Just "hello") <> First Nothing <> First (Just "world"))
Just "hello"
Use of this type is discouraged. Note the following equivalence:
Data.Monoid.First x === Maybe (Data.Semigroup.First x)
In addition to being equivalent in the structural sense, the two
also have Monoid
instances that behave the same. This type will
be marked deprecated in GHC 8.8, and removed in GHC 8.10.
Users are advised to use the variant from Data.Semigroup and wrap
it in Maybe
.
Instances
Monad First | Since: base-4.8.0.0 |
Functor First | Since: base-4.8.0.0 |
Applicative First | Since: base-4.8.0.0 |
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 # 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 # | |
Traversable First | Since: base-4.8.0.0 |
NFData1 First | Since: deepseq-1.4.3.0 |
Defined in Control.DeepSeq | |
PTraversable First | |
Defined in Data.Singletons.Prelude.Traversable Associated Types type Traverse arg0 arg1 :: f0 (t0 b0) type SequenceA arg0 :: f0 (t0 a0) type MapM arg0 arg1 :: m0 (t0 b0) type Sequence arg0 :: m0 (t0 a0) | |
STraversable First | |
Defined in Data.Singletons.Prelude.Traversable Methods sTraverse :: forall a (f :: Type -> Type) b (t1 :: a ~> f b) (t2 :: First a). SApplicative f => Sing t1 -> Sing t2 -> Sing (Apply (Apply TraverseSym0 t1) t2) sSequenceA :: forall (f :: Type -> Type) a (t :: First (f a)). SApplicative f => Sing t -> Sing (Apply SequenceASym0 t) sMapM :: forall a (m :: Type -> Type) b (t1 :: a ~> m b) (t2 :: First a). SMonad m => Sing t1 -> Sing t2 -> Sing (Apply (Apply MapMSym0 t1) t2) sSequence :: forall (m :: Type -> Type) a (t :: First (m a)). SMonad m => Sing t -> Sing (Apply SequenceSym0 t) | |
SFoldable First | |
Defined in Data.Singletons.Prelude.Foldable Methods sFold :: forall m (t :: First m). SMonoid m => Sing t -> Sing (Apply FoldSym0 t) sFoldMap :: forall a m (t1 :: a ~> m) (t2 :: First a). SMonoid m => Sing t1 -> Sing t2 -> Sing (Apply (Apply FoldMapSym0 t1) t2) sFoldr :: forall a b (t1 :: a ~> (b ~> b)) (t2 :: b) (t3 :: First a). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply FoldrSym0 t1) t2) t3) sFoldr' :: forall a b (t1 :: a ~> (b ~> b)) (t2 :: b) (t3 :: First a). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply Foldr'Sym0 t1) t2) t3) sFoldl :: forall b a (t1 :: b ~> (a ~> b)) (t2 :: b) (t3 :: First a). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply FoldlSym0 t1) t2) t3) sFoldl' :: forall b a (t1 :: b ~> (a ~> b)) (t2 :: b) (t3 :: First a). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply Foldl'Sym0 t1) t2) t3) sFoldr1 :: forall a (t1 :: a ~> (a ~> a)) (t2 :: First a). Sing t1 -> Sing t2 -> Sing (Apply (Apply Foldr1Sym0 t1) t2) sFoldl1 :: forall a (t1 :: a ~> (a ~> a)) (t2 :: First a). Sing t1 -> Sing t2 -> Sing (Apply (Apply Foldl1Sym0 t1) t2) sToList :: forall a (t :: First a). Sing t -> Sing (Apply ToListSym0 t) sNull :: forall a (t :: First a). Sing t -> Sing (Apply NullSym0 t) sLength :: forall a (t :: First a). Sing t -> Sing (Apply LengthSym0 t) sElem :: forall a (t1 :: a) (t2 :: First a). SEq a => Sing t1 -> Sing t2 -> Sing (Apply (Apply ElemSym0 t1) t2) sMaximum :: forall a (t :: First a). SOrd a => Sing t -> Sing (Apply MaximumSym0 t) sMinimum :: forall a (t :: First a). SOrd a => Sing t -> Sing (Apply MinimumSym0 t) sSum :: forall a (t :: First a). SNum a => Sing t -> Sing (Apply SumSym0 t) sProduct :: forall a (t :: First a). SNum a => Sing t -> Sing (Apply ProductSym0 t) | |
PFoldable First | |
Defined in Data.Singletons.Prelude.Foldable Associated Types type Fold arg0 :: m0 type FoldMap arg0 arg1 :: m0 type Foldr arg0 arg1 arg2 :: b0 type Foldr' arg0 arg1 arg2 :: b0 type Foldl arg0 arg1 arg2 :: b0 type Foldl' arg0 arg1 arg2 :: b0 type Foldr1 arg0 arg1 :: a0 type Foldl1 arg0 arg1 :: a0 type ToList arg0 :: [a0] type Null arg0 :: Bool type Length arg0 :: Nat type Elem arg0 arg1 :: Bool type Maximum arg0 :: a0 type Minimum arg0 :: a0 type Sum arg0 :: a0 type Product arg0 :: a0 | |
Eq a => Eq (First a) | Since: base-2.1 |
Data a => Data (First a) | Since: base-4.8.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> First a -> c (First a) # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c (First a) # toConstr :: First a -> Constr # dataTypeOf :: First a -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c (First a)) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c (First a)) # gmapT :: (forall b. Data b => b -> b) -> First a -> First a # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> First a -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> First a -> r # gmapQ :: (forall d. Data d => d -> u) -> First a -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> First a -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> First a -> m (First a) # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> First a -> m (First a) # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> First a -> m (First a) # | |
Ord a => Ord (First a) | Since: base-2.1 |
Read a => Read (First a) | Since: base-2.1 |
Show a => Show (First a) | Since: base-2.1 |
Generic (First a) | Since: base-4.7.0.0 |
Semigroup (First a) | Since: base-4.9.0.0 |
Monoid (First a) | Since: base-2.1 |
NFData a => NFData (First a) | Since: deepseq-1.4.0.0 |
Defined in Control.DeepSeq | |
Container (First a) | |
Defined in Universum.Container.Class Methods toList :: First a -> [Element (First a)] # foldr :: (Element (First a) -> b -> b) -> b -> First a -> b # foldl :: (b -> Element (First a) -> b) -> b -> First a -> b # foldl' :: (b -> Element (First a) -> b) -> b -> First a -> b # elem :: Element (First a) -> First a -> Bool # maximum :: First a -> Element (First a) # minimum :: First a -> Element (First a) # foldMap :: Monoid m => (Element (First a) -> m) -> First a -> m # fold :: First a -> Element (First a) # foldr' :: (Element (First a) -> b -> b) -> b -> First a -> b # foldr1 :: (Element (First a) -> Element (First a) -> Element (First a)) -> First a -> Element (First a) # foldl1 :: (Element (First a) -> Element (First a) -> Element (First a)) -> First a -> Element (First a) # notElem :: Element (First a) -> First a -> Bool # all :: (Element (First a) -> Bool) -> First a -> Bool # any :: (Element (First a) -> Bool) -> First a -> Bool # find :: (Element (First a) -> Bool) -> First a -> Maybe (Element (First a)) # | |
Default (First a) | |
Defined in Data.Default.Class | |
SMonoid (First a) | |
PMonoid (First a) | |
Defined in Data.Singletons.Prelude.Monoid Associated Types type Mempty :: a0 type Mappend arg0 arg1 :: a0 type Mconcat arg0 :: a0 | |
Wrapped (First a) | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped (First a) | |
Generic1 First | Since: base-4.7.0.0 |
t ~ First b => Rewrapped (First a) t | |
Defined in Control.Lens.Wrapped | |
IsoHKD First (a :: Type) | |
SDecide (Maybe a) => TestCoercion (SFirst :: First a -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods testCoercion :: forall (a0 :: k) (b :: k). SFirst a0 -> SFirst b -> Maybe (Coercion a0 b) # | |
SDecide (Maybe a) => TestEquality (SFirst :: First a -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods testEquality :: forall (a0 :: k) (b :: k). SFirst a0 -> SFirst b -> Maybe (a0 :~: b) # | |
SingI (FirstSym0 :: TyFun (Maybe a) (First a) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods sing :: Sing FirstSym0 | |
SuppressUnusedWarnings (FirstSym0 :: TyFun (Maybe a6989586621679087428) (First a6989586621679087428) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ShowsPrec_6989586621680637784Sym0 :: TyFun Nat (First a6989586621679087428 ~> (Symbol ~> Symbol)) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Pure_6989586621680640869Sym0 :: TyFun a6989586621679962812 (First a6989586621679962812) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680640950ASym0 :: TyFun a6989586621679087428 (First a6989586621679087428) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680640942Sym0 :: TyFun (First a6989586621680640716) (First a6989586621680640716 ~> First a6989586621680640716) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (GetFirstSym0 :: TyFun (First a6989586621679087428) (Maybe a6989586621679087428) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680636486Sym0 :: TyFun (First a6989586621679087428) (First a6989586621679087428 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680640903Sym0 :: TyFun a6989586621679962809 (First b6989586621679962810 ~> First a6989586621679962809) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680640942Sym1 a6989586621680640940 :: TyFun (First a6989586621680640716) (First a6989586621680640716) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680640915Sym0 :: TyFun (First a6989586621679962836) ((a6989586621679962836 ~> First b6989586621679962837) ~> First b6989586621679962837) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ShowsPrec_6989586621680637784Sym1 a6989586621680637781 a6989586621679087428 :: TyFun (First a6989586621679087428) (Symbol ~> Symbol) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680636486Sym1 a6989586621680636484 :: TyFun (First a6989586621679087428) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680640879Sym0 :: TyFun (First (a6989586621679962813 ~> b6989586621679962814)) (First a6989586621679962813 ~> First b6989586621679962814) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680742753Scrutinee_6989586621680742644Sym0 :: TyFun (a6989586621680742388 ~> Bool) (TyFun (t6989586621680742385 a6989586621680742388) (First a6989586621680742388) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Lambda_6989586621680742754Sym0 :: TyFun (a6989586621679087428 ~> Bool) (TyFun k (TyFun a6989586621679087428 (First a6989586621679087428) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Foldr_6989586621680824164Sym0 :: TyFun (a6989586621680742389 ~> (b6989586621680742390 ~> b6989586621680742390)) (b6989586621680742390 ~> (First a6989586621680742389 ~> b6989586621680742390)) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FoldMap_6989586621680824151Sym0 :: TyFun (a6989586621680742388 ~> m6989586621680742387) (First a6989586621680742388 ~> m6989586621680742387) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Fmap_6989586621680640891Sym0 :: TyFun (a6989586621679962807 ~> b6989586621679962808) (First a6989586621679962807 ~> First b6989586621679962808) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680742753Scrutinee_6989586621680742644Sym1 p6989586621680742751 :: TyFun (t6989586621680742385 a6989586621680742388) (First a6989586621680742388) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Lambda_6989586621680742754Sym1 p6989586621680742751 :: TyFun k (TyFun a6989586621679087428 (First a6989586621679087428) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Foldr_6989586621680824164Sym1 a6989586621680824161 :: TyFun b6989586621680742390 (First a6989586621680742389 ~> b6989586621680742390) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Lambda_6989586621680640923Sym0 :: TyFun k (TyFun (k1 ~> First a) (TyFun k1 (Maybe a) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FoldMap_6989586621680824151Sym1 a6989586621680824149 :: TyFun (First a6989586621680742388) m6989586621680742387 -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680640903Sym1 a6989586621680640901 b6989586621679962810 :: TyFun (First b6989586621679962810) (First a6989586621679962809) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680640879Sym1 a6989586621680640877 :: TyFun (First a6989586621679962813) (First b6989586621679962814) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Fmap_6989586621680640891Sym1 a6989586621680640889 :: TyFun (First a6989586621679962807) (First b6989586621679962808) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Traverse_6989586621680995177Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (First a6989586621680988968 ~> f6989586621680988967 (First b6989586621680988969)) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680640915Sym1 a6989586621680640913 b6989586621679962837 :: TyFun (a6989586621679962836 ~> First b6989586621679962837) (First b6989586621679962837) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Lambda_6989586621680742754Sym2 y6989586621680742752 p6989586621680742751 :: TyFun a6989586621679087428 (First a6989586621679087428) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Traverse_6989586621680995177Sym1 a6989586621680995175 :: TyFun (First a6989586621680988968) (f6989586621680988967 (First b6989586621680988969)) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Foldr_6989586621680824164Sym2 a6989586621680824162 a6989586621680824161 :: TyFun (First a6989586621680742389) b6989586621680742390 -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Lambda_6989586621680640923Sym1 a6989586621680640921 :: TyFun (k1 ~> First a) (TyFun k1 (Maybe a) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
type Return (arg0 :: a0) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Pure (a :: k1) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Fold (arg0 :: First m0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Length (arg0 :: First a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Maximum (arg0 :: First a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Minimum (arg0 :: First a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Null (arg0 :: First a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Product (arg0 :: First a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Sum (arg0 :: First a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type ToList (arg0 :: First a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Sequence (arg0 :: First (m0 a0)) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Elem (arg1 :: a0) (arg2 :: First a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldl1 (arg1 :: a0 ~> (a0 ~> a0)) (arg2 :: First a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldr1 (arg1 :: a0 ~> (a0 ~> a0)) (arg2 :: First a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type SequenceA (arg0 :: First (f0 a0)) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Fmap (a1 :: a6989586621679962807 ~> b6989586621679962808) (a2 :: First a6989586621679962807) | |
Defined in Data.Singletons.Prelude.Monoid | |
type (arg1 :: First a0) >> (arg2 :: First b0) | |
type (a1 :: First a6989586621679962836) >>= (a2 :: a6989586621679962836 ~> First b6989586621679962837) | |
Defined in Data.Singletons.Prelude.Monoid | |
type (arg1 :: First a0) *> (arg2 :: First b0) | |
type (arg1 :: First a0) <* (arg2 :: First b0) | |
type (a1 :: First (a6989586621679962813 ~> b6989586621679962814)) <*> (a2 :: First a6989586621679962813) | |
Defined in Data.Singletons.Prelude.Monoid | |
type (a1 :: k1) <$ (a2 :: First b6989586621679962810) | |
Defined in Data.Singletons.Prelude.Monoid | |
type FoldMap (a1 :: a6989586621680742388 ~> k2) (a2 :: First a6989586621680742388) | |
Defined in Data.Singletons.Prelude.Foldable | |
type MapM (arg1 :: a0 ~> m0 b0) (arg2 :: First a0) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Foldr (a1 :: a6989586621680742389 ~> (k2 ~> k2)) (a2 :: k2) (a3 :: First a6989586621680742389) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldl (arg1 :: b0 ~> (a0 ~> b0)) (arg2 :: b0) (arg3 :: First a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Traverse (a1 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (a2 :: First a6989586621680988968) | |
Defined in Data.Singletons.Prelude.Traversable type Traverse (a1 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (a2 :: First a6989586621680988968) = Apply (Apply (Traverse_6989586621680995177Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (First a6989586621680988968 ~> f6989586621680988967 (First b6989586621680988969)) -> Type) a1) a2 | |
type Foldl' (arg1 :: b0 ~> (a0 ~> b0)) (arg2 :: b0) (arg3 :: First a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldr' (arg1 :: a0 ~> (b0 ~> b0)) (arg2 :: b0) (arg3 :: First a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type LiftA2 (arg1 :: a0 ~> (b0 ~> c0)) (arg2 :: First a0) (arg3 :: First b0) | |
type Apply (Pure_6989586621680640869Sym0 :: TyFun a (First a) -> Type) (a6989586621680640868 :: a) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (Let6989586621680640950ASym0 :: TyFun a6989586621679087428 (First a6989586621679087428) -> Type) (wild_69895866216806407356989586621680640949 :: a6989586621679087428) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (Lambda_6989586621680742754Sym2 y6989586621680742752 p6989586621680742751 :: TyFun a6989586621679087428 (First a6989586621679087428) -> Type) (t6989586621680742764 :: a6989586621679087428) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (ShowsPrec_6989586621680637784Sym0 :: TyFun Nat (First a6989586621679087428 ~> (Symbol ~> Symbol)) -> Type) (a6989586621680637781 :: Nat) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (TFHelper_6989586621680640903Sym0 :: TyFun a6989586621679962809 (First b6989586621679962810 ~> First a6989586621679962809) -> Type) (a6989586621680640901 :: a6989586621679962809) | |
Defined in Data.Singletons.Prelude.Monoid type Apply (TFHelper_6989586621680640903Sym0 :: TyFun a6989586621679962809 (First b6989586621679962810 ~> First a6989586621679962809) -> Type) (a6989586621680640901 :: a6989586621679962809) = TFHelper_6989586621680640903Sym1 a6989586621680640901 b6989586621679962810 :: TyFun (First b6989586621679962810) (First a6989586621679962809) -> Type | |
type Apply (Lambda_6989586621680742754Sym1 p6989586621680742751 :: TyFun k (TyFun a6989586621679087428 (First a6989586621679087428) -> Type) -> Type) (y6989586621680742752 :: k) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Foldr_6989586621680824164Sym1 a6989586621680824161 :: TyFun b6989586621680742390 (First a6989586621680742389 ~> b6989586621680742390) -> Type) (a6989586621680824162 :: b6989586621680742390) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Lambda_6989586621680640923Sym0 :: TyFun k (TyFun (k1 ~> First a) (TyFun k1 (Maybe a) -> Type) -> Type) -> Type) (a6989586621680640921 :: k) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Rep (First a) | |
Defined in Data.Monoid | |
type Element (First a) | |
Defined in Universum.Container.Class | |
type Sing | |
Defined in Data.Singletons.Prelude.Monoid | |
type Mempty | |
Defined in Data.Singletons.Prelude.Monoid type Mempty = Mempty_6989586621680640954Sym0 :: First a | |
type Demote (First a) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Unwrapped (First a) | |
Defined in Control.Lens.Wrapped | |
type Rep1 First | |
Defined in Data.Monoid | |
type Sconcat (arg0 :: NonEmpty (First a)) | |
type Mconcat (arg0 :: [First a]) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Show_ (arg0 :: First a) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Mappend (arg1 :: First a) (arg2 :: First a) | |
type (x :: First a) /= (y :: First a) | |
Defined in Data.Singletons.Prelude.Monoid | |
type (a2 :: First a1) == (b :: First a1) | |
Defined in Data.Singletons.Prelude.Monoid | |
type (a2 :: First a1) <> (a3 :: First a1) | |
type Max (arg1 :: First a) (arg2 :: First a) | |
type Min (arg1 :: First a) (arg2 :: First a) | |
type Compare (a2 :: First a1) (a3 :: First a1) | |
type (arg1 :: First a) <= (arg2 :: First a) | |
type (arg1 :: First a) < (arg2 :: First a) | |
type (arg1 :: First a) >= (arg2 :: First a) | |
type (arg1 :: First a) > (arg2 :: First a) | |
type ShowList (arg1 :: [First a]) arg2 | |
type HKD First (a :: Type) | |
Defined in Data.Vinyl.XRec | |
type ShowsPrec a2 (a3 :: First a1) a4 | |
type Apply (Compare_6989586621680636486Sym1 a6989586621680636484 :: TyFun (First a) Ordering -> Type) (a6989586621680636485 :: First a) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (FoldMap_6989586621680824151Sym1 a6989586621680824149 :: TyFun (First a) m -> Type) (a6989586621680824150 :: First a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Foldr_6989586621680824164Sym2 a6989586621680824162 a6989586621680824161 :: TyFun (First a) b -> Type) (a6989586621680824163 :: First a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (FirstSym0 :: TyFun (Maybe a) (First a) -> Type) (t6989586621680634741 :: Maybe a) | |
type Apply (GetFirstSym0 :: TyFun (First a) (Maybe a) -> Type) (a6989586621680634738 :: First a) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (TFHelper_6989586621680640942Sym1 a6989586621680640940 :: TyFun (First a) (First a) -> Type) (a6989586621680640941 :: First a) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (Let6989586621680742753Scrutinee_6989586621680742644Sym1 p6989586621680742751 :: TyFun (t6989586621680742385 a6989586621680742388) (First a6989586621680742388) -> Type) (y6989586621680742752 :: t6989586621680742385 a6989586621680742388) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Let6989586621680742753Scrutinee_6989586621680742644Sym1 p6989586621680742751 :: TyFun (t6989586621680742385 a6989586621680742388) (First a6989586621680742388) -> Type) (y6989586621680742752 :: t6989586621680742385 a6989586621680742388) = Let6989586621680742753Scrutinee_6989586621680742644 p6989586621680742751 y6989586621680742752 | |
type Apply (TFHelper_6989586621680640879Sym1 a6989586621680640877 :: TyFun (First a) (First b) -> Type) (a6989586621680640878 :: First a) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (Fmap_6989586621680640891Sym1 a6989586621680640889 :: TyFun (First a) (First b) -> Type) (a6989586621680640890 :: First a) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (TFHelper_6989586621680640903Sym1 a6989586621680640901 b :: TyFun (First b) (First a) -> Type) (a6989586621680640902 :: First b) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (Traverse_6989586621680995177Sym1 a6989586621680995175 :: TyFun (First a) (f (First b)) -> Type) (a6989586621680995176 :: First a) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Apply (Compare_6989586621680636486Sym0 :: TyFun (First a6989586621679087428) (First a6989586621679087428 ~> Ordering) -> Type) (a6989586621680636484 :: First a6989586621679087428) | |
type Apply (TFHelper_6989586621680640942Sym0 :: TyFun (First a6989586621680640716) (First a6989586621680640716 ~> First a6989586621680640716) -> Type) (a6989586621680640940 :: First a6989586621680640716) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (ShowsPrec_6989586621680637784Sym1 a6989586621680637781 a6989586621679087428 :: TyFun (First a6989586621679087428) (Symbol ~> Symbol) -> Type) (a6989586621680637782 :: First a6989586621679087428) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (TFHelper_6989586621680640915Sym0 :: TyFun (First a6989586621679962836) ((a6989586621679962836 ~> First b6989586621679962837) ~> First b6989586621679962837) -> Type) (a6989586621680640913 :: First a6989586621679962836) | |
Defined in Data.Singletons.Prelude.Monoid type Apply (TFHelper_6989586621680640915Sym0 :: TyFun (First a6989586621679962836) ((a6989586621679962836 ~> First b6989586621679962837) ~> First b6989586621679962837) -> Type) (a6989586621680640913 :: First a6989586621679962836) = TFHelper_6989586621680640915Sym1 a6989586621680640913 b6989586621679962837 :: TyFun (a6989586621679962836 ~> First b6989586621679962837) (First b6989586621679962837) -> Type | |
type Apply (TFHelper_6989586621680640879Sym0 :: TyFun (First (a6989586621679962813 ~> b6989586621679962814)) (First a6989586621679962813 ~> First b6989586621679962814) -> Type) (a6989586621680640877 :: First (a6989586621679962813 ~> b6989586621679962814)) | |
Defined in Data.Singletons.Prelude.Monoid type Apply (TFHelper_6989586621680640879Sym0 :: TyFun (First (a6989586621679962813 ~> b6989586621679962814)) (First a6989586621679962813 ~> First b6989586621679962814) -> Type) (a6989586621680640877 :: First (a6989586621679962813 ~> b6989586621679962814)) = TFHelper_6989586621680640879Sym1 a6989586621680640877 | |
type Apply (TFHelper_6989586621680640915Sym1 a6989586621680640913 b :: TyFun (a ~> First b) (First b) -> Type) (a6989586621680640914 :: a ~> First b) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (Lambda_6989586621680742754Sym0 :: TyFun (a6989586621679087428 ~> Bool) (TyFun k (TyFun a6989586621679087428 (First a6989586621679087428) -> Type) -> Type) -> Type) (p6989586621680742751 :: a6989586621679087428 ~> Bool) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Lambda_6989586621680742754Sym0 :: TyFun (a6989586621679087428 ~> Bool) (TyFun k (TyFun a6989586621679087428 (First a6989586621679087428) -> Type) -> Type) -> Type) (p6989586621680742751 :: a6989586621679087428 ~> Bool) = Lambda_6989586621680742754Sym1 p6989586621680742751 :: TyFun k (TyFun a6989586621679087428 (First a6989586621679087428) -> Type) -> Type | |
type Apply (Let6989586621680742753Scrutinee_6989586621680742644Sym0 :: TyFun (a6989586621680742388 ~> Bool) (TyFun (t6989586621680742385 a6989586621680742388) (First a6989586621680742388) -> Type) -> Type) (p6989586621680742751 :: a6989586621680742388 ~> Bool) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Let6989586621680742753Scrutinee_6989586621680742644Sym0 :: TyFun (a6989586621680742388 ~> Bool) (TyFun (t6989586621680742385 a6989586621680742388) (First a6989586621680742388) -> Type) -> Type) (p6989586621680742751 :: a6989586621680742388 ~> Bool) = Let6989586621680742753Scrutinee_6989586621680742644Sym1 p6989586621680742751 :: TyFun (t6989586621680742385 a6989586621680742388) (First a6989586621680742388) -> Type | |
type Apply (FoldMap_6989586621680824151Sym0 :: TyFun (a6989586621680742388 ~> m6989586621680742387) (First a6989586621680742388 ~> m6989586621680742387) -> Type) (a6989586621680824149 :: a6989586621680742388 ~> m6989586621680742387) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Foldr_6989586621680824164Sym0 :: TyFun (a6989586621680742389 ~> (b6989586621680742390 ~> b6989586621680742390)) (b6989586621680742390 ~> (First a6989586621680742389 ~> b6989586621680742390)) -> Type) (a6989586621680824161 :: a6989586621680742389 ~> (b6989586621680742390 ~> b6989586621680742390)) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Foldr_6989586621680824164Sym0 :: TyFun (a6989586621680742389 ~> (b6989586621680742390 ~> b6989586621680742390)) (b6989586621680742390 ~> (First a6989586621680742389 ~> b6989586621680742390)) -> Type) (a6989586621680824161 :: a6989586621680742389 ~> (b6989586621680742390 ~> b6989586621680742390)) = Foldr_6989586621680824164Sym1 a6989586621680824161 | |
type Apply (Fmap_6989586621680640891Sym0 :: TyFun (a6989586621679962807 ~> b6989586621679962808) (First a6989586621679962807 ~> First b6989586621679962808) -> Type) (a6989586621680640889 :: a6989586621679962807 ~> b6989586621679962808) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (Traverse_6989586621680995177Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (First a6989586621680988968 ~> f6989586621680988967 (First b6989586621680988969)) -> Type) (a6989586621680995175 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) | |
Defined in Data.Singletons.Prelude.Traversable type Apply (Traverse_6989586621680995177Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (First a6989586621680988968 ~> f6989586621680988967 (First b6989586621680988969)) -> Type) (a6989586621680995175 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) = Traverse_6989586621680995177Sym1 a6989586621680995175 | |
type Apply (Lambda_6989586621680640923Sym1 a6989586621680640921 :: TyFun (k1 ~> First a) (TyFun k1 (Maybe a) -> Type) -> Type) (k6989586621680640922 :: k1 ~> First a) | |
Maybe monoid returning the rightmost non-Nothing value.
is isomorphic to Last
a
, and thus to
Dual
(First
a)Dual
(Alt
Maybe
a)
>>>
getLast (Last (Just "hello") <> Last Nothing <> Last (Just "world"))
Just "world"
Use of this type is discouraged. Note the following equivalence:
Data.Monoid.Last x === Maybe (Data.Semigroup.Last x)
In addition to being equivalent in the structural sense, the two
also have Monoid
instances that behave the same. This type will
be marked deprecated in GHC 8.8, and removed in GHC 8.10.
Users are advised to use the variant from Data.Semigroup and wrap
it in Maybe
.
Instances
Monad Last | Since: base-4.8.0.0 |
Functor Last | Since: base-4.8.0.0 |
Applicative Last | Since: base-4.8.0.0 |
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 # 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 # | |
Traversable Last | Since: base-4.8.0.0 |
NFData1 Last | Since: deepseq-1.4.3.0 |
Defined in Control.DeepSeq | |
PTraversable Last | |
Defined in Data.Singletons.Prelude.Traversable Associated Types type Traverse arg0 arg1 :: f0 (t0 b0) type SequenceA arg0 :: f0 (t0 a0) type MapM arg0 arg1 :: m0 (t0 b0) type Sequence arg0 :: m0 (t0 a0) | |
STraversable Last | |
Defined in Data.Singletons.Prelude.Traversable Methods sTraverse :: forall a (f :: Type -> Type) b (t1 :: a ~> f b) (t2 :: Last a). SApplicative f => Sing t1 -> Sing t2 -> Sing (Apply (Apply TraverseSym0 t1) t2) sSequenceA :: forall (f :: Type -> Type) a (t :: Last (f a)). SApplicative f => Sing t -> Sing (Apply SequenceASym0 t) sMapM :: forall a (m :: Type -> Type) b (t1 :: a ~> m b) (t2 :: Last a). SMonad m => Sing t1 -> Sing t2 -> Sing (Apply (Apply MapMSym0 t1) t2) sSequence :: forall (m :: Type -> Type) a (t :: Last (m a)). SMonad m => Sing t -> Sing (Apply SequenceSym0 t) | |
SFoldable Last | |
Defined in Data.Singletons.Prelude.Foldable Methods sFold :: forall m (t :: Last m). SMonoid m => Sing t -> Sing (Apply FoldSym0 t) sFoldMap :: forall a m (t1 :: a ~> m) (t2 :: Last a). SMonoid m => Sing t1 -> Sing t2 -> Sing (Apply (Apply FoldMapSym0 t1) t2) sFoldr :: forall a b (t1 :: a ~> (b ~> b)) (t2 :: b) (t3 :: Last a). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply FoldrSym0 t1) t2) t3) sFoldr' :: forall a b (t1 :: a ~> (b ~> b)) (t2 :: b) (t3 :: Last a). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply Foldr'Sym0 t1) t2) t3) sFoldl :: forall b a (t1 :: b ~> (a ~> b)) (t2 :: b) (t3 :: Last a). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply FoldlSym0 t1) t2) t3) sFoldl' :: forall b a (t1 :: b ~> (a ~> b)) (t2 :: b) (t3 :: Last a). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply Foldl'Sym0 t1) t2) t3) sFoldr1 :: forall a (t1 :: a ~> (a ~> a)) (t2 :: Last a). Sing t1 -> Sing t2 -> Sing (Apply (Apply Foldr1Sym0 t1) t2) sFoldl1 :: forall a (t1 :: a ~> (a ~> a)) (t2 :: Last a). Sing t1 -> Sing t2 -> Sing (Apply (Apply Foldl1Sym0 t1) t2) sToList :: forall a (t :: Last a). Sing t -> Sing (Apply ToListSym0 t) sNull :: forall a (t :: Last a). Sing t -> Sing (Apply NullSym0 t) sLength :: forall a (t :: Last a). Sing t -> Sing (Apply LengthSym0 t) sElem :: forall a (t1 :: a) (t2 :: Last a). SEq a => Sing t1 -> Sing t2 -> Sing (Apply (Apply ElemSym0 t1) t2) sMaximum :: forall a (t :: Last a). SOrd a => Sing t -> Sing (Apply MaximumSym0 t) sMinimum :: forall a (t :: Last a). SOrd a => Sing t -> Sing (Apply MinimumSym0 t) sSum :: forall a (t :: Last a). SNum a => Sing t -> Sing (Apply SumSym0 t) sProduct :: forall a (t :: Last a). SNum a => Sing t -> Sing (Apply ProductSym0 t) | |
PFoldable Last | |
Defined in Data.Singletons.Prelude.Foldable Associated Types type Fold arg0 :: m0 type FoldMap arg0 arg1 :: m0 type Foldr arg0 arg1 arg2 :: b0 type Foldr' arg0 arg1 arg2 :: b0 type Foldl arg0 arg1 arg2 :: b0 type Foldl' arg0 arg1 arg2 :: b0 type Foldr1 arg0 arg1 :: a0 type Foldl1 arg0 arg1 :: a0 type ToList arg0 :: [a0] type Null arg0 :: Bool type Length arg0 :: Nat type Elem arg0 arg1 :: Bool type Maximum arg0 :: a0 type Minimum arg0 :: a0 type Sum arg0 :: a0 type Product arg0 :: a0 | |
Eq a => Eq (Last a) | Since: base-2.1 |
Data a => Data (Last a) | Since: base-4.8.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Last a -> c (Last a) # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c (Last a) # toConstr :: Last a -> Constr # dataTypeOf :: Last a -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c (Last a)) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c (Last a)) # gmapT :: (forall b. Data b => b -> b) -> Last a -> Last a # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Last a -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Last a -> r # gmapQ :: (forall d. Data d => d -> u) -> Last a -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Last a -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Last a -> m (Last a) # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Last a -> m (Last a) # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Last a -> m (Last a) # | |
Ord a => Ord (Last a) | Since: base-2.1 |
Read a => Read (Last a) | Since: base-2.1 |
Show a => Show (Last a) | Since: base-2.1 |
Generic (Last a) | Since: base-4.7.0.0 |
Semigroup (Last a) | Since: base-4.9.0.0 |
Monoid (Last a) | Since: base-2.1 |
NFData a => NFData (Last a) | Since: deepseq-1.4.0.0 |
Defined in Control.DeepSeq | |
Container (Last a) | |
Defined in Universum.Container.Class Methods toList :: Last a -> [Element (Last a)] # foldr :: (Element (Last a) -> b -> b) -> b -> Last a -> b # foldl :: (b -> Element (Last a) -> b) -> b -> Last a -> b # foldl' :: (b -> Element (Last a) -> b) -> b -> Last a -> b # elem :: Element (Last a) -> Last a -> Bool # maximum :: Last a -> Element (Last a) # minimum :: Last a -> Element (Last a) # foldMap :: Monoid m => (Element (Last a) -> m) -> Last a -> m # fold :: Last a -> Element (Last a) # foldr' :: (Element (Last a) -> b -> b) -> b -> Last a -> b # foldr1 :: (Element (Last a) -> Element (Last a) -> Element (Last a)) -> Last a -> Element (Last a) # foldl1 :: (Element (Last a) -> Element (Last a) -> Element (Last a)) -> Last a -> Element (Last a) # notElem :: Element (Last a) -> Last a -> Bool # all :: (Element (Last a) -> Bool) -> Last a -> Bool # any :: (Element (Last a) -> Bool) -> Last a -> Bool # find :: (Element (Last a) -> Bool) -> Last a -> Maybe (Element (Last a)) # | |
Default (Last a) | |
Defined in Data.Default.Class | |
SMonoid (Last a) | |
PMonoid (Last a) | |
Defined in Data.Singletons.Prelude.Monoid Associated Types type Mempty :: a0 type Mappend arg0 arg1 :: a0 type Mconcat arg0 :: a0 | |
Wrapped (Last a) | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped (Last a) | |
Generic1 Last | Since: base-4.7.0.0 |
t ~ Last b => Rewrapped (Last a) t | |
Defined in Control.Lens.Wrapped | |
IsoHKD Last (a :: Type) | |
SDecide (Maybe a) => TestCoercion (SLast :: Last a -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods testCoercion :: forall (a0 :: k) (b :: k). SLast a0 -> SLast b -> Maybe (Coercion a0 b) # | |
SDecide (Maybe a) => TestEquality (SLast :: Last a -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods testEquality :: forall (a0 :: k) (b :: k). SLast a0 -> SLast b -> Maybe (a0 :~: b) # | |
SingI (LastSym0 :: TyFun (Maybe a) (Last a) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods sing :: Sing LastSym0 | |
SuppressUnusedWarnings (LastSym0 :: TyFun (Maybe a6989586621679087421) (Last a6989586621679087421) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ShowsPrec_6989586621680637815Sym0 :: TyFun Nat (Last a6989586621679087421 ~> (Symbol ~> Symbol)) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Pure_6989586621680640957Sym0 :: TyFun a6989586621679962812 (Last a6989586621679962812) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680641038BSym0 :: TyFun a6989586621679087421 (Last a6989586621679087421) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680641030Sym0 :: TyFun (Last a6989586621680640726) (Last a6989586621680640726 ~> Last a6989586621680640726) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (GetLastSym0 :: TyFun (Last a6989586621679087421) (Maybe a6989586621679087421) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680636507Sym0 :: TyFun (Last a6989586621679087421) (Last a6989586621679087421 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680640991Sym0 :: TyFun a6989586621679962809 (Last b6989586621679962810 ~> Last a6989586621679962809) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680641030Sym1 a6989586621680641028 :: TyFun (Last a6989586621680640726) (Last a6989586621680640726) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680641003Sym0 :: TyFun (Last a6989586621679962836) ((a6989586621679962836 ~> Last b6989586621679962837) ~> Last b6989586621679962837) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ShowsPrec_6989586621680637815Sym1 a6989586621680637812 a6989586621679087421 :: TyFun (Last a6989586621679087421) (Symbol ~> Symbol) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680636507Sym1 a6989586621680636505 :: TyFun (Last a6989586621679087421) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680640967Sym0 :: TyFun (Last (a6989586621679962813 ~> b6989586621679962814)) (Last a6989586621679962813 ~> Last b6989586621679962814) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Foldr_6989586621680824204Sym0 :: TyFun (a6989586621680742389 ~> (b6989586621680742390 ~> b6989586621680742390)) (b6989586621680742390 ~> (Last a6989586621680742389 ~> b6989586621680742390)) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FoldMap_6989586621680824191Sym0 :: TyFun (a6989586621680742388 ~> m6989586621680742387) (Last a6989586621680742388 ~> m6989586621680742387) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Fmap_6989586621680640979Sym0 :: TyFun (a6989586621679962807 ~> b6989586621679962808) (Last a6989586621679962807 ~> Last b6989586621679962808) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Foldr_6989586621680824204Sym1 a6989586621680824201 :: TyFun b6989586621680742390 (Last a6989586621680742389 ~> b6989586621680742390) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Lambda_6989586621680641011Sym0 :: TyFun k (TyFun (k1 ~> Last a) (TyFun k1 (Maybe a) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (FoldMap_6989586621680824191Sym1 a6989586621680824189 :: TyFun (Last a6989586621680742388) m6989586621680742387 -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680640991Sym1 a6989586621680640989 b6989586621679962810 :: TyFun (Last b6989586621679962810) (Last a6989586621679962809) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680640967Sym1 a6989586621680640965 :: TyFun (Last a6989586621679962813) (Last b6989586621679962814) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Fmap_6989586621680640979Sym1 a6989586621680640977 :: TyFun (Last a6989586621679962807) (Last b6989586621679962808) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Traverse_6989586621680995189Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Last a6989586621680988968 ~> f6989586621680988967 (Last b6989586621680988969)) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680641003Sym1 a6989586621680641001 b6989586621679962837 :: TyFun (a6989586621679962836 ~> Last b6989586621679962837) (Last b6989586621679962837) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Traverse_6989586621680995189Sym1 a6989586621680995187 :: TyFun (Last a6989586621680988968) (f6989586621680988967 (Last b6989586621680988969)) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Foldr_6989586621680824204Sym2 a6989586621680824202 a6989586621680824201 :: TyFun (Last a6989586621680742389) b6989586621680742390 -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Lambda_6989586621680641011Sym1 a6989586621680641009 :: TyFun (k1 ~> Last a) (TyFun k1 (Maybe a) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monoid Methods suppressUnusedWarnings :: () | |
type Return (arg0 :: a0) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Pure (a :: k1) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Fold (arg0 :: Last m0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Length (arg0 :: Last a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Maximum (arg0 :: Last a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Minimum (arg0 :: Last a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Null (arg0 :: Last a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Product (arg0 :: Last a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Sum (arg0 :: Last a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type ToList (arg0 :: Last a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Sequence (arg0 :: Last (m0 a0)) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Elem (arg1 :: a0) (arg2 :: Last a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldl1 (arg1 :: a0 ~> (a0 ~> a0)) (arg2 :: Last a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldr1 (arg1 :: a0 ~> (a0 ~> a0)) (arg2 :: Last a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type SequenceA (arg0 :: Last (f0 a0)) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Fmap (a1 :: a6989586621679962807 ~> b6989586621679962808) (a2 :: Last a6989586621679962807) | |
Defined in Data.Singletons.Prelude.Monoid | |
type (arg1 :: Last a0) >> (arg2 :: Last b0) | |
type (a1 :: Last a6989586621679962836) >>= (a2 :: a6989586621679962836 ~> Last b6989586621679962837) | |
Defined in Data.Singletons.Prelude.Monoid | |
type (arg1 :: Last a0) *> (arg2 :: Last b0) | |
type (arg1 :: Last a0) <* (arg2 :: Last b0) | |
type (a1 :: Last (a6989586621679962813 ~> b6989586621679962814)) <*> (a2 :: Last a6989586621679962813) | |
Defined in Data.Singletons.Prelude.Monoid | |
type (a1 :: k1) <$ (a2 :: Last b6989586621679962810) | |
Defined in Data.Singletons.Prelude.Monoid | |
type FoldMap (a1 :: a6989586621680742388 ~> k2) (a2 :: Last a6989586621680742388) | |
Defined in Data.Singletons.Prelude.Foldable | |
type MapM (arg1 :: a0 ~> m0 b0) (arg2 :: Last a0) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Foldr (a1 :: a6989586621680742389 ~> (k2 ~> k2)) (a2 :: k2) (a3 :: Last a6989586621680742389) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldl (arg1 :: b0 ~> (a0 ~> b0)) (arg2 :: b0) (arg3 :: Last a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Traverse (a1 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (a2 :: Last a6989586621680988968) | |
Defined in Data.Singletons.Prelude.Traversable type Traverse (a1 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (a2 :: Last a6989586621680988968) = Apply (Apply (Traverse_6989586621680995189Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Last a6989586621680988968 ~> f6989586621680988967 (Last b6989586621680988969)) -> Type) a1) a2 | |
type Foldl' (arg1 :: b0 ~> (a0 ~> b0)) (arg2 :: b0) (arg3 :: Last a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldr' (arg1 :: a0 ~> (b0 ~> b0)) (arg2 :: b0) (arg3 :: Last a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type LiftA2 (arg1 :: a0 ~> (b0 ~> c0)) (arg2 :: Last a0) (arg3 :: Last b0) | |
type Apply (Pure_6989586621680640957Sym0 :: TyFun a (Last a) -> Type) (a6989586621680640956 :: a) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (Let6989586621680641038BSym0 :: TyFun a6989586621679087421 (Last a6989586621679087421) -> Type) (wild_69895866216806407426989586621680641037 :: a6989586621679087421) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (ShowsPrec_6989586621680637815Sym0 :: TyFun Nat (Last a6989586621679087421 ~> (Symbol ~> Symbol)) -> Type) (a6989586621680637812 :: Nat) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (TFHelper_6989586621680640991Sym0 :: TyFun a6989586621679962809 (Last b6989586621679962810 ~> Last a6989586621679962809) -> Type) (a6989586621680640989 :: a6989586621679962809) | |
Defined in Data.Singletons.Prelude.Monoid type Apply (TFHelper_6989586621680640991Sym0 :: TyFun a6989586621679962809 (Last b6989586621679962810 ~> Last a6989586621679962809) -> Type) (a6989586621680640989 :: a6989586621679962809) = TFHelper_6989586621680640991Sym1 a6989586621680640989 b6989586621679962810 :: TyFun (Last b6989586621679962810) (Last a6989586621679962809) -> Type | |
type Apply (Foldr_6989586621680824204Sym1 a6989586621680824201 :: TyFun b6989586621680742390 (Last a6989586621680742389 ~> b6989586621680742390) -> Type) (a6989586621680824202 :: b6989586621680742390) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Lambda_6989586621680641011Sym0 :: TyFun k (TyFun (k1 ~> Last a) (TyFun k1 (Maybe a) -> Type) -> Type) -> Type) (a6989586621680641009 :: k) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Rep (Last a) | |
Defined in Data.Monoid | |
type Element (Last a) | |
Defined in Universum.Container.Class | |
type Sing | |
Defined in Data.Singletons.Prelude.Monoid | |
type Mempty | |
Defined in Data.Singletons.Prelude.Monoid type Mempty = Mempty_6989586621680641042Sym0 :: Last a | |
type Demote (Last a) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Unwrapped (Last a) | |
Defined in Control.Lens.Wrapped | |
type Rep1 Last | |
Defined in Data.Monoid | |
type Sconcat (arg0 :: NonEmpty (Last a)) | |
type Mconcat (arg0 :: [Last a]) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Show_ (arg0 :: Last a) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Mappend (arg1 :: Last a) (arg2 :: Last a) | |
type (x :: Last a) /= (y :: Last a) | |
Defined in Data.Singletons.Prelude.Monoid | |
type (a2 :: Last a1) == (b :: Last a1) | |
Defined in Data.Singletons.Prelude.Monoid | |
type (a2 :: Last a1) <> (a3 :: Last a1) | |
type Max (arg1 :: Last a) (arg2 :: Last a) | |
type Min (arg1 :: Last a) (arg2 :: Last a) | |
type Compare (a2 :: Last a1) (a3 :: Last a1) | |
type (arg1 :: Last a) <= (arg2 :: Last a) | |
type (arg1 :: Last a) < (arg2 :: Last a) | |
type (arg1 :: Last a) >= (arg2 :: Last a) | |
type (arg1 :: Last a) > (arg2 :: Last a) | |
type ShowList (arg1 :: [Last a]) arg2 | |
type HKD Last (a :: Type) | |
Defined in Data.Vinyl.XRec | |
type ShowsPrec a2 (a3 :: Last a1) a4 | |
type Apply (Compare_6989586621680636507Sym1 a6989586621680636505 :: TyFun (Last a) Ordering -> Type) (a6989586621680636506 :: Last a) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (FoldMap_6989586621680824191Sym1 a6989586621680824189 :: TyFun (Last a) m -> Type) (a6989586621680824190 :: Last a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Foldr_6989586621680824204Sym2 a6989586621680824202 a6989586621680824201 :: TyFun (Last a) b -> Type) (a6989586621680824203 :: Last a) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (LastSym0 :: TyFun (Maybe a) (Last a) -> Type) (t6989586621680634764 :: Maybe a) | |
type Apply (GetLastSym0 :: TyFun (Last a) (Maybe a) -> Type) (a6989586621680634761 :: Last a) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (TFHelper_6989586621680641030Sym1 a6989586621680641028 :: TyFun (Last a) (Last a) -> Type) (a6989586621680641029 :: Last a) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (TFHelper_6989586621680640967Sym1 a6989586621680640965 :: TyFun (Last a) (Last b) -> Type) (a6989586621680640966 :: Last a) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (Fmap_6989586621680640979Sym1 a6989586621680640977 :: TyFun (Last a) (Last b) -> Type) (a6989586621680640978 :: Last a) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (TFHelper_6989586621680640991Sym1 a6989586621680640989 b :: TyFun (Last b) (Last a) -> Type) (a6989586621680640990 :: Last b) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (Traverse_6989586621680995189Sym1 a6989586621680995187 :: TyFun (Last a) (f (Last b)) -> Type) (a6989586621680995188 :: Last a) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Apply (Compare_6989586621680636507Sym0 :: TyFun (Last a6989586621679087421) (Last a6989586621679087421 ~> Ordering) -> Type) (a6989586621680636505 :: Last a6989586621679087421) | |
type Apply (TFHelper_6989586621680641030Sym0 :: TyFun (Last a6989586621680640726) (Last a6989586621680640726 ~> Last a6989586621680640726) -> Type) (a6989586621680641028 :: Last a6989586621680640726) | |
type Apply (ShowsPrec_6989586621680637815Sym1 a6989586621680637812 a6989586621679087421 :: TyFun (Last a6989586621679087421) (Symbol ~> Symbol) -> Type) (a6989586621680637813 :: Last a6989586621679087421) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (TFHelper_6989586621680641003Sym0 :: TyFun (Last a6989586621679962836) ((a6989586621679962836 ~> Last b6989586621679962837) ~> Last b6989586621679962837) -> Type) (a6989586621680641001 :: Last a6989586621679962836) | |
Defined in Data.Singletons.Prelude.Monoid type Apply (TFHelper_6989586621680641003Sym0 :: TyFun (Last a6989586621679962836) ((a6989586621679962836 ~> Last b6989586621679962837) ~> Last b6989586621679962837) -> Type) (a6989586621680641001 :: Last a6989586621679962836) = TFHelper_6989586621680641003Sym1 a6989586621680641001 b6989586621679962837 :: TyFun (a6989586621679962836 ~> Last b6989586621679962837) (Last b6989586621679962837) -> Type | |
type Apply (TFHelper_6989586621680640967Sym0 :: TyFun (Last (a6989586621679962813 ~> b6989586621679962814)) (Last a6989586621679962813 ~> Last b6989586621679962814) -> Type) (a6989586621680640965 :: Last (a6989586621679962813 ~> b6989586621679962814)) | |
Defined in Data.Singletons.Prelude.Monoid type Apply (TFHelper_6989586621680640967Sym0 :: TyFun (Last (a6989586621679962813 ~> b6989586621679962814)) (Last a6989586621679962813 ~> Last b6989586621679962814) -> Type) (a6989586621680640965 :: Last (a6989586621679962813 ~> b6989586621679962814)) = TFHelper_6989586621680640967Sym1 a6989586621680640965 | |
type Apply (TFHelper_6989586621680641003Sym1 a6989586621680641001 b :: TyFun (a ~> Last b) (Last b) -> Type) (a6989586621680641002 :: a ~> Last b) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (FoldMap_6989586621680824191Sym0 :: TyFun (a6989586621680742388 ~> m6989586621680742387) (Last a6989586621680742388 ~> m6989586621680742387) -> Type) (a6989586621680824189 :: a6989586621680742388 ~> m6989586621680742387) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Foldr_6989586621680824204Sym0 :: TyFun (a6989586621680742389 ~> (b6989586621680742390 ~> b6989586621680742390)) (b6989586621680742390 ~> (Last a6989586621680742389 ~> b6989586621680742390)) -> Type) (a6989586621680824201 :: a6989586621680742389 ~> (b6989586621680742390 ~> b6989586621680742390)) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Foldr_6989586621680824204Sym0 :: TyFun (a6989586621680742389 ~> (b6989586621680742390 ~> b6989586621680742390)) (b6989586621680742390 ~> (Last a6989586621680742389 ~> b6989586621680742390)) -> Type) (a6989586621680824201 :: a6989586621680742389 ~> (b6989586621680742390 ~> b6989586621680742390)) = Foldr_6989586621680824204Sym1 a6989586621680824201 | |
type Apply (Fmap_6989586621680640979Sym0 :: TyFun (a6989586621679962807 ~> b6989586621679962808) (Last a6989586621679962807 ~> Last b6989586621679962808) -> Type) (a6989586621680640977 :: a6989586621679962807 ~> b6989586621679962808) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Apply (Traverse_6989586621680995189Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Last a6989586621680988968 ~> f6989586621680988967 (Last b6989586621680988969)) -> Type) (a6989586621680995187 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) | |
Defined in Data.Singletons.Prelude.Traversable type Apply (Traverse_6989586621680995189Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Last a6989586621680988968 ~> f6989586621680988967 (Last b6989586621680988969)) -> Type) (a6989586621680995187 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) = Traverse_6989586621680995189Sym1 a6989586621680995187 | |
type Apply (Lambda_6989586621680641011Sym1 a6989586621680641009 :: TyFun (k1 ~> Last a) (TyFun k1 (Maybe a) -> Type) -> Type) (k6989586621680641010 :: k1 ~> Last a) | |
stimesMonoid :: (Integral b, Monoid a) => b -> a -> a #
stimesIdempotent :: Integral b => b -> a -> a #
The dual of a Monoid
, obtained by swapping the arguments of mappend
.
>>>
getDual (mappend (Dual "Hello") (Dual "World"))
"WorldHello"
Instances
Monad Dual | Since: base-4.8.0.0 |
Functor Dual | Since: base-4.8.0.0 |
Applicative Dual | Since: base-4.8.0.0 |
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 # 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 # | |
Traversable Dual | Since: base-4.8.0.0 |
NFData1 Dual | Since: deepseq-1.4.3.0 |
Defined in Control.DeepSeq | |
PTraversable Dual | |
Defined in Data.Singletons.Prelude.Traversable Associated Types type Traverse arg0 arg1 :: f0 (t0 b0) type SequenceA arg0 :: f0 (t0 a0) type MapM arg0 arg1 :: m0 (t0 b0) type Sequence arg0 :: m0 (t0 a0) | |
STraversable Dual | |
Defined in Data.Singletons.Prelude.Traversable Methods sTraverse :: forall a (f :: Type -> Type) b (t1 :: a ~> f b) (t2 :: Dual a). SApplicative f => Sing t1 -> Sing t2 -> Sing (Apply (Apply TraverseSym0 t1) t2) sSequenceA :: forall (f :: Type -> Type) a (t :: Dual (f a)). SApplicative f => Sing t -> Sing (Apply SequenceASym0 t) sMapM :: forall a (m :: Type -> Type) b (t1 :: a ~> m b) (t2 :: Dual a). SMonad m => Sing t1 -> Sing t2 -> Sing (Apply (Apply MapMSym0 t1) t2) sSequence :: forall (m :: Type -> Type) a (t :: Dual (m a)). SMonad m => Sing t -> Sing (Apply SequenceSym0 t) | |
SFoldable Dual | |
Defined in Data.Singletons.Prelude.Foldable Methods sFold :: forall m (t :: Dual m). SMonoid m => Sing t -> Sing (Apply FoldSym0 t) sFoldMap :: forall a m (t1 :: a ~> m) (t2 :: Dual a). SMonoid m => Sing t1 -> Sing t2 -> Sing (Apply (Apply FoldMapSym0 t1) t2) sFoldr :: forall a b (t1 :: a ~> (b ~> b)) (t2 :: b) (t3 :: Dual a). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply FoldrSym0 t1) t2) t3) sFoldr' :: forall a b (t1 :: a ~> (b ~> b)) (t2 :: b) (t3 :: Dual a). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply Foldr'Sym0 t1) t2) t3) sFoldl :: forall b a (t1 :: b ~> (a ~> b)) (t2 :: b) (t3 :: Dual a). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply FoldlSym0 t1) t2) t3) sFoldl' :: forall b a (t1 :: b ~> (a ~> b)) (t2 :: b) (t3 :: Dual a). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply Foldl'Sym0 t1) t2) t3) sFoldr1 :: forall a (t1 :: a ~> (a ~> a)) (t2 :: Dual a). Sing t1 -> Sing t2 -> Sing (Apply (Apply Foldr1Sym0 t1) t2) sFoldl1 :: forall a (t1 :: a ~> (a ~> a)) (t2 :: Dual a). Sing t1 -> Sing t2 -> Sing (Apply (Apply Foldl1Sym0 t1) t2) sToList :: forall a (t :: Dual a). Sing t -> Sing (Apply ToListSym0 t) sNull :: forall a (t :: Dual a). Sing t -> Sing (Apply NullSym0 t) sLength :: forall a (t :: Dual a). Sing t -> Sing (Apply LengthSym0 t) sElem :: forall a (t1 :: a) (t2 :: Dual a). SEq a => Sing t1 -> Sing t2 -> Sing (Apply (Apply ElemSym0 t1) t2) sMaximum :: forall a (t :: Dual a). SOrd a => Sing t -> Sing (Apply MaximumSym0 t) sMinimum :: forall a (t :: Dual a). SOrd a => Sing t -> Sing (Apply MinimumSym0 t) sSum :: forall a (t :: Dual a). SNum a => Sing t -> Sing (Apply SumSym0 t) sProduct :: forall a (t :: Dual a). SNum a => Sing t -> Sing (Apply ProductSym0 t) | |
PFoldable Dual | |
Defined in Data.Singletons.Prelude.Foldable Associated Types type Fold arg0 :: m0 type FoldMap arg0 arg1 :: m0 type Foldr arg0 arg1 arg2 :: b0 type Foldr' arg0 arg1 arg2 :: b0 type Foldl arg0 arg1 arg2 :: b0 type Foldl' arg0 arg1 arg2 :: b0 type Foldr1 arg0 arg1 :: a0 type Foldl1 arg0 arg1 :: a0 type ToList arg0 :: [a0] type Null arg0 :: Bool type Length arg0 :: Nat type Elem arg0 arg1 :: Bool type Maximum arg0 :: a0 type Minimum arg0 :: a0 type Sum arg0 :: a0 type Product arg0 :: a0 | |
Representable Dual | |
Unbox a => Vector Vector (Dual a) | |
Defined in Data.Vector.Unboxed.Base Methods basicUnsafeFreeze :: PrimMonad m => Mutable Vector (PrimState m) (Dual a) -> m (Vector (Dual a)) basicUnsafeThaw :: PrimMonad m => Vector (Dual a) -> m (Mutable Vector (PrimState m) (Dual a)) basicLength :: Vector (Dual a) -> Int basicUnsafeSlice :: Int -> Int -> Vector (Dual a) -> Vector (Dual a) basicUnsafeIndexM :: Monad m => Vector (Dual a) -> Int -> m (Dual a) basicUnsafeCopy :: PrimMonad m => Mutable Vector (PrimState m) (Dual a) -> Vector (Dual a) -> m () | |
Unbox a => MVector MVector (Dual a) | |
Defined in Data.Vector.Unboxed.Base Methods basicLength :: MVector s (Dual a) -> Int basicUnsafeSlice :: Int -> Int -> MVector s (Dual a) -> MVector s (Dual a) basicOverlaps :: MVector s (Dual a) -> MVector s (Dual a) -> Bool basicUnsafeNew :: PrimMonad m => Int -> m (MVector (PrimState m) (Dual a)) basicInitialize :: PrimMonad m => MVector (PrimState m) (Dual a) -> m () basicUnsafeReplicate :: PrimMonad m => Int -> Dual a -> m (MVector (PrimState m) (Dual a)) basicUnsafeRead :: PrimMonad m => MVector (PrimState m) (Dual a) -> Int -> m (Dual a) basicUnsafeWrite :: PrimMonad m => MVector (PrimState m) (Dual a) -> Int -> Dual a -> m () basicClear :: PrimMonad m => MVector (PrimState m) (Dual a) -> m () basicSet :: PrimMonad m => MVector (PrimState m) (Dual a) -> Dual a -> m () basicUnsafeCopy :: PrimMonad m => MVector (PrimState m) (Dual a) -> MVector (PrimState m) (Dual a) -> m () basicUnsafeMove :: PrimMonad m => MVector (PrimState m) (Dual a) -> MVector (PrimState m) (Dual a) -> m () basicUnsafeGrow :: PrimMonad m => MVector (PrimState m) (Dual a) -> Int -> m (MVector (PrimState m) (Dual a)) | |
Bounded a => Bounded (Dual a) | Since: base-2.1 |
Eq a => Eq (Dual a) | Since: base-2.1 |
Data a => Data (Dual a) | Since: base-4.8.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Dual a -> c (Dual a) # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c (Dual a) # toConstr :: Dual a -> Constr # dataTypeOf :: Dual a -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c (Dual a)) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c (Dual a)) # gmapT :: (forall b. Data b => b -> b) -> Dual a -> Dual a # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Dual a -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Dual a -> r # gmapQ :: (forall d. Data d => d -> u) -> Dual a -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Dual a -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Dual a -> m (Dual a) # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Dual a -> m (Dual a) # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Dual a -> m (Dual a) # | |
Ord a => Ord (Dual a) | Since: base-2.1 |
Read a => Read (Dual a) | Since: base-2.1 |
Show a => Show (Dual a) | Since: base-2.1 |
Generic (Dual a) | Since: base-4.7.0.0 |
Semigroup a => Semigroup (Dual a) | Since: base-4.9.0.0 |
Monoid a => Monoid (Dual a) | Since: base-2.1 |
NFData a => NFData (Dual a) | Since: deepseq-1.4.0.0 |
Defined in Control.DeepSeq | |
Container (Dual a) | |
Defined in Universum.Container.Class Methods toList :: Dual a -> [Element (Dual a)] # foldr :: (Element (Dual a) -> b -> b) -> b -> Dual a -> b # foldl :: (b -> Element (Dual a) -> b) -> b -> Dual a -> b # foldl' :: (b -> Element (Dual a) -> b) -> b -> Dual a -> b # elem :: Element (Dual a) -> Dual a -> Bool # maximum :: Dual a -> Element (Dual a) # minimum :: Dual a -> Element (Dual a) # foldMap :: Monoid m => (Element (Dual a) -> m) -> Dual a -> m # fold :: Dual a -> Element (Dual a) # foldr' :: (Element (Dual a) -> b -> b) -> b -> Dual a -> b # foldr1 :: (Element (Dual a) -> Element (Dual a) -> Element (Dual a)) -> Dual a -> Element (Dual a) # foldl1 :: (Element (Dual a) -> Element (Dual a) -> Element (Dual a)) -> Dual a -> Element (Dual a) # notElem :: Element (Dual a) -> Dual a -> Bool # all :: (Element (Dual a) -> Bool) -> Dual a -> Bool # any :: (Element (Dual a) -> Bool) -> Dual a -> Bool # find :: (Element (Dual a) -> Bool) -> Dual a -> Maybe (Element (Dual a)) # | |
Unbox a => Unbox (Dual a) | |
Defined in Data.Vector.Unboxed.Base | |
Default a => Default (Dual a) | |
Defined in Data.Default.Class | |
SMonoid a => SMonoid (Dual a) | |
SSemigroup a => SSemigroup (Dual a) | |
PSemigroup (Dual a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Associated Types type arg0 <> arg1 :: a0 type Sconcat arg0 :: a0 | |
PMonoid (Dual a) | |
Defined in Data.Singletons.Prelude.Monoid Associated Types type Mempty :: a0 type Mappend arg0 arg1 :: a0 type Mconcat arg0 :: a0 | |
Wrapped (Dual a) | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped (Dual a) | |
Generic1 Dual | Since: base-4.7.0.0 |
t ~ Dual b => Rewrapped (Dual a) t | |
Defined in Control.Lens.Wrapped | |
SDecide a => TestCoercion (SDual :: Dual a -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods testCoercion :: forall (a0 :: k) (b :: k). SDual a0 -> SDual b -> Maybe (Coercion a0 b) # | |
SDecide a => TestEquality (SDual :: Dual a -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods testEquality :: forall (a0 :: k) (b :: k). SDual a0 -> SDual b -> Maybe (a0 :~: b) # | |
SingI (DualSym0 :: TyFun a (Dual a) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods sing :: Sing DualSym0 | |
SuppressUnusedWarnings (ShowsPrec_6989586621681091225Sym0 :: TyFun Nat (Dual a6989586621679087487 ~> (Symbol ~> Symbol)) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Pure_6989586621680215015Sym0 :: TyFun a6989586621679962812 (Dual a6989586621679962812) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (DualSym0 :: TyFun a6989586621679087487 (Dual a6989586621679087487) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215080Sym0 :: TyFun (Dual a6989586621680214885) (Dual a6989586621680214885 ~> Dual a6989586621680214885) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (GetDualSym0 :: TyFun (Dual a6989586621679087487) a6989586621679087487 -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206608Sym0 :: TyFun (Dual a6989586621679087487) (Dual a6989586621679087487 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215049Sym0 :: TyFun a6989586621679962809 (Dual b6989586621679962810 ~> Dual a6989586621679962809) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215080Sym1 a6989586621680215078 :: TyFun (Dual a6989586621680214885) (Dual a6989586621680214885) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215068Sym0 :: TyFun (Dual a6989586621679962836) ((a6989586621679962836 ~> Dual b6989586621679962837) ~> Dual b6989586621679962837) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206608Sym1 a6989586621680206606 :: TyFun (Dual a6989586621679087487) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ShowsPrec_6989586621681091225Sym1 a6989586621681091222 a6989586621679087487 :: TyFun (Dual a6989586621679087487) (Symbol ~> Symbol) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215025Sym0 :: TyFun (Dual (a6989586621679962813 ~> b6989586621679962814)) (Dual a6989586621679962813 ~> Dual b6989586621679962814) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Fmap_6989586621680215037Sym0 :: TyFun (a6989586621679962807 ~> b6989586621679962808) (Dual a6989586621679962807 ~> Dual b6989586621679962808) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215049Sym1 a6989586621680215047 b6989586621679962810 :: TyFun (Dual b6989586621679962810) (Dual a6989586621679962809) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215025Sym1 a6989586621680215023 :: TyFun (Dual a6989586621679962813) (Dual b6989586621679962814) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Fmap_6989586621680215037Sym1 a6989586621680215035 :: TyFun (Dual a6989586621679962807) (Dual b6989586621679962808) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Traverse_6989586621680995141Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Dual a6989586621680988968 ~> f6989586621680988967 (Dual b6989586621680988969)) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215068Sym1 a6989586621680215066 b6989586621679962837 :: TyFun (a6989586621679962836 ~> Dual b6989586621679962837) (Dual b6989586621679962837) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Traverse_6989586621680995141Sym1 a6989586621680995139 :: TyFun (Dual a6989586621680988968) (f6989586621680988967 (Dual b6989586621680988969)) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680743152Scrutinee_6989586621680742600Sym0 :: TyFun (a ~> (a6989586621680742388 ~> a)) (TyFun k (TyFun (t6989586621680742385 a6989586621680742388) (Dual (Endo a)) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680743152Scrutinee_6989586621680742600Sym1 f6989586621680743149 :: TyFun k (TyFun (t6989586621680742385 a6989586621680742388) (Dual (Endo a)) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680743152Scrutinee_6989586621680742600Sym2 z6989586621680743150 f6989586621680743149 :: TyFun (t6989586621680742385 a6989586621680742388) (Dual (Endo a)) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
type Rep Dual | |
Defined in Data.Functor.Rep type Rep Dual = () | |
type Return (arg0 :: a0) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Pure (a :: k1) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Fold (arg0 :: Dual m0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Length (a :: Dual a6989586621680742401) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Maximum (a :: Dual k2) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Minimum (a :: Dual k2) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Null (a :: Dual a6989586621680742400) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Product (a :: Dual k2) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Sum (a :: Dual k2) | |
Defined in Data.Singletons.Prelude.Foldable | |
type ToList (a :: Dual a6989586621680742399) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Sequence (arg0 :: Dual (m0 a0)) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Elem (a1 :: k1) (a2 :: Dual k1) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldl1 (a1 :: k2 ~> (k2 ~> k2)) (a2 :: Dual k2) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldr1 (a1 :: k2 ~> (k2 ~> k2)) (a2 :: Dual k2) | |
Defined in Data.Singletons.Prelude.Foldable | |
type SequenceA (arg0 :: Dual (f0 a0)) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Fmap (a1 :: a6989586621679962807 ~> b6989586621679962808) (a2 :: Dual a6989586621679962807) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type (arg1 :: Dual a0) >> (arg2 :: Dual b0) | |
type (a1 :: Dual a6989586621679962836) >>= (a2 :: a6989586621679962836 ~> Dual b6989586621679962837) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type (arg1 :: Dual a0) *> (arg2 :: Dual b0) | |
type (arg1 :: Dual a0) <* (arg2 :: Dual b0) | |
type (a1 :: Dual (a6989586621679962813 ~> b6989586621679962814)) <*> (a2 :: Dual a6989586621679962813) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type (a1 :: k1) <$ (a2 :: Dual b6989586621679962810) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type FoldMap (a1 :: a6989586621680742388 ~> k2) (a2 :: Dual a6989586621680742388) | |
Defined in Data.Singletons.Prelude.Foldable | |
type MapM (arg1 :: a0 ~> m0 b0) (arg2 :: Dual a0) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Foldr (a1 :: a6989586621680742389 ~> (k2 ~> k2)) (a2 :: k2) (a3 :: Dual a6989586621680742389) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldl (a1 :: k2 ~> (a6989586621680742394 ~> k2)) (a2 :: k2) (a3 :: Dual a6989586621680742394) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Traverse (a1 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (a2 :: Dual a6989586621680988968) | |
Defined in Data.Singletons.Prelude.Traversable type Traverse (a1 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (a2 :: Dual a6989586621680988968) = Apply (Apply (Traverse_6989586621680995141Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Dual a6989586621680988968 ~> f6989586621680988967 (Dual b6989586621680988969)) -> Type) a1) a2 | |
type Foldl' (a1 :: k2 ~> (a6989586621680742396 ~> k2)) (a2 :: k2) (a3 :: Dual a6989586621680742396) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldr' (a1 :: a6989586621680742391 ~> (k2 ~> k2)) (a2 :: k2) (a3 :: Dual a6989586621680742391) | |
Defined in Data.Singletons.Prelude.Foldable | |
type LiftA2 (arg1 :: a0 ~> (b0 ~> c0)) (arg2 :: Dual a0) (arg3 :: Dual b0) | |
newtype MVector s (Dual a) | |
Defined in Data.Vector.Unboxed.Base | |
type Apply (DualSym0 :: TyFun a (Dual a) -> Type) (t6989586621680197038 :: a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Pure_6989586621680215015Sym0 :: TyFun a (Dual a) -> Type) (a6989586621680215014 :: a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (ShowsPrec_6989586621681091225Sym0 :: TyFun Nat (Dual a6989586621679087487 ~> (Symbol ~> Symbol)) -> Type) (a6989586621681091222 :: Nat) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (TFHelper_6989586621680215049Sym0 :: TyFun a6989586621679962809 (Dual b6989586621679962810 ~> Dual a6989586621679962809) -> Type) (a6989586621680215047 :: a6989586621679962809) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply (TFHelper_6989586621680215049Sym0 :: TyFun a6989586621679962809 (Dual b6989586621679962810 ~> Dual a6989586621679962809) -> Type) (a6989586621680215047 :: a6989586621679962809) = TFHelper_6989586621680215049Sym1 a6989586621680215047 b6989586621679962810 :: TyFun (Dual b6989586621679962810) (Dual a6989586621679962809) -> Type | |
type Apply (Let6989586621680743152Scrutinee_6989586621680742600Sym1 f6989586621680743149 :: TyFun k (TyFun (t6989586621680742385 a6989586621680742388) (Dual (Endo a)) -> Type) -> Type) (z6989586621680743150 :: k) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Let6989586621680743152Scrutinee_6989586621680742600Sym1 f6989586621680743149 :: TyFun k (TyFun (t6989586621680742385 a6989586621680742388) (Dual (Endo a)) -> Type) -> Type) (z6989586621680743150 :: k) = Let6989586621680743152Scrutinee_6989586621680742600Sym2 f6989586621680743149 z6989586621680743150 :: TyFun (t6989586621680742385 a6989586621680742388) (Dual (Endo a)) -> Type | |
type Rep (Dual a) | |
Defined in Data.Semigroup.Internal | |
type Element (Dual a) | |
Defined in Universum.Container.Class | |
newtype Vector (Dual a) | |
Defined in Data.Vector.Unboxed.Base | |
type Sing | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Mempty | |
Defined in Data.Singletons.Prelude.Monoid type Mempty = Mempty_6989586621680640856Sym0 :: Dual a | |
type Demote (Dual a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type MaxBound | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type MaxBound = MaxBound_6989586621680201866Sym0 :: Dual a | |
type MinBound | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type MinBound = MinBound_6989586621680201864Sym0 :: Dual a | |
type Unwrapped (Dual a) | |
Defined in Control.Lens.Wrapped type Unwrapped (Dual a) = a | |
type Rep1 Dual | |
Defined in Data.Semigroup.Internal | |
type Sconcat (arg0 :: NonEmpty (Dual a)) | |
type Mconcat (arg0 :: [Dual a]) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Show_ (arg0 :: Dual a) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Mappend (arg1 :: Dual a) (arg2 :: Dual a) | |
type (x :: Dual a) /= (y :: Dual a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type (a2 :: Dual a1) == (b :: Dual a1) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type (a2 :: Dual a1) <> (a3 :: Dual a1) | |
type Max (arg1 :: Dual a) (arg2 :: Dual a) | |
type Min (arg1 :: Dual a) (arg2 :: Dual a) | |
type Compare (a2 :: Dual a1) (a3 :: Dual a1) | |
type (arg1 :: Dual a) <= (arg2 :: Dual a) | |
type (arg1 :: Dual a) < (arg2 :: Dual a) | |
type (arg1 :: Dual a) >= (arg2 :: Dual a) | |
type (arg1 :: Dual a) > (arg2 :: Dual a) | |
type ShowList (arg1 :: [Dual a]) arg2 | |
type ShowsPrec a2 (a3 :: Dual a1) a4 | |
type Apply (GetDualSym0 :: TyFun (Dual a) a -> Type) (a6989586621680197035 :: Dual a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Compare_6989586621680206608Sym1 a6989586621680206606 :: TyFun (Dual a) Ordering -> Type) (a6989586621680206607 :: Dual a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (TFHelper_6989586621680215080Sym1 a6989586621680215078 :: TyFun (Dual a) (Dual a) -> Type) (a6989586621680215079 :: Dual a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (TFHelper_6989586621680215025Sym1 a6989586621680215023 :: TyFun (Dual a) (Dual b) -> Type) (a6989586621680215024 :: Dual a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Fmap_6989586621680215037Sym1 a6989586621680215035 :: TyFun (Dual a) (Dual b) -> Type) (a6989586621680215036 :: Dual a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (TFHelper_6989586621680215049Sym1 a6989586621680215047 b :: TyFun (Dual b) (Dual a) -> Type) (a6989586621680215048 :: Dual b) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Traverse_6989586621680995141Sym1 a6989586621680995139 :: TyFun (Dual a) (f (Dual b)) -> Type) (a6989586621680995140 :: Dual a) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Apply (Let6989586621680743152Scrutinee_6989586621680742600Sym2 z6989586621680743150 f6989586621680743149 :: TyFun (t6989586621680742385 a6989586621680742388) (Dual (Endo a)) -> Type) (t6989586621680743151 :: t6989586621680742385 a6989586621680742388) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Let6989586621680743152Scrutinee_6989586621680742600Sym2 z6989586621680743150 f6989586621680743149 :: TyFun (t6989586621680742385 a6989586621680742388) (Dual (Endo a)) -> Type) (t6989586621680743151 :: t6989586621680742385 a6989586621680742388) = Let6989586621680743152Scrutinee_6989586621680742600 z6989586621680743150 f6989586621680743149 t6989586621680743151 | |
type Apply (Compare_6989586621680206608Sym0 :: TyFun (Dual a6989586621679087487) (Dual a6989586621679087487 ~> Ordering) -> Type) (a6989586621680206606 :: Dual a6989586621679087487) | |
type Apply (TFHelper_6989586621680215080Sym0 :: TyFun (Dual a6989586621680214885) (Dual a6989586621680214885 ~> Dual a6989586621680214885) -> Type) (a6989586621680215078 :: Dual a6989586621680214885) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (TFHelper_6989586621680215068Sym0 :: TyFun (Dual a6989586621679962836) ((a6989586621679962836 ~> Dual b6989586621679962837) ~> Dual b6989586621679962837) -> Type) (a6989586621680215066 :: Dual a6989586621679962836) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply (TFHelper_6989586621680215068Sym0 :: TyFun (Dual a6989586621679962836) ((a6989586621679962836 ~> Dual b6989586621679962837) ~> Dual b6989586621679962837) -> Type) (a6989586621680215066 :: Dual a6989586621679962836) = TFHelper_6989586621680215068Sym1 a6989586621680215066 b6989586621679962837 :: TyFun (a6989586621679962836 ~> Dual b6989586621679962837) (Dual b6989586621679962837) -> Type | |
type Apply (ShowsPrec_6989586621681091225Sym1 a6989586621681091222 a6989586621679087487 :: TyFun (Dual a6989586621679087487) (Symbol ~> Symbol) -> Type) (a6989586621681091223 :: Dual a6989586621679087487) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (TFHelper_6989586621680215025Sym0 :: TyFun (Dual (a6989586621679962813 ~> b6989586621679962814)) (Dual a6989586621679962813 ~> Dual b6989586621679962814) -> Type) (a6989586621680215023 :: Dual (a6989586621679962813 ~> b6989586621679962814)) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply (TFHelper_6989586621680215025Sym0 :: TyFun (Dual (a6989586621679962813 ~> b6989586621679962814)) (Dual a6989586621679962813 ~> Dual b6989586621679962814) -> Type) (a6989586621680215023 :: Dual (a6989586621679962813 ~> b6989586621679962814)) = TFHelper_6989586621680215025Sym1 a6989586621680215023 | |
type Apply (TFHelper_6989586621680215068Sym1 a6989586621680215066 b :: TyFun (a ~> Dual b) (Dual b) -> Type) (a6989586621680215067 :: a ~> Dual b) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Fmap_6989586621680215037Sym0 :: TyFun (a6989586621679962807 ~> b6989586621679962808) (Dual a6989586621679962807 ~> Dual b6989586621679962808) -> Type) (a6989586621680215035 :: a6989586621679962807 ~> b6989586621679962808) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Traverse_6989586621680995141Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Dual a6989586621680988968 ~> f6989586621680988967 (Dual b6989586621680988969)) -> Type) (a6989586621680995139 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) | |
Defined in Data.Singletons.Prelude.Traversable type Apply (Traverse_6989586621680995141Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Dual a6989586621680988968 ~> f6989586621680988967 (Dual b6989586621680988969)) -> Type) (a6989586621680995139 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) = Traverse_6989586621680995141Sym1 a6989586621680995139 | |
type Apply (Let6989586621680743152Scrutinee_6989586621680742600Sym0 :: TyFun (a ~> (a6989586621680742388 ~> a)) (TyFun k (TyFun (t6989586621680742385 a6989586621680742388) (Dual (Endo a)) -> Type) -> Type) -> Type) (f6989586621680743149 :: a ~> (a6989586621680742388 ~> a)) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Let6989586621680743152Scrutinee_6989586621680742600Sym0 :: TyFun (a ~> (a6989586621680742388 ~> a)) (TyFun k (TyFun (t6989586621680742385 a6989586621680742388) (Dual (Endo a)) -> Type) -> Type) -> Type) (f6989586621680743149 :: a ~> (a6989586621680742388 ~> a)) = Let6989586621680743152Scrutinee_6989586621680742600Sym1 f6989586621680743149 :: TyFun k (TyFun (t6989586621680742385 a6989586621680742388) (Dual (Endo a)) -> Type) -> Type |
The monoid of endomorphisms under composition.
>>>
let computation = Endo ("Hello, " ++) <> Endo (++ "!")
>>>
appEndo computation "Haskell"
"Hello, Haskell!"
Instances
Generic (Endo a) | Since: base-4.7.0.0 |
Semigroup (Endo a) | Since: base-4.9.0.0 |
Monoid (Endo a) | Since: base-2.1 |
Default (Endo a) | |
Defined in Data.Default.Class | |
Wrapped (Endo a) | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped (Endo a) | |
t ~ Endo b => Rewrapped (Endo a) t | |
Defined in Control.Lens.Wrapped | |
type Rep (Endo a) | |
Defined in Data.Semigroup.Internal | |
type Unwrapped (Endo a) | |
Defined in Control.Lens.Wrapped type Unwrapped (Endo a) = a -> a |
Boolean monoid under conjunction (&&
).
>>>
getAll (All True <> mempty <> All False)
False
>>>
getAll (mconcat (map (\x -> All (even x)) [2,4,6,7,8]))
False
Instances
Bounded All | Since: base-2.1 |
Eq All | Since: base-2.1 |
Data All | Since: base-4.8.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> All -> c All # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c All # dataTypeOf :: All -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c All) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c All) # gmapT :: (forall b. Data b => b -> b) -> All -> All # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> All -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> All -> r # gmapQ :: (forall d. Data d => d -> u) -> All -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> All -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> All -> m All # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> All -> m All # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> All -> m All # | |
Ord All | Since: base-2.1 |
Read All | Since: base-2.1 |
Show All | Since: base-2.1 |
Generic All | Since: base-4.7.0.0 |
Semigroup All | Since: base-4.9.0.0 |
Monoid All | Since: base-2.1 |
NFData All | Since: deepseq-1.4.0.0 |
Defined in Control.DeepSeq | |
Unbox All | |
Defined in Data.Vector.Unboxed.Base | |
Default All | |
Defined in Data.Default.Class | |
SMonoid All | |
SSemigroup All | |
PSemigroup All | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Associated Types type arg0 <> arg1 :: a0 type Sconcat arg0 :: a0 | |
PMonoid All | |
Defined in Data.Singletons.Prelude.Monoid Associated Types type Mempty :: a0 type Mappend arg0 arg1 :: a0 type Mconcat arg0 :: a0 | |
Wrapped All | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped All | |
SDecide Bool => TestCoercion SAll | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods testCoercion :: forall (a :: k) (b :: k). SAll a -> SAll b -> Maybe (Coercion a b) # | |
SDecide Bool => TestEquality SAll | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods testEquality :: forall (a :: k) (b :: k). SAll a -> SAll b -> Maybe (a :~: b) # | |
Vector Vector All | |
Defined in Data.Vector.Unboxed.Base Methods basicUnsafeFreeze :: PrimMonad m => Mutable Vector (PrimState m) All -> m (Vector All) basicUnsafeThaw :: PrimMonad m => Vector All -> m (Mutable Vector (PrimState m) All) basicLength :: Vector All -> Int basicUnsafeSlice :: Int -> Int -> Vector All -> Vector All basicUnsafeIndexM :: Monad m => Vector All -> Int -> m All basicUnsafeCopy :: PrimMonad m => Mutable Vector (PrimState m) All -> Vector All -> m () | |
MVector MVector All | |
Defined in Data.Vector.Unboxed.Base Methods basicLength :: MVector s All -> Int basicUnsafeSlice :: Int -> Int -> MVector s All -> MVector s All basicOverlaps :: MVector s All -> MVector s All -> Bool basicUnsafeNew :: PrimMonad m => Int -> m (MVector (PrimState m) All) basicInitialize :: PrimMonad m => MVector (PrimState m) All -> m () basicUnsafeReplicate :: PrimMonad m => Int -> All -> m (MVector (PrimState m) All) basicUnsafeRead :: PrimMonad m => MVector (PrimState m) All -> Int -> m All basicUnsafeWrite :: PrimMonad m => MVector (PrimState m) All -> Int -> All -> m () basicClear :: PrimMonad m => MVector (PrimState m) All -> m () basicSet :: PrimMonad m => MVector (PrimState m) All -> All -> m () basicUnsafeCopy :: PrimMonad m => MVector (PrimState m) All -> MVector (PrimState m) All -> m () basicUnsafeMove :: PrimMonad m => MVector (PrimState m) All -> MVector (PrimState m) All -> m () basicUnsafeGrow :: PrimMonad m => MVector (PrimState m) All -> Int -> m (MVector (PrimState m) All) | |
t ~ All => Rewrapped All t | |
Defined in Control.Lens.Wrapped | |
SingI AllSym0 | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods sing :: Sing AllSym0 | |
SuppressUnusedWarnings AllSym0 | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings All_Sym0 | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings ShowsPrec_6989586621681091253Sym0 | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings GetAllSym0 | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings Compare_6989586621680206626Sym0 | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings TFHelper_6989586621680215092Sym0 | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680742870Scrutinee_6989586621680742632Sym0 :: TyFun (t6989586621680742385 Bool) All -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206626Sym1 a6989586621680206624 :: TyFun All Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215092Sym1 a6989586621680215090 :: TyFun All All -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ShowsPrec_6989586621681091253Sym1 a6989586621681091250 :: TyFun All (Symbol ~> Symbol) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680742838Scrutinee_6989586621680742638Sym0 :: TyFun (a6989586621680742388 ~> Bool) (TyFun (t6989586621680742385 a6989586621680742388) All -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680742838Scrutinee_6989586621680742638Sym1 p6989586621680742836 :: TyFun (t6989586621680742385 a6989586621680742388) All -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
type Rep All | |
Defined in Data.Semigroup.Internal | |
newtype Vector All | |
Defined in Data.Vector.Unboxed.Base | |
type Sing | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Sing = SAll | |
type Mempty | |
Defined in Data.Singletons.Prelude.Monoid type Mempty = Mempty_6989586621680640858Sym0 | |
type Demote All | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type MaxBound | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type MaxBound = MaxBound_6989586621680201870Sym0 | |
type MinBound | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type MinBound = MinBound_6989586621680201868Sym0 | |
type MEmpty | |
Defined in Fcf.Class.Monoid | |
type Unwrapped All | |
Defined in Control.Lens.Wrapped | |
newtype MVector s All | |
Defined in Data.Vector.Unboxed.Base | |
type Sconcat (arg0 :: NonEmpty All) | |
type Mconcat (arg0 :: [All]) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Show_ (arg0 :: All) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Mappend (arg1 :: All) (arg2 :: All) | |
type (x :: All) /= (y :: All) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type (a :: All) == (b :: All) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type (a1 :: All) <> (a2 :: All) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Max (arg1 :: All) (arg2 :: All) | |
type Min (arg1 :: All) (arg2 :: All) | |
type Compare (a1 :: All) (a2 :: All) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type (arg1 :: All) <= (arg2 :: All) | |
type (arg1 :: All) < (arg2 :: All) | |
type (arg1 :: All) >= (arg2 :: All) | |
type (arg1 :: All) > (arg2 :: All) | |
type ShowList (arg1 :: [All]) arg2 | |
type Apply AllSym0 (t6989586621680197051 :: Bool) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply All_Sym0 (a6989586621680229716 :: Bool) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply All_Sym0 (a6989586621680229716 :: Bool) = All_ a6989586621680229716 | |
type Apply GetAllSym0 (a6989586621680197048 :: All) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply GetAllSym0 (a6989586621680197048 :: All) = GetAll a6989586621680197048 | |
type ShowsPrec a1 (a2 :: All) a3 | |
Defined in Data.Singletons.Prelude.Semigroup type ShowsPrec a1 (a2 :: All) a3 = Apply (Apply (Apply ShowsPrec_6989586621681091253Sym0 a1) a2) a3 | |
type Apply (Compare_6989586621680206626Sym1 a6989586621680206624 :: TyFun All Ordering -> Type) (a6989586621680206625 :: All) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (TFHelper_6989586621680215092Sym1 a6989586621680215090 :: TyFun All All -> Type) (a6989586621680215091 :: All) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type ('All a :: All) <> ('All b :: All) | |
type Apply ShowsPrec_6989586621681091253Sym0 (a6989586621681091250 :: Nat) | |
Defined in Data.Singletons.Prelude.Semigroup type Apply ShowsPrec_6989586621681091253Sym0 (a6989586621681091250 :: Nat) = ShowsPrec_6989586621681091253Sym1 a6989586621681091250 | |
type Apply Compare_6989586621680206626Sym0 (a6989586621680206624 :: All) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply Compare_6989586621680206626Sym0 (a6989586621680206624 :: All) = Compare_6989586621680206626Sym1 a6989586621680206624 | |
type Apply TFHelper_6989586621680215092Sym0 (a6989586621680215090 :: All) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply TFHelper_6989586621680215092Sym0 (a6989586621680215090 :: All) = TFHelper_6989586621680215092Sym1 a6989586621680215090 | |
type Apply (ShowsPrec_6989586621681091253Sym1 a6989586621681091250 :: TyFun All (Symbol ~> Symbol) -> Type) (a6989586621681091251 :: All) | |
type Apply (Let6989586621680742870Scrutinee_6989586621680742632Sym0 :: TyFun (t6989586621680742385 Bool) All -> Type) (x6989586621680742869 :: t6989586621680742385 Bool) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Let6989586621680742838Scrutinee_6989586621680742638Sym1 p6989586621680742836 :: TyFun (t6989586621680742385 a6989586621680742388) All -> Type) (x6989586621680742837 :: t6989586621680742385 a6989586621680742388) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Let6989586621680742838Scrutinee_6989586621680742638Sym1 p6989586621680742836 :: TyFun (t6989586621680742385 a6989586621680742388) All -> Type) (x6989586621680742837 :: t6989586621680742385 a6989586621680742388) = Let6989586621680742838Scrutinee_6989586621680742638 p6989586621680742836 x6989586621680742837 | |
type Apply (Let6989586621680742838Scrutinee_6989586621680742638Sym0 :: TyFun (a6989586621680742388 ~> Bool) (TyFun (t6989586621680742385 a6989586621680742388) All -> Type) -> Type) (p6989586621680742836 :: a6989586621680742388 ~> Bool) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Let6989586621680742838Scrutinee_6989586621680742638Sym0 :: TyFun (a6989586621680742388 ~> Bool) (TyFun (t6989586621680742385 a6989586621680742388) All -> Type) -> Type) (p6989586621680742836 :: a6989586621680742388 ~> Bool) = Let6989586621680742838Scrutinee_6989586621680742638Sym1 p6989586621680742836 :: TyFun (t6989586621680742385 a6989586621680742388) All -> Type |
Boolean monoid under disjunction (||
).
>>>
getAny (Any True <> mempty <> Any False)
True
>>>
getAny (mconcat (map (\x -> Any (even x)) [2,4,6,7,8]))
True
Instances
Bounded Any | Since: base-2.1 |
Eq Any | Since: base-2.1 |
Data Any | Since: base-4.8.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Any -> c Any # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c Any # dataTypeOf :: Any -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c Any) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c Any) # gmapT :: (forall b. Data b => b -> b) -> Any -> Any # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Any -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Any -> r # gmapQ :: (forall d. Data d => d -> u) -> Any -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Any -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Any -> m Any # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Any -> m Any # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Any -> m Any # | |
Ord Any | Since: base-2.1 |
Read Any | Since: base-2.1 |
Show Any | Since: base-2.1 |
Generic Any | Since: base-4.7.0.0 |
Semigroup Any | Since: base-4.9.0.0 |
Monoid Any | Since: base-2.1 |
NFData Any | Since: deepseq-1.4.0.0 |
Defined in Control.DeepSeq | |
Unbox Any | |
Defined in Data.Vector.Unboxed.Base | |
Default Any | |
Defined in Data.Default.Class | |
SMonoid Any | |
SSemigroup Any | |
PSemigroup Any | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Associated Types type arg0 <> arg1 :: a0 type Sconcat arg0 :: a0 | |
PMonoid Any | |
Defined in Data.Singletons.Prelude.Monoid Associated Types type Mempty :: a0 type Mappend arg0 arg1 :: a0 type Mconcat arg0 :: a0 | |
Wrapped Any | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped Any | |
SDecide Bool => TestCoercion SAny | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods testCoercion :: forall (a :: k) (b :: k). SAny a -> SAny b -> Maybe (Coercion a b) # | |
SDecide Bool => TestEquality SAny | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods testEquality :: forall (a :: k) (b :: k). SAny a -> SAny b -> Maybe (a :~: b) # | |
Vector Vector Any | |
Defined in Data.Vector.Unboxed.Base Methods basicUnsafeFreeze :: PrimMonad m => Mutable Vector (PrimState m) Any -> m (Vector Any) basicUnsafeThaw :: PrimMonad m => Vector Any -> m (Mutable Vector (PrimState m) Any) basicLength :: Vector Any -> Int basicUnsafeSlice :: Int -> Int -> Vector Any -> Vector Any basicUnsafeIndexM :: Monad m => Vector Any -> Int -> m Any basicUnsafeCopy :: PrimMonad m => Mutable Vector (PrimState m) Any -> Vector Any -> m () | |
MVector MVector Any | |
Defined in Data.Vector.Unboxed.Base Methods basicLength :: MVector s Any -> Int basicUnsafeSlice :: Int -> Int -> MVector s Any -> MVector s Any basicOverlaps :: MVector s Any -> MVector s Any -> Bool basicUnsafeNew :: PrimMonad m => Int -> m (MVector (PrimState m) Any) basicInitialize :: PrimMonad m => MVector (PrimState m) Any -> m () basicUnsafeReplicate :: PrimMonad m => Int -> Any -> m (MVector (PrimState m) Any) basicUnsafeRead :: PrimMonad m => MVector (PrimState m) Any -> Int -> m Any basicUnsafeWrite :: PrimMonad m => MVector (PrimState m) Any -> Int -> Any -> m () basicClear :: PrimMonad m => MVector (PrimState m) Any -> m () basicSet :: PrimMonad m => MVector (PrimState m) Any -> Any -> m () basicUnsafeCopy :: PrimMonad m => MVector (PrimState m) Any -> MVector (PrimState m) Any -> m () basicUnsafeMove :: PrimMonad m => MVector (PrimState m) Any -> MVector (PrimState m) Any -> m () basicUnsafeGrow :: PrimMonad m => MVector (PrimState m) Any -> Int -> m (MVector (PrimState m) Any) | |
t ~ Any => Rewrapped Any t | |
Defined in Control.Lens.Wrapped | |
SingI AnySym0 | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods sing :: Sing AnySym0 | |
SuppressUnusedWarnings AnySym0 | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings Any_Sym0 | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings ShowsPrec_6989586621681091281Sym0 | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings GetAnySym0 | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings Compare_6989586621680206644Sym0 | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings TFHelper_6989586621680215104Sym0 | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680742861Scrutinee_6989586621680742634Sym0 :: TyFun (t6989586621680742385 Bool) Any -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206644Sym1 a6989586621680206642 :: TyFun Any Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215104Sym1 a6989586621680215102 :: TyFun Any Any -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ShowsPrec_6989586621681091281Sym1 a6989586621681091278 :: TyFun Any (Symbol ~> Symbol) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680742851Scrutinee_6989586621680742636Sym0 :: TyFun (a6989586621680742388 ~> Bool) (TyFun (t6989586621680742385 a6989586621680742388) Any -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680742851Scrutinee_6989586621680742636Sym1 p6989586621680742849 :: TyFun (t6989586621680742385 a6989586621680742388) Any -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
type Rep Any | |
Defined in Data.Semigroup.Internal | |
newtype Vector Any | |
Defined in Data.Vector.Unboxed.Base | |
type Sing | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Sing = SAny | |
type Mempty | |
Defined in Data.Singletons.Prelude.Monoid type Mempty = Mempty_6989586621680640860Sym0 | |
type Demote Any | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type MaxBound | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type MaxBound = MaxBound_6989586621680201874Sym0 | |
type MinBound | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type MinBound = MinBound_6989586621680201872Sym0 | |
type MEmpty | |
Defined in Fcf.Class.Monoid | |
type Unwrapped Any | |
Defined in Control.Lens.Wrapped | |
newtype MVector s Any | |
Defined in Data.Vector.Unboxed.Base | |
type Sconcat (arg0 :: NonEmpty Any) | |
type Mconcat (arg0 :: [Any]) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Show_ (arg0 :: Any) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Mappend (arg1 :: Any) (arg2 :: Any) | |
type (x :: Any) /= (y :: Any) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type (a :: Any) == (b :: Any) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type (a1 :: Any) <> (a2 :: Any) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Max (arg1 :: Any) (arg2 :: Any) | |
type Min (arg1 :: Any) (arg2 :: Any) | |
type Compare (a1 :: Any) (a2 :: Any) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type (arg1 :: Any) <= (arg2 :: Any) | |
type (arg1 :: Any) < (arg2 :: Any) | |
type (arg1 :: Any) >= (arg2 :: Any) | |
type (arg1 :: Any) > (arg2 :: Any) | |
type ShowList (arg1 :: [Any]) arg2 | |
type Apply AnySym0 (t6989586621680197064 :: Bool) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply Any_Sym0 (a6989586621680229715 :: Bool) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply Any_Sym0 (a6989586621680229715 :: Bool) = Any_ a6989586621680229715 | |
type Apply GetAnySym0 (a6989586621680197061 :: Any) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply GetAnySym0 (a6989586621680197061 :: Any) = GetAny a6989586621680197061 | |
type ShowsPrec a1 (a2 :: Any) a3 | |
Defined in Data.Singletons.Prelude.Semigroup type ShowsPrec a1 (a2 :: Any) a3 = Apply (Apply (Apply ShowsPrec_6989586621681091281Sym0 a1) a2) a3 | |
type Apply (Compare_6989586621680206644Sym1 a6989586621680206642 :: TyFun Any Ordering -> Type) (a6989586621680206643 :: Any) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (TFHelper_6989586621680215104Sym1 a6989586621680215102 :: TyFun Any Any -> Type) (a6989586621680215103 :: Any) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type ('Any a :: Any) <> ('Any b :: Any) | |
type Apply ShowsPrec_6989586621681091281Sym0 (a6989586621681091278 :: Nat) | |
Defined in Data.Singletons.Prelude.Semigroup type Apply ShowsPrec_6989586621681091281Sym0 (a6989586621681091278 :: Nat) = ShowsPrec_6989586621681091281Sym1 a6989586621681091278 | |
type Apply Compare_6989586621680206644Sym0 (a6989586621680206642 :: Any) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply Compare_6989586621680206644Sym0 (a6989586621680206642 :: Any) = Compare_6989586621680206644Sym1 a6989586621680206642 | |
type Apply TFHelper_6989586621680215104Sym0 (a6989586621680215102 :: Any) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply TFHelper_6989586621680215104Sym0 (a6989586621680215102 :: Any) = TFHelper_6989586621680215104Sym1 a6989586621680215102 | |
type Apply (ShowsPrec_6989586621681091281Sym1 a6989586621681091278 :: TyFun Any (Symbol ~> Symbol) -> Type) (a6989586621681091279 :: Any) | |
type Apply (Let6989586621680742861Scrutinee_6989586621680742634Sym0 :: TyFun (t6989586621680742385 Bool) Any -> Type) (x6989586621680742860 :: t6989586621680742385 Bool) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (Let6989586621680742851Scrutinee_6989586621680742636Sym1 p6989586621680742849 :: TyFun (t6989586621680742385 a6989586621680742388) Any -> Type) (x6989586621680742850 :: t6989586621680742385 a6989586621680742388) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Let6989586621680742851Scrutinee_6989586621680742636Sym1 p6989586621680742849 :: TyFun (t6989586621680742385 a6989586621680742388) Any -> Type) (x6989586621680742850 :: t6989586621680742385 a6989586621680742388) = Let6989586621680742851Scrutinee_6989586621680742636 p6989586621680742849 x6989586621680742850 | |
type Apply (Let6989586621680742851Scrutinee_6989586621680742636Sym0 :: TyFun (a6989586621680742388 ~> Bool) (TyFun (t6989586621680742385 a6989586621680742388) Any -> Type) -> Type) (p6989586621680742849 :: a6989586621680742388 ~> Bool) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Let6989586621680742851Scrutinee_6989586621680742636Sym0 :: TyFun (a6989586621680742388 ~> Bool) (TyFun (t6989586621680742385 a6989586621680742388) Any -> Type) -> Type) (p6989586621680742849 :: a6989586621680742388 ~> Bool) = Let6989586621680742851Scrutinee_6989586621680742636Sym1 p6989586621680742849 :: TyFun (t6989586621680742385 a6989586621680742388) Any -> Type |
Monoid under addition.
>>>
getSum (Sum 1 <> Sum 2 <> mempty)
3
Instances
Monad Sum | Since: base-4.8.0.0 |
Functor Sum | Since: base-4.8.0.0 |
Applicative Sum | Since: base-4.8.0.0 |
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 # 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 # | |
Traversable Sum | Since: base-4.8.0.0 |
NFData1 Sum | Since: deepseq-1.4.3.0 |
Defined in Control.DeepSeq | |
PTraversable Sum | |
Defined in Data.Singletons.Prelude.Traversable Associated Types type Traverse arg0 arg1 :: f0 (t0 b0) type SequenceA arg0 :: f0 (t0 a0) type MapM arg0 arg1 :: m0 (t0 b0) type Sequence arg0 :: m0 (t0 a0) | |
STraversable Sum | |
Defined in Data.Singletons.Prelude.Traversable Methods sTraverse :: forall a (f :: Type -> Type) b (t1 :: a ~> f b) (t2 :: Sum a). SApplicative f => Sing t1 -> Sing t2 -> Sing (Apply (Apply TraverseSym0 t1) t2) sSequenceA :: forall (f :: Type -> Type) a (t :: Sum (f a)). SApplicative f => Sing t -> Sing (Apply SequenceASym0 t) sMapM :: forall a (m :: Type -> Type) b (t1 :: a ~> m b) (t2 :: Sum a). SMonad m => Sing t1 -> Sing t2 -> Sing (Apply (Apply MapMSym0 t1) t2) sSequence :: forall (m :: Type -> Type) a (t :: Sum (m a)). SMonad m => Sing t -> Sing (Apply SequenceSym0 t) | |
SFoldable Sum | |
Defined in Data.Singletons.Prelude.Foldable Methods sFold :: forall m (t :: Sum m). SMonoid m => Sing t -> Sing (Apply FoldSym0 t) sFoldMap :: forall a m (t1 :: a ~> m) (t2 :: Sum a). SMonoid m => Sing t1 -> Sing t2 -> Sing (Apply (Apply FoldMapSym0 t1) t2) sFoldr :: forall a b (t1 :: a ~> (b ~> b)) (t2 :: b) (t3 :: Sum a). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply FoldrSym0 t1) t2) t3) sFoldr' :: forall a b (t1 :: a ~> (b ~> b)) (t2 :: b) (t3 :: Sum a). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply Foldr'Sym0 t1) t2) t3) sFoldl :: forall b a (t1 :: b ~> (a ~> b)) (t2 :: b) (t3 :: Sum a). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply FoldlSym0 t1) t2) t3) sFoldl' :: forall b a (t1 :: b ~> (a ~> b)) (t2 :: b) (t3 :: Sum a). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply Foldl'Sym0 t1) t2) t3) sFoldr1 :: forall a (t1 :: a ~> (a ~> a)) (t2 :: Sum a). Sing t1 -> Sing t2 -> Sing (Apply (Apply Foldr1Sym0 t1) t2) sFoldl1 :: forall a (t1 :: a ~> (a ~> a)) (t2 :: Sum a). Sing t1 -> Sing t2 -> Sing (Apply (Apply Foldl1Sym0 t1) t2) sToList :: forall a (t :: Sum a). Sing t -> Sing (Apply ToListSym0 t) sNull :: forall a (t :: Sum a). Sing t -> Sing (Apply NullSym0 t) sLength :: forall a (t :: Sum a). Sing t -> Sing (Apply LengthSym0 t) sElem :: forall a (t1 :: a) (t2 :: Sum a). SEq a => Sing t1 -> Sing t2 -> Sing (Apply (Apply ElemSym0 t1) t2) sMaximum :: forall a (t :: Sum a). SOrd a => Sing t -> Sing (Apply MaximumSym0 t) sMinimum :: forall a (t :: Sum a). SOrd a => Sing t -> Sing (Apply MinimumSym0 t) sSum :: forall a (t :: Sum a). SNum a => Sing t -> Sing (Apply SumSym0 t) sProduct :: forall a (t :: Sum a). SNum a => Sing t -> Sing (Apply ProductSym0 t) | |
PFoldable Sum | |
Defined in Data.Singletons.Prelude.Foldable Associated Types type Fold arg0 :: m0 type FoldMap arg0 arg1 :: m0 type Foldr arg0 arg1 arg2 :: b0 type Foldr' arg0 arg1 arg2 :: b0 type Foldl arg0 arg1 arg2 :: b0 type Foldl' arg0 arg1 arg2 :: b0 type Foldr1 arg0 arg1 :: a0 type Foldl1 arg0 arg1 :: a0 type ToList arg0 :: [a0] type Null arg0 :: Bool type Length arg0 :: Nat type Elem arg0 arg1 :: Bool type Maximum arg0 :: a0 type Minimum arg0 :: a0 type Sum arg0 :: a0 type Product arg0 :: a0 | |
Representable Sum | |
Unbox a => Vector Vector (Sum a) | |
Defined in Data.Vector.Unboxed.Base Methods basicUnsafeFreeze :: PrimMonad m => Mutable Vector (PrimState m) (Sum a) -> m (Vector (Sum a)) basicUnsafeThaw :: PrimMonad m => Vector (Sum a) -> m (Mutable Vector (PrimState m) (Sum a)) basicLength :: Vector (Sum a) -> Int basicUnsafeSlice :: Int -> Int -> Vector (Sum a) -> Vector (Sum a) basicUnsafeIndexM :: Monad m => Vector (Sum a) -> Int -> m (Sum a) basicUnsafeCopy :: PrimMonad m => Mutable Vector (PrimState m) (Sum a) -> Vector (Sum a) -> m () | |
Unbox a => MVector MVector (Sum a) | |
Defined in Data.Vector.Unboxed.Base Methods basicLength :: MVector s (Sum a) -> Int basicUnsafeSlice :: Int -> Int -> MVector s (Sum a) -> MVector s (Sum a) basicOverlaps :: MVector s (Sum a) -> MVector s (Sum a) -> Bool basicUnsafeNew :: PrimMonad m => Int -> m (MVector (PrimState m) (Sum a)) basicInitialize :: PrimMonad m => MVector (PrimState m) (Sum a) -> m () basicUnsafeReplicate :: PrimMonad m => Int -> Sum a -> m (MVector (PrimState m) (Sum a)) basicUnsafeRead :: PrimMonad m => MVector (PrimState m) (Sum a) -> Int -> m (Sum a) basicUnsafeWrite :: PrimMonad m => MVector (PrimState m) (Sum a) -> Int -> Sum a -> m () basicClear :: PrimMonad m => MVector (PrimState m) (Sum a) -> m () basicSet :: PrimMonad m => MVector (PrimState m) (Sum a) -> Sum a -> m () basicUnsafeCopy :: PrimMonad m => MVector (PrimState m) (Sum a) -> MVector (PrimState m) (Sum a) -> m () basicUnsafeMove :: PrimMonad m => MVector (PrimState m) (Sum a) -> MVector (PrimState m) (Sum a) -> m () basicUnsafeGrow :: PrimMonad m => MVector (PrimState m) (Sum a) -> Int -> m (MVector (PrimState m) (Sum a)) | |
Bounded a => Bounded (Sum a) | Since: base-2.1 |
Eq a => Eq (Sum a) | Since: base-2.1 |
Data a => Data (Sum a) | Since: base-4.8.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Sum a -> c (Sum a) # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c (Sum a) # dataTypeOf :: Sum a -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c (Sum a)) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c (Sum a)) # gmapT :: (forall b. Data b => b -> b) -> Sum a -> Sum a # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Sum a -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Sum a -> r # gmapQ :: (forall d. Data d => d -> u) -> Sum a -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Sum a -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Sum a -> m (Sum a) # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Sum a -> m (Sum a) # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Sum a -> m (Sum a) # | |
Num a => Num (Sum a) | Since: base-4.7.0.0 |
Ord a => Ord (Sum a) | Since: base-2.1 |
Read a => Read (Sum a) | Since: base-2.1 |
Show a => Show (Sum a) | Since: base-2.1 |
Generic (Sum a) | Since: base-4.7.0.0 |
Num a => Semigroup (Sum a) | Since: base-4.9.0.0 |
Num a => Monoid (Sum a) | Since: base-2.1 |
NFData a => NFData (Sum a) | Since: deepseq-1.4.0.0 |
Defined in Control.DeepSeq | |
Container (Sum a) | |
Defined in Universum.Container.Class Methods toList :: Sum a -> [Element (Sum a)] # foldr :: (Element (Sum a) -> b -> b) -> b -> Sum a -> b # foldl :: (b -> Element (Sum a) -> b) -> b -> Sum a -> b # foldl' :: (b -> Element (Sum a) -> b) -> b -> Sum a -> b # elem :: Element (Sum a) -> Sum a -> Bool # maximum :: Sum a -> Element (Sum a) # minimum :: Sum a -> Element (Sum a) # foldMap :: Monoid m => (Element (Sum a) -> m) -> Sum a -> m # fold :: Sum a -> Element (Sum a) # foldr' :: (Element (Sum a) -> b -> b) -> b -> Sum a -> b # foldr1 :: (Element (Sum a) -> Element (Sum a) -> Element (Sum a)) -> Sum a -> Element (Sum a) # foldl1 :: (Element (Sum a) -> Element (Sum a) -> Element (Sum a)) -> Sum a -> Element (Sum a) # notElem :: Element (Sum a) -> Sum a -> Bool # all :: (Element (Sum a) -> Bool) -> Sum a -> Bool # any :: (Element (Sum a) -> Bool) -> Sum a -> Bool # find :: (Element (Sum a) -> Bool) -> Sum a -> Maybe (Element (Sum a)) # | |
Unbox a => Unbox (Sum a) | |
Defined in Data.Vector.Unboxed.Base | |
Num a => Default (Sum a) | |
Defined in Data.Default.Class | |
SNum a => SMonoid (Sum a) | |
SNum a => SSemigroup (Sum a) | |
PSemigroup (Sum a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Associated Types type arg0 <> arg1 :: a0 type Sconcat arg0 :: a0 | |
PMonoid (Sum a) | |
Defined in Data.Singletons.Prelude.Monoid Associated Types type Mempty :: a0 type Mappend arg0 arg1 :: a0 type Mconcat arg0 :: a0 | |
Wrapped (Sum a) | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped (Sum a) | |
Generic1 Sum | Since: base-4.7.0.0 |
t ~ Sum b => Rewrapped (Sum a) t | |
Defined in Control.Lens.Wrapped | |
IsoHKD Sum (a :: Type) | |
SDecide a => TestCoercion (SSum :: Sum a -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods testCoercion :: forall (a0 :: k) (b :: k). SSum a0 -> SSum b -> Maybe (Coercion a0 b) # | |
SDecide a => TestEquality (SSum :: Sum a -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods testEquality :: forall (a0 :: k) (b :: k). SSum a0 -> SSum b -> Maybe (a0 :~: b) # | |
SingI (SumSym0 :: TyFun a (Sum a) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods sing :: Sing SumSym0 | |
SuppressUnusedWarnings (FromInteger_6989586621680215248Sym0 :: TyFun Nat (Sum a6989586621680214899) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ShowsPrec_6989586621681091312Sym0 :: TyFun Nat (Sum a6989586621679087464 ~> (Symbol ~> Symbol)) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Sum_Sym0 :: TyFun a6989586621680230079 (Sum a6989586621680230079) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (SumSym0 :: TyFun a6989586621679087464 (Sum a6989586621679087464) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Pure_6989586621680215115Sym0 :: TyFun a6989586621679962812 (Sum a6989586621679962812) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215216Sym0 :: TyFun (Sum a6989586621680214899) (Sum a6989586621680214899 ~> Sum a6989586621680214899) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215204Sym0 :: TyFun (Sum a6989586621680214899) (Sum a6989586621680214899 ~> Sum a6989586621680214899) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215192Sym0 :: TyFun (Sum a6989586621680214899) (Sum a6989586621680214899 ~> Sum a6989586621680214899) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215180Sym0 :: TyFun (Sum a6989586621680214896) (Sum a6989586621680214896 ~> Sum a6989586621680214896) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Signum_6989586621680215241Sym0 :: TyFun (Sum a6989586621680214899) (Sum a6989586621680214899) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Negate_6989586621680215227Sym0 :: TyFun (Sum a6989586621680214899) (Sum a6989586621680214899) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (GetSumSym0 :: TyFun (Sum a6989586621679087464) a6989586621679087464 -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206665Sym0 :: TyFun (Sum a6989586621679087464) (Sum a6989586621679087464 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Abs_6989586621680215234Sym0 :: TyFun (Sum a6989586621680214899) (Sum a6989586621680214899) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680743343Scrutinee_6989586621680742626Sym0 :: TyFun (t6989586621680742385 a6989586621680742388) (Sum a6989586621680742388) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215149Sym0 :: TyFun a6989586621679962809 (Sum b6989586621679962810 ~> Sum a6989586621679962809) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215216Sym1 a6989586621680215214 :: TyFun (Sum a6989586621680214899) (Sum a6989586621680214899) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215204Sym1 a6989586621680215202 :: TyFun (Sum a6989586621680214899) (Sum a6989586621680214899) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215192Sym1 a6989586621680215190 :: TyFun (Sum a6989586621680214899) (Sum a6989586621680214899) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215180Sym1 a6989586621680215178 :: TyFun (Sum a6989586621680214896) (Sum a6989586621680214896) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215168Sym0 :: TyFun (Sum a6989586621679962836) ((a6989586621679962836 ~> Sum b6989586621679962837) ~> Sum b6989586621679962837) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206665Sym1 a6989586621680206663 :: TyFun (Sum a6989586621679087464) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ShowsPrec_6989586621681091312Sym1 a6989586621681091309 a6989586621679087464 :: TyFun (Sum a6989586621679087464) (Symbol ~> Symbol) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215125Sym0 :: TyFun (Sum (a6989586621679962813 ~> b6989586621679962814)) (Sum a6989586621679962813 ~> Sum b6989586621679962814) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Fmap_6989586621680215137Sym0 :: TyFun (a6989586621679962807 ~> b6989586621679962808) (Sum a6989586621679962807 ~> Sum b6989586621679962808) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215149Sym1 a6989586621680215147 b6989586621679962810 :: TyFun (Sum b6989586621679962810) (Sum a6989586621679962809) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215125Sym1 a6989586621680215123 :: TyFun (Sum a6989586621679962813) (Sum b6989586621679962814) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Fmap_6989586621680215137Sym1 a6989586621680215135 :: TyFun (Sum a6989586621679962807) (Sum b6989586621679962808) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Traverse_6989586621680995153Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Sum a6989586621680988968 ~> f6989586621680988967 (Sum b6989586621680988969)) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215168Sym1 a6989586621680215166 b6989586621679962837 :: TyFun (a6989586621679962836 ~> Sum b6989586621679962837) (Sum b6989586621679962837) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Traverse_6989586621680995153Sym1 a6989586621680995151 :: TyFun (Sum a6989586621680988968) (f6989586621680988967 (Sum b6989586621680988969)) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () | |
type Rep Sum | |
Defined in Data.Functor.Rep type Rep Sum = () | |
type Return (arg0 :: a0) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Pure (a :: k1) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Fold (arg0 :: Sum m0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Length (a :: Sum a6989586621680742401) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Maximum (a :: Sum k2) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Minimum (a :: Sum k2) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Null (a :: Sum a6989586621680742400) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Product (a :: Sum k2) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Sum (a :: Sum k2) | |
Defined in Data.Singletons.Prelude.Foldable | |
type ToList (a :: Sum a6989586621680742399) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Sequence (arg0 :: Sum (m0 a0)) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Elem (a1 :: k1) (a2 :: Sum k1) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldl1 (a1 :: k2 ~> (k2 ~> k2)) (a2 :: Sum k2) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldr1 (a1 :: k2 ~> (k2 ~> k2)) (a2 :: Sum k2) | |
Defined in Data.Singletons.Prelude.Foldable | |
type SequenceA (arg0 :: Sum (f0 a0)) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Fmap (a1 :: a6989586621679962807 ~> b6989586621679962808) (a2 :: Sum a6989586621679962807) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type (arg1 :: Sum a0) >> (arg2 :: Sum b0) | |
type (a1 :: Sum a6989586621679962836) >>= (a2 :: a6989586621679962836 ~> Sum b6989586621679962837) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type (arg1 :: Sum a0) *> (arg2 :: Sum b0) | |
type (arg1 :: Sum a0) <* (arg2 :: Sum b0) | |
type (a1 :: Sum (a6989586621679962813 ~> b6989586621679962814)) <*> (a2 :: Sum a6989586621679962813) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type (a1 :: k1) <$ (a2 :: Sum b6989586621679962810) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type FoldMap (a1 :: a6989586621680742388 ~> k2) (a2 :: Sum a6989586621680742388) | |
Defined in Data.Singletons.Prelude.Foldable | |
type MapM (arg1 :: a0 ~> m0 b0) (arg2 :: Sum a0) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Foldr (a1 :: a6989586621680742389 ~> (k2 ~> k2)) (a2 :: k2) (a3 :: Sum a6989586621680742389) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldl (a1 :: k2 ~> (a6989586621680742394 ~> k2)) (a2 :: k2) (a3 :: Sum a6989586621680742394) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Traverse (a1 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (a2 :: Sum a6989586621680988968) | |
Defined in Data.Singletons.Prelude.Traversable type Traverse (a1 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (a2 :: Sum a6989586621680988968) = Apply (Apply (Traverse_6989586621680995153Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Sum a6989586621680988968 ~> f6989586621680988967 (Sum b6989586621680988969)) -> Type) a1) a2 | |
type Foldl' (a1 :: k2 ~> (a6989586621680742396 ~> k2)) (a2 :: k2) (a3 :: Sum a6989586621680742396) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldr' (a1 :: a6989586621680742391 ~> (k2 ~> k2)) (a2 :: k2) (a3 :: Sum a6989586621680742391) | |
Defined in Data.Singletons.Prelude.Foldable | |
type LiftA2 (arg1 :: a0 ~> (b0 ~> c0)) (arg2 :: Sum a0) (arg3 :: Sum b0) | |
newtype MVector s (Sum a) | |
Defined in Data.Vector.Unboxed.Base | |
type Apply (FromInteger_6989586621680215248Sym0 :: TyFun Nat (Sum a6989586621680214899) -> Type) (a6989586621680215247 :: Nat) | |
type Apply (SumSym0 :: TyFun a (Sum a) -> Type) (t6989586621680197083 :: a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Pure_6989586621680215115Sym0 :: TyFun a (Sum a) -> Type) (a6989586621680215114 :: a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Sum_Sym0 :: TyFun a (Sum a) -> Type) (a6989586621680229714 :: a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (ShowsPrec_6989586621681091312Sym0 :: TyFun Nat (Sum a6989586621679087464 ~> (Symbol ~> Symbol)) -> Type) (a6989586621681091309 :: Nat) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (TFHelper_6989586621680215149Sym0 :: TyFun a6989586621679962809 (Sum b6989586621679962810 ~> Sum a6989586621679962809) -> Type) (a6989586621680215147 :: a6989586621679962809) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply (TFHelper_6989586621680215149Sym0 :: TyFun a6989586621679962809 (Sum b6989586621679962810 ~> Sum a6989586621679962809) -> Type) (a6989586621680215147 :: a6989586621679962809) = TFHelper_6989586621680215149Sym1 a6989586621680215147 b6989586621679962810 :: TyFun (Sum b6989586621679962810) (Sum a6989586621679962809) -> Type | |
type Rep (Sum a) | |
Defined in Data.Semigroup.Internal | |
type Element (Sum a) | |
Defined in Universum.Container.Class | |
newtype Vector (Sum a) | |
Defined in Data.Vector.Unboxed.Base | |
type Sing | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Mempty | |
Defined in Data.Singletons.Prelude.Monoid type Mempty = Mempty_6989586621680640862Sym0 :: Sum a | |
type Demote (Sum a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type MaxBound | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type MaxBound = MaxBound_6989586621680201881Sym0 :: Sum a | |
type MinBound | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type MinBound = MinBound_6989586621680201879Sym0 :: Sum a | |
type Unwrapped (Sum a) | |
Defined in Control.Lens.Wrapped type Unwrapped (Sum a) = a | |
type Rep1 Sum | |
Defined in Data.Semigroup.Internal | |
type FromInteger a2 | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Abs (a2 :: Sum a1) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Negate (a2 :: Sum a1) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Signum (a2 :: Sum a1) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Sconcat (arg0 :: NonEmpty (Sum a)) | |
type Mconcat (arg0 :: [Sum a]) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Show_ (arg0 :: Sum a) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Mappend (arg1 :: Sum a) (arg2 :: Sum a) | |
type (x :: Sum a) /= (y :: Sum a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type (a2 :: Sum a1) == (b :: Sum a1) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type (a2 :: Sum a1) <> (a3 :: Sum a1) | |
type (a2 :: Sum a1) * (a3 :: Sum a1) | |
type (a2 :: Sum a1) + (a3 :: Sum a1) | |
type (a2 :: Sum a1) - (a3 :: Sum a1) | |
type Max (arg1 :: Sum a) (arg2 :: Sum a) | |
type Min (arg1 :: Sum a) (arg2 :: Sum a) | |
type Compare (a2 :: Sum a1) (a3 :: Sum a1) | |
type (arg1 :: Sum a) <= (arg2 :: Sum a) | |
type (arg1 :: Sum a) < (arg2 :: Sum a) | |
type (arg1 :: Sum a) >= (arg2 :: Sum a) | |
type (arg1 :: Sum a) > (arg2 :: Sum a) | |
type ShowList (arg1 :: [Sum a]) arg2 | |
type HKD Sum (a :: Type) | |
Defined in Data.Vinyl.XRec | |
type ShowsPrec a2 (a3 :: Sum a1) a4 | |
type Apply (GetSumSym0 :: TyFun (Sum a) a -> Type) (a6989586621680197080 :: Sum a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Compare_6989586621680206665Sym1 a6989586621680206663 :: TyFun (Sum a) Ordering -> Type) (a6989586621680206664 :: Sum a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Negate_6989586621680215227Sym0 :: TyFun (Sum a) (Sum a) -> Type) (a6989586621680215226 :: Sum a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Abs_6989586621680215234Sym0 :: TyFun (Sum a) (Sum a) -> Type) (a6989586621680215233 :: Sum a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Signum_6989586621680215241Sym0 :: TyFun (Sum a) (Sum a) -> Type) (a6989586621680215240 :: Sum a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Let6989586621680743343Scrutinee_6989586621680742626Sym0 :: TyFun (t6989586621680742385 a6989586621680742388) (Sum a6989586621680742388) -> Type) (x6989586621680743342 :: t6989586621680742385 a6989586621680742388) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Apply (TFHelper_6989586621680215180Sym1 a6989586621680215178 :: TyFun (Sum a) (Sum a) -> Type) (a6989586621680215179 :: Sum a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (TFHelper_6989586621680215192Sym1 a6989586621680215190 :: TyFun (Sum a) (Sum a) -> Type) (a6989586621680215191 :: Sum a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (TFHelper_6989586621680215204Sym1 a6989586621680215202 :: TyFun (Sum a) (Sum a) -> Type) (a6989586621680215203 :: Sum a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (TFHelper_6989586621680215216Sym1 a6989586621680215214 :: TyFun (Sum a) (Sum a) -> Type) (a6989586621680215215 :: Sum a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (TFHelper_6989586621680215125Sym1 a6989586621680215123 :: TyFun (Sum a) (Sum b) -> Type) (a6989586621680215124 :: Sum a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Fmap_6989586621680215137Sym1 a6989586621680215135 :: TyFun (Sum a) (Sum b) -> Type) (a6989586621680215136 :: Sum a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (TFHelper_6989586621680215149Sym1 a6989586621680215147 b :: TyFun (Sum b) (Sum a) -> Type) (a6989586621680215148 :: Sum b) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Traverse_6989586621680995153Sym1 a6989586621680995151 :: TyFun (Sum a) (f (Sum b)) -> Type) (a6989586621680995152 :: Sum a) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Apply (Compare_6989586621680206665Sym0 :: TyFun (Sum a6989586621679087464) (Sum a6989586621679087464 ~> Ordering) -> Type) (a6989586621680206663 :: Sum a6989586621679087464) | |
type Apply (TFHelper_6989586621680215180Sym0 :: TyFun (Sum a6989586621680214896) (Sum a6989586621680214896 ~> Sum a6989586621680214896) -> Type) (a6989586621680215178 :: Sum a6989586621680214896) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (TFHelper_6989586621680215192Sym0 :: TyFun (Sum a6989586621680214899) (Sum a6989586621680214899 ~> Sum a6989586621680214899) -> Type) (a6989586621680215190 :: Sum a6989586621680214899) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (TFHelper_6989586621680215204Sym0 :: TyFun (Sum a6989586621680214899) (Sum a6989586621680214899 ~> Sum a6989586621680214899) -> Type) (a6989586621680215202 :: Sum a6989586621680214899) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (TFHelper_6989586621680215216Sym0 :: TyFun (Sum a6989586621680214899) (Sum a6989586621680214899 ~> Sum a6989586621680214899) -> Type) (a6989586621680215214 :: Sum a6989586621680214899) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (TFHelper_6989586621680215168Sym0 :: TyFun (Sum a6989586621679962836) ((a6989586621679962836 ~> Sum b6989586621679962837) ~> Sum b6989586621679962837) -> Type) (a6989586621680215166 :: Sum a6989586621679962836) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply (TFHelper_6989586621680215168Sym0 :: TyFun (Sum a6989586621679962836) ((a6989586621679962836 ~> Sum b6989586621679962837) ~> Sum b6989586621679962837) -> Type) (a6989586621680215166 :: Sum a6989586621679962836) = TFHelper_6989586621680215168Sym1 a6989586621680215166 b6989586621679962837 :: TyFun (a6989586621679962836 ~> Sum b6989586621679962837) (Sum b6989586621679962837) -> Type | |
type Apply (ShowsPrec_6989586621681091312Sym1 a6989586621681091309 a6989586621679087464 :: TyFun (Sum a6989586621679087464) (Symbol ~> Symbol) -> Type) (a6989586621681091310 :: Sum a6989586621679087464) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (TFHelper_6989586621680215125Sym0 :: TyFun (Sum (a6989586621679962813 ~> b6989586621679962814)) (Sum a6989586621679962813 ~> Sum b6989586621679962814) -> Type) (a6989586621680215123 :: Sum (a6989586621679962813 ~> b6989586621679962814)) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply (TFHelper_6989586621680215125Sym0 :: TyFun (Sum (a6989586621679962813 ~> b6989586621679962814)) (Sum a6989586621679962813 ~> Sum b6989586621679962814) -> Type) (a6989586621680215123 :: Sum (a6989586621679962813 ~> b6989586621679962814)) = TFHelper_6989586621680215125Sym1 a6989586621680215123 | |
type Apply (TFHelper_6989586621680215168Sym1 a6989586621680215166 b :: TyFun (a ~> Sum b) (Sum b) -> Type) (a6989586621680215167 :: a ~> Sum b) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Fmap_6989586621680215137Sym0 :: TyFun (a6989586621679962807 ~> b6989586621679962808) (Sum a6989586621679962807 ~> Sum b6989586621679962808) -> Type) (a6989586621680215135 :: a6989586621679962807 ~> b6989586621679962808) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Traverse_6989586621680995153Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Sum a6989586621680988968 ~> f6989586621680988967 (Sum b6989586621680988969)) -> Type) (a6989586621680995151 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) | |
Defined in Data.Singletons.Prelude.Traversable type Apply (Traverse_6989586621680995153Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Sum a6989586621680988968 ~> f6989586621680988967 (Sum b6989586621680988969)) -> Type) (a6989586621680995151 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) = Traverse_6989586621680995153Sym1 a6989586621680995151 |
Monoid under multiplication.
>>>
getProduct (Product 3 <> Product 4 <> mempty)
12
Constructors
Product | |
Fields
|
Instances
Monad Product | Since: base-4.8.0.0 |
Functor Product | Since: base-4.8.0.0 |
Applicative Product | Since: base-4.8.0.0 |
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 # 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 # | |
Traversable Product | Since: base-4.8.0.0 |
NFData1 Product | Since: deepseq-1.4.3.0 |
Defined in Control.DeepSeq | |
PTraversable Product | |
Defined in Data.Singletons.Prelude.Traversable Associated Types type Traverse arg0 arg1 :: f0 (t0 b0) type SequenceA arg0 :: f0 (t0 a0) type MapM arg0 arg1 :: m0 (t0 b0) type Sequence arg0 :: m0 (t0 a0) | |
STraversable Product | |
Defined in Data.Singletons.Prelude.Traversable Methods sTraverse :: forall a (f :: Type -> Type) b (t1 :: a ~> f b) (t2 :: Product a). SApplicative f => Sing t1 -> Sing t2 -> Sing (Apply (Apply TraverseSym0 t1) t2) sSequenceA :: forall (f :: Type -> Type) a (t :: Product (f a)). SApplicative f => Sing t -> Sing (Apply SequenceASym0 t) sMapM :: forall a (m :: Type -> Type) b (t1 :: a ~> m b) (t2 :: Product a). SMonad m => Sing t1 -> Sing t2 -> Sing (Apply (Apply MapMSym0 t1) t2) sSequence :: forall (m :: Type -> Type) a (t :: Product (m a)). SMonad m => Sing t -> Sing (Apply SequenceSym0 t) | |
SFoldable Product | |
Defined in Data.Singletons.Prelude.Foldable Methods sFold :: forall m (t :: Product m). SMonoid m => Sing t -> Sing (Apply FoldSym0 t) sFoldMap :: forall a m (t1 :: a ~> m) (t2 :: Product a). SMonoid m => Sing t1 -> Sing t2 -> Sing (Apply (Apply FoldMapSym0 t1) t2) sFoldr :: forall a b (t1 :: a ~> (b ~> b)) (t2 :: b) (t3 :: Product a). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply FoldrSym0 t1) t2) t3) sFoldr' :: forall a b (t1 :: a ~> (b ~> b)) (t2 :: b) (t3 :: Product a). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply Foldr'Sym0 t1) t2) t3) sFoldl :: forall b a (t1 :: b ~> (a ~> b)) (t2 :: b) (t3 :: Product a). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply FoldlSym0 t1) t2) t3) sFoldl' :: forall b a (t1 :: b ~> (a ~> b)) (t2 :: b) (t3 :: Product a). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply Foldl'Sym0 t1) t2) t3) sFoldr1 :: forall a (t1 :: a ~> (a ~> a)) (t2 :: Product a). Sing t1 -> Sing t2 -> Sing (Apply (Apply Foldr1Sym0 t1) t2) sFoldl1 :: forall a (t1 :: a ~> (a ~> a)) (t2 :: Product a). Sing t1 -> Sing t2 -> Sing (Apply (Apply Foldl1Sym0 t1) t2) sToList :: forall a (t :: Product a). Sing t -> Sing (Apply ToListSym0 t) sNull :: forall a (t :: Product a). Sing t -> Sing (Apply NullSym0 t) sLength :: forall a (t :: Product a). Sing t -> Sing (Apply LengthSym0 t) sElem :: forall a (t1 :: a) (t2 :: Product a). SEq a => Sing t1 -> Sing t2 -> Sing (Apply (Apply ElemSym0 t1) t2) sMaximum :: forall a (t :: Product a). SOrd a => Sing t -> Sing (Apply MaximumSym0 t) sMinimum :: forall a (t :: Product a). SOrd a => Sing t -> Sing (Apply MinimumSym0 t) sSum :: forall a (t :: Product a). SNum a => Sing t -> Sing (Apply SumSym0 t) sProduct :: forall a (t :: Product a). SNum a => Sing t -> Sing (Apply ProductSym0 t) | |
PFoldable Product | |
Defined in Data.Singletons.Prelude.Foldable Associated Types type Fold arg0 :: m0 type FoldMap arg0 arg1 :: m0 type Foldr arg0 arg1 arg2 :: b0 type Foldr' arg0 arg1 arg2 :: b0 type Foldl arg0 arg1 arg2 :: b0 type Foldl' arg0 arg1 arg2 :: b0 type Foldr1 arg0 arg1 :: a0 type Foldl1 arg0 arg1 :: a0 type ToList arg0 :: [a0] type Null arg0 :: Bool type Length arg0 :: Nat type Elem arg0 arg1 :: Bool type Maximum arg0 :: a0 type Minimum arg0 :: a0 type Sum arg0 :: a0 type Product arg0 :: a0 | |
Representable Product | |
Unbox a => Vector Vector (Product a) | |
Defined in Data.Vector.Unboxed.Base Methods basicUnsafeFreeze :: PrimMonad m => Mutable Vector (PrimState m) (Product a) -> m (Vector (Product a)) basicUnsafeThaw :: PrimMonad m => Vector (Product a) -> m (Mutable Vector (PrimState m) (Product a)) basicLength :: Vector (Product a) -> Int basicUnsafeSlice :: Int -> Int -> Vector (Product a) -> Vector (Product a) basicUnsafeIndexM :: Monad m => Vector (Product a) -> Int -> m (Product a) basicUnsafeCopy :: PrimMonad m => Mutable Vector (PrimState m) (Product a) -> Vector (Product a) -> m () | |
Unbox a => MVector MVector (Product a) | |
Defined in Data.Vector.Unboxed.Base Methods basicLength :: MVector s (Product a) -> Int basicUnsafeSlice :: Int -> Int -> MVector s (Product a) -> MVector s (Product a) basicOverlaps :: MVector s (Product a) -> MVector s (Product a) -> Bool basicUnsafeNew :: PrimMonad m => Int -> m (MVector (PrimState m) (Product a)) basicInitialize :: PrimMonad m => MVector (PrimState m) (Product a) -> m () basicUnsafeReplicate :: PrimMonad m => Int -> Product a -> m (MVector (PrimState m) (Product a)) basicUnsafeRead :: PrimMonad m => MVector (PrimState m) (Product a) -> Int -> m (Product a) basicUnsafeWrite :: PrimMonad m => MVector (PrimState m) (Product a) -> Int -> Product a -> m () basicClear :: PrimMonad m => MVector (PrimState m) (Product a) -> m () basicSet :: PrimMonad m => MVector (PrimState m) (Product a) -> Product a -> m () basicUnsafeCopy :: PrimMonad m => MVector (PrimState m) (Product a) -> MVector (PrimState m) (Product a) -> m () basicUnsafeMove :: PrimMonad m => MVector (PrimState m) (Product a) -> MVector (PrimState m) (Product a) -> m () basicUnsafeGrow :: PrimMonad m => MVector (PrimState m) (Product a) -> Int -> m (MVector (PrimState m) (Product a)) | |
Bounded a => Bounded (Product a) | Since: base-2.1 |
Eq a => Eq (Product a) | Since: base-2.1 |
Data a => Data (Product a) | Since: base-4.8.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Product a -> c (Product a) # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c (Product a) # toConstr :: Product a -> Constr # dataTypeOf :: Product a -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c (Product a)) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c (Product a)) # gmapT :: (forall b. Data b => b -> b) -> Product a -> Product a # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Product a -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Product a -> r # gmapQ :: (forall d. Data d => d -> u) -> Product a -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Product a -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Product a -> m (Product a) # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Product a -> m (Product a) # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Product a -> m (Product a) # | |
Num a => Num (Product a) | Since: base-4.7.0.0 |
Defined in Data.Semigroup.Internal | |
Ord a => Ord (Product a) | Since: base-2.1 |
Read a => Read (Product a) | Since: base-2.1 |
Show a => Show (Product a) | Since: base-2.1 |
Generic (Product a) | Since: base-4.7.0.0 |
Num a => Semigroup (Product a) | Since: base-4.9.0.0 |
Num a => Monoid (Product a) | Since: base-2.1 |
NFData a => NFData (Product a) | Since: deepseq-1.4.0.0 |
Defined in Control.DeepSeq | |
Container (Product a) | |
Defined in Universum.Container.Class Methods toList :: Product a -> [Element (Product a)] # foldr :: (Element (Product a) -> b -> b) -> b -> Product a -> b # foldl :: (b -> Element (Product a) -> b) -> b -> Product a -> b # foldl' :: (b -> Element (Product a) -> b) -> b -> Product a -> b # elem :: Element (Product a) -> Product a -> Bool # maximum :: Product a -> Element (Product a) # minimum :: Product a -> Element (Product a) # foldMap :: Monoid m => (Element (Product a) -> m) -> Product a -> m # fold :: Product a -> Element (Product a) # foldr' :: (Element (Product a) -> b -> b) -> b -> Product a -> b # foldr1 :: (Element (Product a) -> Element (Product a) -> Element (Product a)) -> Product a -> Element (Product a) # foldl1 :: (Element (Product a) -> Element (Product a) -> Element (Product a)) -> Product a -> Element (Product a) # notElem :: Element (Product a) -> Product a -> Bool # all :: (Element (Product a) -> Bool) -> Product a -> Bool # any :: (Element (Product a) -> Bool) -> Product a -> Bool # find :: (Element (Product a) -> Bool) -> Product a -> Maybe (Element (Product a)) # | |
Unbox a => Unbox (Product a) | |
Defined in Data.Vector.Unboxed.Base | |
Num a => Default (Product a) | |
Defined in Data.Default.Class | |
SNum a => SMonoid (Product a) | |
SNum a => SSemigroup (Product a) | |
PSemigroup (Product a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Associated Types type arg0 <> arg1 :: a0 type Sconcat arg0 :: a0 | |
PMonoid (Product a) | |
Defined in Data.Singletons.Prelude.Monoid Associated Types type Mempty :: a0 type Mappend arg0 arg1 :: a0 type Mconcat arg0 :: a0 | |
Wrapped (Product a) | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped (Product a) | |
Generic1 Product | Since: base-4.7.0.0 |
t ~ Product b => Rewrapped (Product a) t | |
Defined in Control.Lens.Wrapped | |
IsoHKD Product (a :: Type) | |
SDecide a => TestCoercion (SProduct :: Product a -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods testCoercion :: forall (a0 :: k) (b :: k). SProduct a0 -> SProduct b -> Maybe (Coercion a0 b) # | |
SDecide a => TestEquality (SProduct :: Product a -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods testEquality :: forall (a0 :: k) (b :: k). SProduct a0 -> SProduct b -> Maybe (a0 :~: b) # | |
SingI (ProductSym0 :: TyFun a (Product a) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods sing :: Sing ProductSym0 | |
SuppressUnusedWarnings (FromInteger_6989586621680215388Sym0 :: TyFun Nat (Product a6989586621680214917) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ShowsPrec_6989586621681091343Sym0 :: TyFun Nat (Product a6989586621679087472 ~> (Symbol ~> Symbol)) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Pure_6989586621680215255Sym0 :: TyFun a6989586621679962812 (Product a6989586621679962812) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Product_Sym0 :: TyFun a6989586621680230087 (Product a6989586621680230087) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ProductSym0 :: TyFun a6989586621679087472 (Product a6989586621679087472) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215356Sym0 :: TyFun (Product a6989586621680214917) (Product a6989586621680214917 ~> Product a6989586621680214917) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215344Sym0 :: TyFun (Product a6989586621680214917) (Product a6989586621680214917 ~> Product a6989586621680214917) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215332Sym0 :: TyFun (Product a6989586621680214917) (Product a6989586621680214917 ~> Product a6989586621680214917) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215320Sym0 :: TyFun (Product a6989586621680214914) (Product a6989586621680214914 ~> Product a6989586621680214914) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Signum_6989586621680215381Sym0 :: TyFun (Product a6989586621680214917) (Product a6989586621680214917) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Negate_6989586621680215367Sym0 :: TyFun (Product a6989586621680214917) (Product a6989586621680214917) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (GetProductSym0 :: TyFun (Product a6989586621679087472) a6989586621679087472 -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206686Sym0 :: TyFun (Product a6989586621679087472) (Product a6989586621679087472 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Abs_6989586621680215374Sym0 :: TyFun (Product a6989586621680214917) (Product a6989586621680214917) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680743356Scrutinee_6989586621680742629Sym0 :: TyFun (t6989586621680742385 a6989586621680742388) (Product a6989586621680742388) -> Type) | |
Defined in Data.Singletons.Prelude.Foldable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215289Sym0 :: TyFun a6989586621679962809 (Product b6989586621679962810 ~> Product a6989586621679962809) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215356Sym1 a6989586621680215354 :: TyFun (Product a6989586621680214917) (Product a6989586621680214917) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215344Sym1 a6989586621680215342 :: TyFun (Product a6989586621680214917) (Product a6989586621680214917) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215332Sym1 a6989586621680215330 :: TyFun (Product a6989586621680214917) (Product a6989586621680214917) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215320Sym1 a6989586621680215318 :: TyFun (Product a6989586621680214914) (Product a6989586621680214914) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215308Sym0 :: TyFun (Product a6989586621679962836) ((a6989586621679962836 ~> Product b6989586621679962837) ~> Product b6989586621679962837) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621680206686Sym1 a6989586621680206684 :: TyFun (Product a6989586621679087472) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ShowsPrec_6989586621681091343Sym1 a6989586621681091340 a6989586621679087472 :: TyFun (Product a6989586621679087472) (Symbol ~> Symbol) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215265Sym0 :: TyFun (Product (a6989586621679962813 ~> b6989586621679962814)) (Product a6989586621679962813 ~> Product b6989586621679962814) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Fmap_6989586621680215277Sym0 :: TyFun (a6989586621679962807 ~> b6989586621679962808) (Product a6989586621679962807 ~> Product b6989586621679962808) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215289Sym1 a6989586621680215287 b6989586621679962810 :: TyFun (Product b6989586621679962810) (Product a6989586621679962809) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215265Sym1 a6989586621680215263 :: TyFun (Product a6989586621679962813) (Product b6989586621679962814) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Fmap_6989586621680215277Sym1 a6989586621680215275 :: TyFun (Product a6989586621679962807) (Product b6989586621679962808) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Traverse_6989586621680995165Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Product a6989586621680988968 ~> f6989586621680988967 (Product b6989586621680988969)) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680215308Sym1 a6989586621680215306 b6989586621679962837 :: TyFun (a6989586621679962836 ~> Product b6989586621679962837) (Product b6989586621679962837) -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Traverse_6989586621680995165Sym1 a6989586621680995163 :: TyFun (Product a6989586621680988968) (f6989586621680988967 (Product b6989586621680988969)) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () | |
type Rep Product | |
Defined in Data.Functor.Rep type Rep Product = () | |
type Return (arg0 :: a0) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Pure (a :: k1) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Fold (arg0 :: Product m0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Length (a :: Product a6989586621680742401) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Maximum (a :: Product k2) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Minimum (a :: Product k2) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Null (a :: Product a6989586621680742400) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Product (a :: Product k2) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Sum (a :: Product k2) | |
Defined in Data.Singletons.Prelude.Foldable | |
type ToList (a :: Product a6989586621680742399) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Sequence (arg0 :: Product (m0 a0)) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Elem (a1 :: k1) (a2 :: Product k1) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldl1 (a1 :: k2 ~> (k2 ~> k2)) (a2 :: Product k2) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldr1 (a1 :: k2 ~> (k2 ~> k2)) (a2 :: Product k2) | |
Defined in Data.Singletons.Prelude.Foldable | |
type SequenceA (arg0 :: Product (f0 a0)) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Fmap (a1 :: a6989586621679962807 ~> b6989586621679962808) (a2 :: Product a6989586621679962807) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type (arg1 :: Product a0) >> (arg2 :: Product b0) | |
type (a1 :: Product a6989586621679962836) >>= (a2 :: a6989586621679962836 ~> Product b6989586621679962837) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type (a1 :: Product a6989586621679962836) >>= (a2 :: a6989586621679962836 ~> Product b6989586621679962837) = Apply (Apply (TFHelper_6989586621680215308Sym0 :: TyFun (Product a6989586621679962836) ((a6989586621679962836 ~> Product b6989586621679962837) ~> Product b6989586621679962837) -> Type) a1) a2 | |
type (arg1 :: Product a0) *> (arg2 :: Product b0) | |
type (arg1 :: Product a0) <* (arg2 :: Product b0) | |
type (a1 :: Product (a6989586621679962813 ~> b6989586621679962814)) <*> (a2 :: Product a6989586621679962813) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type (a1 :: Product (a6989586621679962813 ~> b6989586621679962814)) <*> (a2 :: Product a6989586621679962813) = Apply (Apply (TFHelper_6989586621680215265Sym0 :: TyFun (Product (a6989586621679962813 ~> b6989586621679962814)) (Product a6989586621679962813 ~> Product b6989586621679962814) -> Type) a1) a2 | |
type (a1 :: k1) <$ (a2 :: Product b6989586621679962810) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type FoldMap (a1 :: a6989586621680742388 ~> k2) (a2 :: Product a6989586621680742388) | |
Defined in Data.Singletons.Prelude.Foldable | |
type MapM (arg1 :: a0 ~> m0 b0) (arg2 :: Product a0) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Foldr (a1 :: a6989586621680742389 ~> (k2 ~> k2)) (a2 :: k2) (a3 :: Product a6989586621680742389) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldl (a1 :: k2 ~> (a6989586621680742394 ~> k2)) (a2 :: k2) (a3 :: Product a6989586621680742394) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Traverse (a1 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (a2 :: Product a6989586621680988968) | |
Defined in Data.Singletons.Prelude.Traversable type Traverse (a1 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (a2 :: Product a6989586621680988968) = Apply (Apply (Traverse_6989586621680995165Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Product a6989586621680988968 ~> f6989586621680988967 (Product b6989586621680988969)) -> Type) a1) a2 | |
type Foldl' (a1 :: k2 ~> (a6989586621680742396 ~> k2)) (a2 :: k2) (a3 :: Product a6989586621680742396) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldr' (a1 :: a6989586621680742391 ~> (k2 ~> k2)) (a2 :: k2) (a3 :: Product a6989586621680742391) | |
Defined in Data.Singletons.Prelude.Foldable | |
type LiftA2 (arg1 :: a0 ~> (b0 ~> c0)) (arg2 :: Product a0) (arg3 :: Product b0) | |
newtype MVector s (Product a) | |
Defined in Data.Vector.Unboxed.Base | |
type Apply (FromInteger_6989586621680215388Sym0 :: TyFun Nat (Product a6989586621680214917) -> Type) (a6989586621680215387 :: Nat) | |
type Apply (ProductSym0 :: TyFun a (Product a) -> Type) (t6989586621680197102 :: a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Pure_6989586621680215255Sym0 :: TyFun a (Product a) -> Type) (a6989586621680215254 :: a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Product_Sym0 :: TyFun a (Product a) -> Type) (a6989586621680229713 :: a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (ShowsPrec_6989586621681091343Sym0 :: TyFun Nat (Product a6989586621679087472 ~> (Symbol ~> Symbol)) -> Type) (a6989586621681091340 :: Nat) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (TFHelper_6989586621680215289Sym0 :: TyFun a6989586621679962809 (Product b6989586621679962810 ~> Product a6989586621679962809) -> Type) (a6989586621680215287 :: a6989586621679962809) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply (TFHelper_6989586621680215289Sym0 :: TyFun a6989586621679962809 (Product b6989586621679962810 ~> Product a6989586621679962809) -> Type) (a6989586621680215287 :: a6989586621679962809) = TFHelper_6989586621680215289Sym1 a6989586621680215287 b6989586621679962810 :: TyFun (Product b6989586621679962810) (Product a6989586621679962809) -> Type | |
type Rep (Product a) | |
Defined in Data.Semigroup.Internal | |
type Element (Product a) | |
Defined in Universum.Container.Class | |
newtype Vector (Product a) | |
Defined in Data.Vector.Unboxed.Base | |
type Sing | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Mempty | |
Defined in Data.Singletons.Prelude.Monoid type Mempty = Mempty_6989586621680640864Sym0 :: Product a | |
type Demote (Product a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type MaxBound | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type MaxBound = MaxBound_6989586621680201888Sym0 :: Product a | |
type MinBound | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type MinBound = MinBound_6989586621680201886Sym0 :: Product a | |
type Unwrapped (Product a) | |
Defined in Control.Lens.Wrapped type Unwrapped (Product a) = a | |
type Rep1 Product | |
Defined in Data.Semigroup.Internal | |
type FromInteger a2 | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Abs (a2 :: Product a1) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Negate (a2 :: Product a1) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Signum (a2 :: Product a1) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Sconcat (arg0 :: NonEmpty (Product a)) | |
type Mconcat (arg0 :: [Product a]) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Show_ (arg0 :: Product a) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Mappend (arg1 :: Product a) (arg2 :: Product a) | |
type (x :: Product a) /= (y :: Product a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type (a2 :: Product a1) == (b :: Product a1) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type (a2 :: Product a1) <> (a3 :: Product a1) | |
type (a2 :: Product a1) * (a3 :: Product a1) | |
type (a2 :: Product a1) + (a3 :: Product a1) | |
type (a2 :: Product a1) - (a3 :: Product a1) | |
type Max (arg1 :: Product a) (arg2 :: Product a) | |
type Min (arg1 :: Product a) (arg2 :: Product a) | |
type Compare (a2 :: Product a1) (a3 :: Product a1) | |
type (arg1 :: Product a) <= (arg2 :: Product a) | |
type (arg1 :: Product a) < (arg2 :: Product a) | |
type (arg1 :: Product a) >= (arg2 :: Product a) | |
type (arg1 :: Product a) > (arg2 :: Product a) | |
type ShowList (arg1 :: [Product a]) arg2 | |
type HKD Product (a :: Type) | |
Defined in Data.Vinyl.XRec | |
type ShowsPrec a2 (a3 :: Product a1) a4 | |
type Apply (GetProductSym0 :: TyFun (Product a) a -> Type) (a6989586621680197099 :: Product a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Compare_6989586621680206686Sym1 a6989586621680206684 :: TyFun (Product a) Ordering -> Type) (a6989586621680206685 :: Product a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Negate_6989586621680215367Sym0 :: TyFun (Product a) (Product a) -> Type) (a6989586621680215366 :: Product a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Abs_6989586621680215374Sym0 :: TyFun (Product a) (Product a) -> Type) (a6989586621680215373 :: Product a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Signum_6989586621680215381Sym0 :: TyFun (Product a) (Product a) -> Type) (a6989586621680215380 :: Product a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Let6989586621680743356Scrutinee_6989586621680742629Sym0 :: TyFun (t6989586621680742385 a6989586621680742388) (Product a6989586621680742388) -> Type) (x6989586621680743355 :: t6989586621680742385 a6989586621680742388) | |
Defined in Data.Singletons.Prelude.Foldable type Apply (Let6989586621680743356Scrutinee_6989586621680742629Sym0 :: TyFun (t6989586621680742385 a6989586621680742388) (Product a6989586621680742388) -> Type) (x6989586621680743355 :: t6989586621680742385 a6989586621680742388) = Let6989586621680743356Scrutinee_6989586621680742629 x6989586621680743355 | |
type Apply (TFHelper_6989586621680215320Sym1 a6989586621680215318 :: TyFun (Product a) (Product a) -> Type) (a6989586621680215319 :: Product a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (TFHelper_6989586621680215332Sym1 a6989586621680215330 :: TyFun (Product a) (Product a) -> Type) (a6989586621680215331 :: Product a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (TFHelper_6989586621680215344Sym1 a6989586621680215342 :: TyFun (Product a) (Product a) -> Type) (a6989586621680215343 :: Product a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (TFHelper_6989586621680215356Sym1 a6989586621680215354 :: TyFun (Product a) (Product a) -> Type) (a6989586621680215355 :: Product a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (TFHelper_6989586621680215265Sym1 a6989586621680215263 :: TyFun (Product a) (Product b) -> Type) (a6989586621680215264 :: Product a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Fmap_6989586621680215277Sym1 a6989586621680215275 :: TyFun (Product a) (Product b) -> Type) (a6989586621680215276 :: Product a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (TFHelper_6989586621680215289Sym1 a6989586621680215287 b :: TyFun (Product b) (Product a) -> Type) (a6989586621680215288 :: Product b) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Traverse_6989586621680995165Sym1 a6989586621680995163 :: TyFun (Product a) (f (Product b)) -> Type) (a6989586621680995164 :: Product a) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Apply (Compare_6989586621680206686Sym0 :: TyFun (Product a6989586621679087472) (Product a6989586621679087472 ~> Ordering) -> Type) (a6989586621680206684 :: Product a6989586621679087472) | |
type Apply (TFHelper_6989586621680215320Sym0 :: TyFun (Product a6989586621680214914) (Product a6989586621680214914 ~> Product a6989586621680214914) -> Type) (a6989586621680215318 :: Product a6989586621680214914) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (TFHelper_6989586621680215332Sym0 :: TyFun (Product a6989586621680214917) (Product a6989586621680214917 ~> Product a6989586621680214917) -> Type) (a6989586621680215330 :: Product a6989586621680214917) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (TFHelper_6989586621680215344Sym0 :: TyFun (Product a6989586621680214917) (Product a6989586621680214917 ~> Product a6989586621680214917) -> Type) (a6989586621680215342 :: Product a6989586621680214917) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (TFHelper_6989586621680215356Sym0 :: TyFun (Product a6989586621680214917) (Product a6989586621680214917 ~> Product a6989586621680214917) -> Type) (a6989586621680215354 :: Product a6989586621680214917) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (TFHelper_6989586621680215308Sym0 :: TyFun (Product a6989586621679962836) ((a6989586621679962836 ~> Product b6989586621679962837) ~> Product b6989586621679962837) -> Type) (a6989586621680215306 :: Product a6989586621679962836) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply (TFHelper_6989586621680215308Sym0 :: TyFun (Product a6989586621679962836) ((a6989586621679962836 ~> Product b6989586621679962837) ~> Product b6989586621679962837) -> Type) (a6989586621680215306 :: Product a6989586621679962836) = TFHelper_6989586621680215308Sym1 a6989586621680215306 b6989586621679962837 :: TyFun (a6989586621679962836 ~> Product b6989586621679962837) (Product b6989586621679962837) -> Type | |
type Apply (ShowsPrec_6989586621681091343Sym1 a6989586621681091340 a6989586621679087472 :: TyFun (Product a6989586621679087472) (Symbol ~> Symbol) -> Type) (a6989586621681091341 :: Product a6989586621679087472) | |
Defined in Data.Singletons.Prelude.Semigroup | |
type Apply (TFHelper_6989586621680215265Sym0 :: TyFun (Product (a6989586621679962813 ~> b6989586621679962814)) (Product a6989586621679962813 ~> Product b6989586621679962814) -> Type) (a6989586621680215263 :: Product (a6989586621679962813 ~> b6989586621679962814)) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal type Apply (TFHelper_6989586621680215265Sym0 :: TyFun (Product (a6989586621679962813 ~> b6989586621679962814)) (Product a6989586621679962813 ~> Product b6989586621679962814) -> Type) (a6989586621680215263 :: Product (a6989586621679962813 ~> b6989586621679962814)) = TFHelper_6989586621680215265Sym1 a6989586621680215263 | |
type Apply (TFHelper_6989586621680215308Sym1 a6989586621680215306 b :: TyFun (a ~> Product b) (Product b) -> Type) (a6989586621680215307 :: a ~> Product b) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Fmap_6989586621680215277Sym0 :: TyFun (a6989586621679962807 ~> b6989586621679962808) (Product a6989586621679962807 ~> Product b6989586621679962808) -> Type) (a6989586621680215275 :: a6989586621679962807 ~> b6989586621679962808) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Traverse_6989586621680995165Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Product a6989586621680988968 ~> f6989586621680988967 (Product b6989586621680988969)) -> Type) (a6989586621680995163 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) | |
Defined in Data.Singletons.Prelude.Traversable type Apply (Traverse_6989586621680995165Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (Product a6989586621680988968 ~> f6989586621680988967 (Product b6989586621680988969)) -> Type) (a6989586621680995163 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) = Traverse_6989586621680995165Sym1 a6989586621680995163 |
newtype Alt (f :: k -> Type) (a :: k) #
Monoid under <|>
.
Since: base-4.8.0.0
Instances
Generic1 (Alt f :: k -> Type) | Since: base-4.8.0.0 |
Unbox (f a) => Vector Vector (Alt f a) | |
Defined in Data.Vector.Unboxed.Base Methods basicUnsafeFreeze :: PrimMonad m => Mutable Vector (PrimState m) (Alt f a) -> m (Vector (Alt f a)) basicUnsafeThaw :: PrimMonad m => Vector (Alt f a) -> m (Mutable Vector (PrimState m) (Alt f a)) basicLength :: Vector (Alt f a) -> Int basicUnsafeSlice :: Int -> Int -> Vector (Alt f a) -> Vector (Alt f a) basicUnsafeIndexM :: Monad m => Vector (Alt f a) -> Int -> m (Alt f a) basicUnsafeCopy :: PrimMonad m => Mutable Vector (PrimState m) (Alt f a) -> Vector (Alt f a) -> m () | |
Unbox (f a) => MVector MVector (Alt f a) | |
Defined in Data.Vector.Unboxed.Base Methods basicLength :: MVector s (Alt f a) -> Int basicUnsafeSlice :: Int -> Int -> MVector s (Alt f a) -> MVector s (Alt f a) basicOverlaps :: MVector s (Alt f a) -> MVector s (Alt f a) -> Bool basicUnsafeNew :: PrimMonad m => Int -> m (MVector (PrimState m) (Alt f a)) basicInitialize :: PrimMonad m => MVector (PrimState m) (Alt f a) -> m () basicUnsafeReplicate :: PrimMonad m => Int -> Alt f a -> m (MVector (PrimState m) (Alt f a)) basicUnsafeRead :: PrimMonad m => MVector (PrimState m) (Alt f a) -> Int -> m (Alt f a) basicUnsafeWrite :: PrimMonad m => MVector (PrimState m) (Alt f a) -> Int -> Alt f a -> m () basicClear :: PrimMonad m => MVector (PrimState m) (Alt f a) -> m () basicSet :: PrimMonad m => MVector (PrimState m) (Alt f a) -> Alt f a -> m () basicUnsafeCopy :: PrimMonad m => MVector (PrimState m) (Alt f a) -> MVector (PrimState m) (Alt f a) -> m () basicUnsafeMove :: PrimMonad m => MVector (PrimState m) (Alt f a) -> MVector (PrimState m) (Alt f a) -> m () basicUnsafeGrow :: PrimMonad m => MVector (PrimState m) (Alt f a) -> Int -> m (MVector (PrimState m) (Alt f a)) | |
Monad f => Monad (Alt f) | Since: base-4.8.0.0 |
Functor f => Functor (Alt f) | Since: base-4.8.0.0 |
Applicative f => Applicative (Alt f) | Since: base-4.8.0.0 |
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 # 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 # | |
Traversable f => Traversable (Alt f) | Since: base-4.12.0.0 |
Alternative f => Alternative (Alt f) | Since: base-4.8.0.0 |
MonadPlus f => MonadPlus (Alt f) | Since: base-4.8.0.0 |
Enum (f a) => Enum (Alt f a) | Since: base-4.8.0.0 |
Eq (f a) => Eq (Alt f a) | Since: base-4.8.0.0 |
(Data (f a), Data a, Typeable f) => Data (Alt f a) | Since: base-4.8.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Alt f a -> c (Alt f a) # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c (Alt f a) # toConstr :: Alt f a -> Constr # dataTypeOf :: Alt f a -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c (Alt f a)) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c (Alt f a)) # gmapT :: (forall b. Data b => b -> b) -> Alt f a -> Alt f a # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Alt f a -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Alt f a -> r # gmapQ :: (forall d. Data d => d -> u) -> Alt f a -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Alt f a -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Alt f a -> m (Alt f a) # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Alt f a -> m (Alt f a) # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Alt f a -> m (Alt f a) # | |
Num (f a) => Num (Alt f a) | Since: base-4.8.0.0 |
Ord (f a) => Ord (Alt f a) | Since: base-4.8.0.0 |
Defined in Data.Semigroup.Internal | |
Read (f a) => Read (Alt f a) | Since: base-4.8.0.0 |
Show (f a) => Show (Alt f a) | Since: base-4.8.0.0 |
Generic (Alt f a) | Since: base-4.8.0.0 |
Alternative f => Semigroup (Alt f a) | Since: base-4.9.0.0 |
Alternative f => Monoid (Alt f a) | Since: base-4.8.0.0 |
Unbox (f a) => Unbox (Alt f a) | |
Defined in Data.Vector.Unboxed.Base | |
Wrapped (Alt f a) | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped (Alt f a) | |
t ~ Alt g b => Rewrapped (Alt f a) t | |
Defined in Control.Lens.Wrapped | |
type Rep1 (Alt f :: k -> Type) | |
Defined in Data.Semigroup.Internal | |
newtype MVector s (Alt f a) | |
Defined in Data.Vector.Unboxed.Base | |
type Rep (Alt f a) | |
Defined in Data.Semigroup.Internal | |
newtype Vector (Alt f a) | |
Defined in Data.Vector.Unboxed.Base | |
type Unwrapped (Alt f a) | |
Defined in Control.Lens.Wrapped type Unwrapped (Alt f a) = f a |
someNatVal :: Natural -> SomeNat #
Convert an integer into an unknown type-level natural.
Since: base-4.10.0.0
This type represents unknown type-level natural numbers.
Since: base-4.10.0.0
unfoldr :: (b -> Maybe (a, b)) -> b -> [a] #
The unfoldr
function is a `dual' to foldr
: while foldr
reduces a list to a summary value, unfoldr
builds a list from
a seed value. The function takes the element and returns Nothing
if it is done producing the list or returns Just
(a,b)
, in which
case, a
is a prepended to the list and b
is used as the next
element in a recursive call. For example,
iterate f == unfoldr (\x -> Just (x, f x))
In some cases, unfoldr
can undo a foldr
operation:
unfoldr f' (foldr f z xs) == xs
if the following holds:
f' (f x y) = Just (x,y) f' z = Nothing
A simple use of unfoldr:
>>>
unfoldr (\b -> if b == 0 then Nothing else Just (b, b-1)) 10
[10,9,8,7,6,5,4,3,2,1]
sortOn :: Ord b => (a -> b) -> [a] -> [a] #
Sort a list by comparing the results of a key function applied to each
element. sortOn f
is equivalent to sortBy (comparing f)
, but has the
performance advantage of only evaluating f
once for each element in the
input list. This is called the decorate-sort-undecorate paradigm, or
Schwartzian transform.
Elements are arranged from from lowest to highest, keeping duplicates in the order they appeared in the input.
>>>
sortOn fst [(2, "world"), (4, "!"), (1, "Hello")]
[(1,"Hello"),(2,"world"),(4,"!")]
Since: base-4.8.0.0
The sort
function implements a stable sorting algorithm.
It is a special case of sortBy
, which allows the programmer to supply
their own comparison function.
Elements are arranged from from lowest to highest, keeping duplicates in the order they appeared in the input.
>>>
sort [1,6,4,3,2,5]
[1,2,3,4,5,6]
permutations :: [a] -> [[a]] #
The permutations
function returns the list of all permutations of the argument.
>>>
permutations "abc"
["abc","bac","cba","bca","cab","acb"]
subsequences :: [a] -> [[a]] #
The subsequences
function returns the list of all subsequences of the argument.
>>>
subsequences "abc"
["","a","b","ab","c","ac","bc","abc"]
group :: Eq a => [a] -> [[a]] #
The group
function takes a list and returns a list of lists such
that the concatenation of the result is equal to the argument. Moreover,
each sublist in the result contains only equal elements. For example,
>>>
group "Mississippi"
["M","i","ss","i","ss","i","pp","i"]
It is a special case of groupBy
, which allows the programmer to supply
their own equality test.
genericReplicate :: Integral i => i -> a -> [a] #
The genericReplicate
function is an overloaded version of replicate
,
which accepts any Integral
value as the number of repetitions to make.
genericSplitAt :: Integral i => i -> [a] -> ([a], [a]) #
The genericSplitAt
function is an overloaded version of splitAt
, which
accepts any Integral
value as the position at which to split.
genericDrop :: Integral i => i -> [a] -> [a] #
The genericDrop
function is an overloaded version of drop
, which
accepts any Integral
value as the number of elements to drop.
genericTake :: Integral i => i -> [a] -> [a] #
The genericTake
function is an overloaded version of take
, which
accepts any Integral
value as the number of elements to take.
genericLength :: Num i => [a] -> i #
O(n). The genericLength
function is an overloaded version of length
.
In particular, instead of returning an Int
, it returns any type which is an
instance of Num
. It is, however, less efficient than length
.
>>>
genericLength [1, 2, 3] :: Int
3>>>
genericLength [1, 2, 3] :: Float
3.0
The transpose
function transposes the rows and columns of its argument.
For example,
>>>
transpose [[1,2,3],[4,5,6]]
[[1,4],[2,5],[3,6]]
If some of the rows are shorter than the following rows, their elements are skipped:
>>>
transpose [[10,11],[20],[],[30,31,32]]
[[10,20,30],[11,31],[32]]
intercalate :: [a] -> [[a]] -> [a] #
intercalate
xs xss
is equivalent to (
.
It inserts the list concat
(intersperse
xs xss))xs
in between the lists in xss
and concatenates the
result.
>>>
intercalate ", " ["Lorem", "ipsum", "dolor"]
"Lorem, ipsum, dolor"
intersperse :: a -> [a] -> [a] #
O(n). The intersperse
function takes an element and a list and
`intersperses' that element between the elements of the list.
For example,
>>>
intersperse ',' "abcde"
"a,b,c,d,e"
isPrefixOf :: Eq a => [a] -> [a] -> Bool #
O(min(m,n)). The isPrefixOf
function takes two lists and returns True
iff the first list is a prefix of the second.
>>>
"Hello" `isPrefixOf` "Hello World!"
True
>>>
"Hello" `isPrefixOf` "Wello Horld!"
False
readMaybe :: Read a => String -> Maybe a #
Parse a string using the Read
instance.
Succeeds if there is exactly one valid result.
>>>
readMaybe "123" :: Maybe Int
Just 123
>>>
readMaybe "hello" :: Maybe Int
Nothing
Since: base-4.6.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 |
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 # 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 |
NFData1 Down | Since: deepseq-1.4.3.0 |
Defined in Control.DeepSeq | |
Unbox a => Vector Vector (Down a) | |
Defined in Data.Vector.Unboxed.Base Methods basicUnsafeFreeze :: PrimMonad m => Mutable Vector (PrimState m) (Down a) -> m (Vector (Down a)) basicUnsafeThaw :: PrimMonad m => Vector (Down a) -> m (Mutable Vector (PrimState m) (Down a)) basicLength :: Vector (Down a) -> Int basicUnsafeSlice :: Int -> Int -> Vector (Down a) -> Vector (Down a) basicUnsafeIndexM :: Monad m => Vector (Down a) -> Int -> m (Down a) basicUnsafeCopy :: PrimMonad m => Mutable Vector (PrimState m) (Down a) -> Vector (Down a) -> m () | |
Unbox a => MVector MVector (Down a) | |
Defined in Data.Vector.Unboxed.Base Methods basicLength :: MVector s (Down a) -> Int basicUnsafeSlice :: Int -> Int -> MVector s (Down a) -> MVector s (Down a) basicOverlaps :: MVector s (Down a) -> MVector s (Down a) -> Bool basicUnsafeNew :: PrimMonad m => Int -> m (MVector (PrimState m) (Down a)) basicInitialize :: PrimMonad m => MVector (PrimState m) (Down a) -> m () basicUnsafeReplicate :: PrimMonad m => Int -> Down a -> m (MVector (PrimState m) (Down a)) basicUnsafeRead :: PrimMonad m => MVector (PrimState m) (Down a) -> Int -> m (Down a) basicUnsafeWrite :: PrimMonad m => MVector (PrimState m) (Down a) -> Int -> Down a -> m () basicClear :: PrimMonad m => MVector (PrimState m) (Down a) -> m () basicSet :: PrimMonad m => MVector (PrimState m) (Down a) -> Down a -> m () basicUnsafeCopy :: PrimMonad m => MVector (PrimState m) (Down a) -> MVector (PrimState m) (Down a) -> m () basicUnsafeMove :: PrimMonad m => MVector (PrimState m) (Down a) -> MVector (PrimState m) (Down a) -> m () basicUnsafeGrow :: PrimMonad m => MVector (PrimState m) (Down a) -> Int -> m (MVector (PrimState m) (Down a)) | |
Eq a => Eq (Down a) | Since: base-4.6.0.0 |
Data a => Data (Down a) | Since: base-4.12.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Down a -> c (Down a) # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c (Down a) # toConstr :: Down a -> Constr # dataTypeOf :: Down a -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c (Down a)) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c (Down a)) # gmapT :: (forall b. Data b => b -> b) -> Down a -> Down a # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Down a -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Down a -> r # gmapQ :: (forall d. Data d => d -> u) -> Down a -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Down a -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Down a -> m (Down a) # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Down a -> m (Down a) # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Down a -> m (Down a) # | |
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) | Since: base-4.12.0.0 |
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 | |
Unbox a => Unbox (Down a) | |
Defined in Data.Vector.Unboxed.Base | |
SMonoid a => SMonoid (Down a) | |
SSemigroup a => SSemigroup (Down a) | |
SNum a => SNum (Down a) | |
Defined in Data.Singletons.Prelude.Num Methods (%+) :: forall (t1 :: Down a) (t2 :: Down a). Sing t1 -> Sing t2 -> Sing (Apply (Apply (+@#@$) t1) t2) (%-) :: forall (t1 :: Down a) (t2 :: Down a). Sing t1 -> Sing t2 -> Sing (Apply (Apply (-@#@$) t1) t2) (%*) :: forall (t1 :: Down a) (t2 :: Down a). Sing t1 -> Sing t2 -> Sing (Apply (Apply (*@#@$) t1) t2) sNegate :: forall (t :: Down a). Sing t -> Sing (Apply NegateSym0 t) sAbs :: forall (t :: Down a). Sing t -> Sing (Apply AbsSym0 t) sSignum :: forall (t :: Down a). Sing t -> Sing (Apply SignumSym0 t) sFromInteger :: forall (t :: Nat). Sing t -> Sing (Apply FromIntegerSym0 t) | |
SOrd a => SOrd (Down a) | |
Defined in Data.Singletons.Prelude.Ord Methods sCompare :: forall (t1 :: Down a) (t2 :: Down a). Sing t1 -> Sing t2 -> Sing (Apply (Apply CompareSym0 t1) t2) (%<) :: forall (t1 :: Down a) (t2 :: Down a). Sing t1 -> Sing t2 -> Sing (Apply (Apply (<@#@$) t1) t2) (%<=) :: forall (t1 :: Down a) (t2 :: Down a). Sing t1 -> Sing t2 -> Sing (Apply (Apply (<=@#@$) t1) t2) (%>) :: forall (t1 :: Down a) (t2 :: Down a). Sing t1 -> Sing t2 -> Sing (Apply (Apply (>@#@$) t1) t2) (%>=) :: forall (t1 :: Down a) (t2 :: Down a). Sing t1 -> Sing t2 -> Sing (Apply (Apply (>=@#@$) t1) t2) sMax :: forall (t1 :: Down a) (t2 :: Down a). Sing t1 -> Sing t2 -> Sing (Apply (Apply MaxSym0 t1) t2) sMin :: forall (t1 :: Down a) (t2 :: Down a). Sing t1 -> Sing t2 -> Sing (Apply (Apply MinSym0 t1) t2) | |
PSemigroup (Down a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Associated Types type arg0 <> arg1 :: a0 type Sconcat arg0 :: a0 | |
PMonoid (Down a) | |
Defined in Data.Singletons.Prelude.Monoid Associated Types type Mempty :: a0 type Mappend arg0 arg1 :: a0 type Mconcat arg0 :: a0 | |
PNum (Down a) | |
Defined in Data.Singletons.Prelude.Num Associated Types type arg0 + arg1 :: a0 type arg0 - arg1 :: a0 type arg0 * arg1 :: a0 type Negate arg0 :: a0 type Abs arg0 :: a0 type Signum arg0 :: a0 type FromInteger arg0 :: a0 | |
POrd (Down a) | |
Wrapped (Down a) | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped (Down a) | |
Generic1 Down | Since: base-4.12.0.0 |
t ~ Down b => Rewrapped (Down a) t | |
Defined in Control.Lens.Wrapped | |
SDecide a => TestCoercion (SDown :: Down a -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods testCoercion :: forall (a0 :: k) (b :: k). SDown a0 -> SDown b -> Maybe (Coercion a0 b) # | |
SDecide a => TestEquality (SDown :: Down a -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods testEquality :: forall (a0 :: k) (b :: k). SDown a0 -> SDown b -> Maybe (a0 :~: b) # | |
SingI (DownSym0 :: TyFun a (Down a) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods sing :: Sing DownSym0 | |
SuppressUnusedWarnings (DownSym0 :: TyFun a6989586621679095426 (Down a6989586621679095426) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Pure_6989586621681393607Sym0 :: TyFun a6989586621679962812 (Down a6989586621679962812) -> Type) | |
Defined in Data.Singletons.Prelude.Applicative Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679801938Sym0 :: TyFun (Down a6989586621679801918) (Down a6989586621679801918 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680106834Sym0 :: TyFun a6989586621679962809 (Down b6989586621679962810 ~> Down a6989586621679962809) -> Type) | |
Defined in Data.Singletons.Prelude.Functor Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679801938Sym1 a6989586621679801936 :: TyFun (Down a6989586621679801918) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621681402205Sym0 :: TyFun (Down a6989586621679962836) ((a6989586621679962836 ~> Down b6989586621679962837) ~> Down b6989586621679962837) -> Type) | |
Defined in Data.Singletons.Prelude.Monad Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621681393617Sym0 :: TyFun (Down (a6989586621679962813 ~> b6989586621679962814)) (Down a6989586621679962813 ~> Down b6989586621679962814) -> Type) | |
Defined in Data.Singletons.Prelude.Applicative Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Fmap_6989586621680106822Sym0 :: TyFun (a6989586621679962807 ~> b6989586621679962808) (Down a6989586621679962807 ~> Down b6989586621679962808) -> Type) | |
Defined in Data.Singletons.Prelude.Functor Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680106834Sym1 a6989586621680106832 b6989586621679962810 :: TyFun (Down b6989586621679962810) (Down a6989586621679962809) -> Type) | |
Defined in Data.Singletons.Prelude.Functor Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Fmap_6989586621680106822Sym1 a6989586621680106820 :: TyFun (Down a6989586621679962807) (Down b6989586621679962808) -> Type) | |
Defined in Data.Singletons.Prelude.Functor Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621681393617Sym1 a6989586621681393615 :: TyFun (Down a6989586621679962813) (Down b6989586621679962814) -> Type) | |
Defined in Data.Singletons.Prelude.Applicative Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621681402205Sym1 a6989586621681402203 b6989586621679962837 :: TyFun (a6989586621679962836 ~> Down b6989586621679962837) (Down b6989586621679962837) -> Type) | |
Defined in Data.Singletons.Prelude.Monad Methods suppressUnusedWarnings :: () | |
type Return (arg0 :: a0) | |
Defined in Data.Singletons.Prelude.Monad | |
type Pure (a :: k1) | |
Defined in Data.Singletons.Prelude.Applicative | |
type Fmap (a1 :: a6989586621679962807 ~> b6989586621679962808) (a2 :: Down a6989586621679962807) | |
Defined in Data.Singletons.Prelude.Functor | |
type (arg1 :: Down a0) >> (arg2 :: Down b0) | |
type (a1 :: Down a6989586621679962836) >>= (a2 :: a6989586621679962836 ~> Down b6989586621679962837) | |
Defined in Data.Singletons.Prelude.Monad | |
type (arg1 :: Down a0) *> (arg2 :: Down b0) | |
type (arg1 :: Down a0) <* (arg2 :: Down b0) | |
type (a1 :: Down (a6989586621679962813 ~> b6989586621679962814)) <*> (a2 :: Down a6989586621679962813) | |
Defined in Data.Singletons.Prelude.Applicative | |
type (a1 :: k1) <$ (a2 :: Down b6989586621679962810) | |
Defined in Data.Singletons.Prelude.Functor | |
type LiftA2 (arg1 :: a0 ~> (b0 ~> c0)) (arg2 :: Down a0) (arg3 :: Down b0) | |
newtype MVector s (Down a) | |
Defined in Data.Vector.Unboxed.Base | |
type Apply (DownSym0 :: TyFun a (Down a) -> Type) (t6989586621679801488 :: a) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Pure_6989586621681393607Sym0 :: TyFun a (Down a) -> Type) (a6989586621681393606 :: a) | |
Defined in Data.Singletons.Prelude.Applicative | |
type Apply (TFHelper_6989586621680106834Sym0 :: TyFun a6989586621679962809 (Down b6989586621679962810 ~> Down a6989586621679962809) -> Type) (a6989586621680106832 :: a6989586621679962809) | |
Defined in Data.Singletons.Prelude.Functor type Apply (TFHelper_6989586621680106834Sym0 :: TyFun a6989586621679962809 (Down b6989586621679962810 ~> Down a6989586621679962809) -> Type) (a6989586621680106832 :: a6989586621679962809) = TFHelper_6989586621680106834Sym1 a6989586621680106832 b6989586621679962810 :: TyFun (Down b6989586621679962810) (Down a6989586621679962809) -> Type | |
type Rep (Down a) | |
Defined in GHC.Generics | |
newtype Vector (Down a) | |
Defined in Data.Vector.Unboxed.Base | |
type Sing | |
Defined in Data.Singletons.Prelude.Ord | |
type Mempty | |
Defined in Data.Singletons.Prelude.Monoid type Mempty = Mempty_6989586621680640866Sym0 :: Down a | |
type Demote (Down a) | |
Defined in Data.Singletons.Prelude.Ord | |
type Unwrapped (Down a) | |
Defined in Control.Lens.Wrapped type Unwrapped (Down a) = a | |
type Rep1 Down | |
Defined in GHC.Generics | |
type FromInteger a2 | |
Defined in Data.Singletons.Prelude.Num | |
type Abs (a2 :: Down a1) | |
Defined in Data.Singletons.Prelude.Num | |
type Negate (a2 :: Down a1) | |
Defined in Data.Singletons.Prelude.Num | |
type Signum (a2 :: Down a1) | |
Defined in Data.Singletons.Prelude.Num | |
type Sconcat (arg0 :: NonEmpty (Down a)) | |
type Mconcat (arg0 :: [Down a]) | |
Defined in Data.Singletons.Prelude.Monoid | |
type Mappend (arg1 :: Down a) (arg2 :: Down a) | |
type (x :: Down a) /= (y :: Down a) | |
Defined in Data.Singletons.Prelude.Ord | |
type (a2 :: Down a1) == (b :: Down a1) | |
Defined in Data.Singletons.Prelude.Ord | |
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 Max (arg1 :: Down a) (arg2 :: Down a) | |
type Min (arg1 :: Down a) (arg2 :: Down a) | |
type Compare (a2 :: Down a1) (a3 :: Down a1) | |
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 Apply (Compare_6989586621679801938Sym1 a6989586621679801936 :: TyFun (Down a) Ordering -> Type) (a6989586621679801937 :: Down a) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply (Fmap_6989586621680106822Sym1 a6989586621680106820 :: TyFun (Down a) (Down b) -> Type) (a6989586621680106821 :: Down a) | |
Defined in Data.Singletons.Prelude.Functor | |
type Apply (TFHelper_6989586621680106834Sym1 a6989586621680106832 b :: TyFun (Down b) (Down a) -> Type) (a6989586621680106833 :: Down b) | |
Defined in Data.Singletons.Prelude.Functor | |
type Apply (TFHelper_6989586621681393617Sym1 a6989586621681393615 :: TyFun (Down a) (Down b) -> Type) (a6989586621681393616 :: Down a) | |
Defined in Data.Singletons.Prelude.Applicative | |
type Apply (Compare_6989586621679801938Sym0 :: TyFun (Down a6989586621679801918) (Down a6989586621679801918 ~> Ordering) -> Type) (a6989586621679801936 :: Down a6989586621679801918) | |
type Apply (TFHelper_6989586621681402205Sym0 :: TyFun (Down a6989586621679962836) ((a6989586621679962836 ~> Down b6989586621679962837) ~> Down b6989586621679962837) -> Type) (a6989586621681402203 :: Down a6989586621679962836) | |
Defined in Data.Singletons.Prelude.Monad type Apply (TFHelper_6989586621681402205Sym0 :: TyFun (Down a6989586621679962836) ((a6989586621679962836 ~> Down b6989586621679962837) ~> Down b6989586621679962837) -> Type) (a6989586621681402203 :: Down a6989586621679962836) = TFHelper_6989586621681402205Sym1 a6989586621681402203 b6989586621679962837 :: TyFun (a6989586621679962836 ~> Down b6989586621679962837) (Down b6989586621679962837) -> Type | |
type Apply (TFHelper_6989586621681393617Sym0 :: TyFun (Down (a6989586621679962813 ~> b6989586621679962814)) (Down a6989586621679962813 ~> Down b6989586621679962814) -> Type) (a6989586621681393615 :: Down (a6989586621679962813 ~> b6989586621679962814)) | |
Defined in Data.Singletons.Prelude.Applicative type Apply (TFHelper_6989586621681393617Sym0 :: TyFun (Down (a6989586621679962813 ~> b6989586621679962814)) (Down a6989586621679962813 ~> Down b6989586621679962814) -> Type) (a6989586621681393615 :: Down (a6989586621679962813 ~> b6989586621679962814)) = TFHelper_6989586621681393617Sym1 a6989586621681393615 | |
type Apply (TFHelper_6989586621681402205Sym1 a6989586621681402203 b :: TyFun (a ~> Down b) (Down b) -> Type) (a6989586621681402204 :: a ~> Down b) | |
Defined in Data.Singletons.Prelude.Monad | |
type Apply (Fmap_6989586621680106822Sym0 :: TyFun (a6989586621679962807 ~> b6989586621679962808) (Down a6989586621679962807 ~> Down b6989586621679962808) -> Type) (a6989586621680106820 :: a6989586621679962807 ~> b6989586621679962808) | |
Defined in Data.Singletons.Prelude.Functor |
Proxy
is a type that holds no data, but has a phantom parameter of
arbitrary type (or even kind). Its use is to provide type information, even
though there is no value available of that type (or it may be too costly to
create one).
Historically,
is a safer alternative to the
Proxy
:: Proxy
a
idiom.undefined
:: a
>>>
Proxy :: Proxy (Void, Int -> Int)
Proxy
Proxy can even hold types of higher kinds,
>>>
Proxy :: Proxy Either
Proxy
>>>
Proxy :: Proxy Functor
Proxy
>>>
Proxy :: Proxy complicatedStructure
Proxy
Constructors
Proxy |
Instances
Generic1 (Proxy :: k -> Type) | Since: base-4.6.0.0 |
Monad (Proxy :: Type -> Type) | Since: base-4.7.0.0 |
Functor (Proxy :: Type -> Type) | Since: base-4.7.0.0 |
Applicative (Proxy :: Type -> Type) | Since: base-4.7.0.0 |
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 # 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 # | |
Traversable (Proxy :: Type -> Type) | Since: base-4.7.0.0 |
Alternative (Proxy :: Type -> Type) | Since: base-4.9.0.0 |
MonadPlus (Proxy :: Type -> Type) | Since: base-4.9.0.0 |
NFData1 (Proxy :: Type -> Type) | Since: deepseq-1.4.3.0 |
Defined in Control.DeepSeq | |
Hashable1 (Proxy :: Type -> Type) | |
Defined in Data.Hashable.Class | |
Representable (Proxy :: Type -> Type) | |
Bounded (Proxy t) | Since: base-4.7.0.0 |
Enum (Proxy s) | Since: base-4.7.0.0 |
Eq (Proxy s) | Since: base-4.7.0.0 |
Data t => Data (Proxy t) | Since: base-4.7.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Proxy t -> c (Proxy t) # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c (Proxy t) # toConstr :: Proxy t -> Constr # dataTypeOf :: Proxy t -> DataType # dataCast1 :: Typeable t0 => (forall d. Data d => c (t0 d)) -> Maybe (c (Proxy t)) # dataCast2 :: Typeable t0 => (forall d e. (Data d, Data e) => c (t0 d e)) -> Maybe (c (Proxy t)) # gmapT :: (forall b. Data b => b -> b) -> Proxy t -> Proxy t # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Proxy t -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Proxy t -> r # gmapQ :: (forall d. Data d => d -> u) -> Proxy t -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Proxy t -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Proxy t -> m (Proxy t) # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Proxy t -> m (Proxy t) # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Proxy t -> m (Proxy t) # | |
Ord (Proxy s) | Since: base-4.7.0.0 |
Read (Proxy t) | Since: base-4.7.0.0 |
Show (Proxy s) | Since: base-4.7.0.0 |
Ix (Proxy s) | Since: base-4.7.0.0 |
Defined in Data.Proxy | |
Generic (Proxy t) | Since: base-4.6.0.0 |
Semigroup (Proxy s) | Since: base-4.9.0.0 |
Monoid (Proxy s) | Since: base-4.7.0.0 |
NFData (Proxy a) | Since: deepseq-1.4.0.0 |
Defined in Control.DeepSeq | |
Hashable (Proxy a) | |
Defined in Data.Hashable.Class | |
type Rep1 (Proxy :: k -> Type) | |
type Rep (Proxy :: Type -> Type) | |
Defined in Data.Functor.Rep | |
type Rep (Proxy t) | |
See openFile
Constructors
ReadMode | |
WriteMode | |
AppendMode | |
ReadWriteMode |
byteSwap64 :: Word64 -> Word64 #
Reverse order of bytes in Word64
.
Since: base-4.7.0.0
byteSwap32 :: Word32 -> Word32 #
Reverse order of bytes in Word32
.
Since: base-4.7.0.0
byteSwap16 :: Word16 -> Word16 #
Swap bytes in Word16
.
Since: base-4.7.0.0
integralEnumFromThenTo :: Integral a => a -> a -> a -> [a] #
integralEnumFromTo :: Integral a => a -> a -> [a] #
integralEnumFromThen :: (Integral a, Bounded a) => a -> a -> [a] #
integralEnumFrom :: (Integral a, Bounded a) => a -> [a] #
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
numericEnumFromThenTo :: (Ord a, Fractional a) => a -> a -> a -> [a] #
numericEnumFromTo :: (Ord a, Fractional a) => a -> a -> [a] #
numericEnumFromThen :: Fractional a => a -> a -> [a] #
numericEnumFrom :: Fractional a => a -> [a] #
denominator :: Ratio a -> a #
Extract the denominator of the ratio in reduced form: the numerator and denominator have no common factor and the denominator is positive.
Extract the numerator of the ratio in reduced form: the numerator and denominator have no common factor and the denominator is positive.
reduce :: Integral a => a -> a -> Ratio a #
reduce
is a subsidiary function used only in this module.
It normalises a ratio by dividing both numerator and denominator by
their greatest common divisor.
notANumber :: Rational #
ratioPrec1 :: Int #
underflowError :: a #
overflowError :: a #
divZeroError :: a #
boundedEnumFromThen :: (Enum a, Bounded a) => a -> a -> [a] #
boundedEnumFrom :: (Enum a, Bounded a) => a -> [a] #
unzip :: [(a, b)] -> ([a], [b]) #
unzip
transforms a list of pairs into a list of first components
and a list of second components.
zipWith :: (a -> b -> c) -> [a] -> [b] -> [c] #
O(min(m,n)). zipWith
generalises zip
by zipping with the function
given as the first argument, instead of a tupling function. For example,
is applied to two lists to produce the list of corresponding
sums:zipWith
(+)
>>>
zipWith (+) [1, 2, 3] [4, 5, 6]
[5,7,9]
zipWith
is right-lazy:
zipWith f [] _|_ = []
zipWith
is capable of list fusion, but it is restricted to its
first list argument and its resulting list.
break :: (a -> Bool) -> [a] -> ([a], [a]) #
break
, applied to a predicate p
and a list xs
, returns a tuple where
first element is longest prefix (possibly empty) of xs
of elements that
do not satisfy p
and second element is the remainder of the list:
break (> 3) [1,2,3,4,1,2,3,4] == ([1,2,3],[4,1,2,3,4]) break (< 9) [1,2,3] == ([],[1,2,3]) break (> 9) [1,2,3] == ([1,2,3],[])
splitAt :: Int -> [a] -> ([a], [a]) #
splitAt
n xs
returns a tuple where first element is xs
prefix of
length n
and second element is the remainder of the list:
splitAt 6 "Hello World!" == ("Hello ","World!") splitAt 3 [1,2,3,4,5] == ([1,2,3],[4,5]) splitAt 1 [1,2,3] == ([1],[2,3]) splitAt 3 [1,2,3] == ([1,2,3],[]) splitAt 4 [1,2,3] == ([1,2,3],[]) splitAt 0 [1,2,3] == ([],[1,2,3]) splitAt (-1) [1,2,3] == ([],[1,2,3])
It is equivalent to (
when take
n xs, drop
n xs)n
is not _|_
(splitAt _|_ xs = _|_
).
splitAt
is an instance of the more general genericSplitAt
,
in which n
may be of any integral type.
drop
n xs
returns the suffix of xs
after the first n
elements, or []
if n >
:length
xs
drop 6 "Hello World!" == "World!" drop 3 [1,2,3,4,5] == [4,5] drop 3 [1,2] == [] drop 3 [] == [] drop (-1) [1,2] == [1,2] drop 0 [1,2] == [1,2]
It is an instance of the more general genericDrop
,
in which n
may be of any integral type.
take
n
, applied to a list xs
, returns the prefix of xs
of length n
, or xs
itself if n >
:length
xs
take 5 "Hello World!" == "Hello" take 3 [1,2,3,4,5] == [1,2,3] take 3 [1,2] == [1,2] take 3 [] == [] take (-1) [1,2] == [] take 0 [1,2] == []
It is an instance of the more general genericTake
,
in which n
may be of any integral type.
takeWhile :: (a -> Bool) -> [a] -> [a] #
takeWhile
, applied to a predicate p
and a list xs
, returns the
longest prefix (possibly empty) of xs
of elements that satisfy p
:
takeWhile (< 3) [1,2,3,4,1,2,3,4] == [1,2] takeWhile (< 9) [1,2,3] == [1,2,3] takeWhile (< 0) [1,2,3] == []
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.
replicate :: Int -> a -> [a] #
replicate
n x
is a list of length n
with x
the value of
every element.
It is an instance of the more general genericReplicate
,
in which n
may be of any integral type.
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]
catMaybes :: [Maybe a] -> [a] #
The catMaybes
function takes a list of Maybe
s and returns
a list of all the Just
values.
Examples
Basic usage:
>>>
catMaybes [Just 1, Nothing, Just 3]
[1,3]
When constructing a list of Maybe
values, catMaybes
can be used
to return all of the "success" results (if the list is the result
of a map
, then mapMaybe
would be more appropriate):
>>>
import Text.Read ( readMaybe )
>>>
[readMaybe x :: Maybe Int | x <- ["1", "Foo", "3"] ]
[Just 1,Nothing,Just 3]>>>
catMaybes $ [readMaybe x :: Maybe Int | x <- ["1", "Foo", "3"] ]
[1,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 given Just
.
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
""
Case analysis for the Bool
type.
evaluates to bool
x y px
when p
is False
, and evaluates to y
when p
is True
.
This is equivalent to if p then y else x
; that is, one can
think of it as an if-then-else construct with its arguments
reordered.
Examples
Basic usage:
>>>
bool "foo" "bar" True
"bar">>>
bool "foo" "bar" False
"foo"
Confirm that
and bool
x y pif p then y else x
are
equivalent:
>>>
let p = True; x = "bar"; y = "foo"
>>>
bool x y p == if p then y else x
True>>>
let p = False
>>>
bool x y p == if p then y else x
True
Since: base-4.7.0.0
is the least fixed point of the function fix
ff
,
i.e. the least defined x
such that f x = x
.
For example, we can write the factorial function using direct recursion as
>>>
let fac n = if n <= 1 then 1 else n * fac (n-1) in fac 5
120
This uses the fact that Haskell’s let
introduces recursive bindings. We can
rewrite this definition using fix
,
>>>
fix (\rec n -> if n <= 1 then 1 else n * rec (n-1)) 5
120
Instead of making a recursive call, we introduce a dummy parameter rec
;
when used within fix
, this parameter then refers to fix
argument, hence
the recursion is reintroduced.
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
($>) :: Functor f => f a -> b -> f b infixl 4 #
Flipped version of <$
.
Examples
Replace the contents of a
with a constant
Maybe
Int
String
:
>>>
Nothing $> "foo"
Nothing>>>
Just 90210 $> "foo"
Just "foo"
Replace the contents of an
with a constant Either
Int
Int
String
, resulting in an
:Either
Int
String
>>>
Left 8675309 $> "foo"
Left 8675309>>>
Right 8675309 $> "foo"
Right "foo"
Replace each element of a list with a constant String
:
>>>
[1,2,3] $> "foo"
["foo","foo","foo"]
Replace the second element of a pair with a constant String
:
>>>
(1,2) $> "foo"
(1,"foo")
Since: base-4.7.0.0
(<$>) :: 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)
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]
An MVar
(pronounced "em-var") is a synchronising variable, used
for communication between concurrent threads. It can be thought of
as a box, which may be empty or full.
Instances
NFData1 MVar | Since: deepseq-1.4.3.0 |
Defined in Control.DeepSeq | |
Eq (MVar a) | Since: base-4.1.0.0 |
NFData (MVar a) | NOTE: Only strict in the reference and not the referenced value. Since: deepseq-1.4.2.0 |
Defined in Control.DeepSeq |
currentCallStack :: IO [String] #
Returns a [String]
representing the current call stack. This
can be useful for debugging.
The implementation uses the call-stack simulation maintained by the
profiler, so it only works if the program was compiled with -prof
and contains suitable SCC annotations (e.g. by using -fprof-auto
).
Otherwise, the list returned is likely to be empty or
uninformative.
Since: base-4.5.0.0
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]
liftM5 :: Monad m => (a1 -> a2 -> a3 -> a4 -> a5 -> r) -> m a1 -> m a2 -> m a3 -> m a4 -> m a5 -> m r #
Promote a function to a monad, scanning the monadic arguments from
left to right (cf. liftM2
).
liftM4 :: Monad m => (a1 -> a2 -> a3 -> a4 -> r) -> m a1 -> m a2 -> m a3 -> m a4 -> m r #
Promote a function to a monad, scanning the monadic arguments from
left to right (cf. liftM2
).
liftM3 :: Monad m => (a1 -> a2 -> a3 -> r) -> m a1 -> m a2 -> m a3 -> m r #
Promote a function to a monad, scanning the monadic arguments from
left to right (cf. liftM2
).
liftM2 :: Monad m => (a1 -> a2 -> r) -> m a1 -> m a2 -> m r #
Promote a function to a monad, scanning the monadic arguments from left to right. For example,
liftM2 (+) [0,1] [0,2] = [0,2,1,3] liftM2 (+) (Just 1) Nothing = 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.
(<**>) :: Applicative f => f a -> f (a -> b) -> f b infixl 4 #
A variant of <*>
with the arguments reversed.
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:
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
Non-empty (and non-strict) list type.
Since: base-4.9.0.0
Constructors
a :| [a] infixr 5 |
Instances
Monad NonEmpty | Since: base-4.9.0.0 |
Functor NonEmpty | Since: base-4.9.0.0 |
Applicative NonEmpty | Since: base-4.9.0.0 |
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 # 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 # | |
Traversable NonEmpty | Since: base-4.9.0.0 |
NFData1 NonEmpty | Since: deepseq-1.4.3.0 |
Defined in Control.DeepSeq | |
PFunctor NonEmpty | |
Defined in Data.Singletons.Prelude.Monad.Internal Associated Types type Fmap arg0 arg1 :: f0 b0 type arg0 <$ arg1 :: f0 a0 | |
PMonad NonEmpty | |
Defined in Data.Singletons.Prelude.Monad.Internal Associated Types type arg0 >>= arg1 :: m0 b0 type arg0 >> arg1 :: m0 b0 type Return arg0 :: m0 a0 | |
SFunctor NonEmpty | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
SMonad NonEmpty | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods (%>>=) :: forall a b (t1 :: NonEmpty a) (t2 :: a ~> NonEmpty b). Sing t1 -> Sing t2 -> Sing (Apply (Apply (>>=@#@$) t1) t2) (%>>) :: forall a b (t1 :: NonEmpty a) (t2 :: NonEmpty b). Sing t1 -> Sing t2 -> Sing (Apply (Apply (>>@#@$) t1) t2) sReturn :: forall a (t :: a). Sing t -> Sing (Apply ReturnSym0 t) | |
PTraversable NonEmpty | |
Defined in Data.Singletons.Prelude.Traversable Associated Types type Traverse arg0 arg1 :: f0 (t0 b0) type SequenceA arg0 :: f0 (t0 a0) type MapM arg0 arg1 :: m0 (t0 b0) type Sequence arg0 :: m0 (t0 a0) | |
STraversable NonEmpty | |
Defined in Data.Singletons.Prelude.Traversable Methods sTraverse :: forall a (f :: Type -> Type) b (t1 :: a ~> f b) (t2 :: NonEmpty a). SApplicative f => Sing t1 -> Sing t2 -> Sing (Apply (Apply TraverseSym0 t1) t2) sSequenceA :: forall (f :: Type -> Type) a (t :: NonEmpty (f a)). SApplicative f => Sing t -> Sing (Apply SequenceASym0 t) sMapM :: forall a (m :: Type -> Type) b (t1 :: a ~> m b) (t2 :: NonEmpty a). SMonad m => Sing t1 -> Sing t2 -> Sing (Apply (Apply MapMSym0 t1) t2) sSequence :: forall (m :: Type -> Type) a (t :: NonEmpty (m a)). SMonad m => Sing t -> Sing (Apply SequenceSym0 t) | |
SApplicative NonEmpty | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods sPure :: forall a (t :: a). Sing t -> Sing (Apply PureSym0 t) (%<*>) :: forall a b (t1 :: NonEmpty (a ~> b)) (t2 :: NonEmpty a). Sing t1 -> Sing t2 -> Sing (Apply (Apply (<*>@#@$) t1) t2) sLiftA2 :: forall a b c (t1 :: a ~> (b ~> c)) (t2 :: NonEmpty a) (t3 :: NonEmpty b). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply LiftA2Sym0 t1) t2) t3) (%*>) :: forall a b (t1 :: NonEmpty a) (t2 :: NonEmpty b). Sing t1 -> Sing t2 -> Sing (Apply (Apply (*>@#@$) t1) t2) (%<*) :: forall a b (t1 :: NonEmpty a) (t2 :: NonEmpty b). Sing t1 -> Sing t2 -> Sing (Apply (Apply (<*@#@$) t1) t2) | |
SFoldable NonEmpty | |
Defined in Data.Singletons.Prelude.Foldable Methods sFold :: forall m (t :: NonEmpty m). SMonoid m => Sing t -> Sing (Apply FoldSym0 t) sFoldMap :: forall a m (t1 :: a ~> m) (t2 :: NonEmpty a). SMonoid m => Sing t1 -> Sing t2 -> Sing (Apply (Apply FoldMapSym0 t1) t2) sFoldr :: forall a b (t1 :: a ~> (b ~> b)) (t2 :: b) (t3 :: NonEmpty a). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply FoldrSym0 t1) t2) t3) sFoldr' :: forall a b (t1 :: a ~> (b ~> b)) (t2 :: b) (t3 :: NonEmpty a). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply Foldr'Sym0 t1) t2) t3) sFoldl :: forall b a (t1 :: b ~> (a ~> b)) (t2 :: b) (t3 :: NonEmpty a). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply FoldlSym0 t1) t2) t3) sFoldl' :: forall b a (t1 :: b ~> (a ~> b)) (t2 :: b) (t3 :: NonEmpty a). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply Foldl'Sym0 t1) t2) t3) sFoldr1 :: forall a (t1 :: a ~> (a ~> a)) (t2 :: NonEmpty a). Sing t1 -> Sing t2 -> Sing (Apply (Apply Foldr1Sym0 t1) t2) sFoldl1 :: forall a (t1 :: a ~> (a ~> a)) (t2 :: NonEmpty a). Sing t1 -> Sing t2 -> Sing (Apply (Apply Foldl1Sym0 t1) t2) sToList :: forall a (t :: NonEmpty a). Sing t -> Sing (Apply ToListSym0 t) sNull :: forall a (t :: NonEmpty a). Sing t -> Sing (Apply NullSym0 t) sLength :: forall a (t :: NonEmpty a). Sing t -> Sing (Apply LengthSym0 t) sElem :: forall a (t1 :: a) (t2 :: NonEmpty a). SEq a => Sing t1 -> Sing t2 -> Sing (Apply (Apply ElemSym0 t1) t2) sMaximum :: forall a (t :: NonEmpty a). SOrd a => Sing t -> Sing (Apply MaximumSym0 t) sMinimum :: forall a (t :: NonEmpty a). SOrd a => Sing t -> Sing (Apply MinimumSym0 t) sSum :: forall a (t :: NonEmpty a). SNum a => Sing t -> Sing (Apply SumSym0 t) sProduct :: forall a (t :: NonEmpty a). SNum a => Sing t -> Sing (Apply ProductSym0 t) | |
PApplicative NonEmpty | |
Defined in Data.Singletons.Prelude.Monad.Internal Associated Types type Pure arg0 :: f0 a0 type arg0 <*> arg1 :: f0 b0 type LiftA2 arg0 arg1 arg2 :: f0 c0 type arg0 *> arg1 :: f0 b0 type arg0 <* arg1 :: f0 a0 | |
PFoldable NonEmpty | |
Defined in Data.Singletons.Prelude.Foldable Associated Types type Fold arg0 :: m0 type FoldMap arg0 arg1 :: m0 type Foldr arg0 arg1 arg2 :: b0 type Foldr' arg0 arg1 arg2 :: b0 type Foldl arg0 arg1 arg2 :: b0 type Foldl' arg0 arg1 arg2 :: b0 type Foldr1 arg0 arg1 :: a0 type Foldl1 arg0 arg1 :: a0 type ToList arg0 :: [a0] type Null arg0 :: Bool type Length arg0 :: Nat type Elem arg0 arg1 :: Bool type Maximum arg0 :: a0 type Minimum arg0 :: a0 type Sum arg0 :: a0 type Product arg0 :: a0 | |
IsList (NonEmpty a) | Since: base-4.9.0.0 |
Eq a => Eq (NonEmpty a) | Since: base-4.9.0.0 |
Data a => Data (NonEmpty a) | Since: base-4.9.0.0 |
Defined in Data.Data Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> NonEmpty a -> c (NonEmpty a) # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c (NonEmpty a) # toConstr :: NonEmpty a -> Constr # dataTypeOf :: NonEmpty a -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c (NonEmpty a)) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c (NonEmpty a)) # gmapT :: (forall b. Data b => b -> b) -> NonEmpty a -> NonEmpty a # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> NonEmpty a -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> NonEmpty a -> r # gmapQ :: (forall d. Data d => d -> u) -> NonEmpty a -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> NonEmpty a -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> NonEmpty a -> m (NonEmpty a) # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> NonEmpty a -> m (NonEmpty a) # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> NonEmpty a -> m (NonEmpty a) # | |
Ord a => Ord (NonEmpty a) | Since: base-4.9.0.0 |
Read a => Read (NonEmpty a) | Since: base-4.11.0.0 |
Show a => Show (NonEmpty a) | Since: base-4.11.0.0 |
Generic (NonEmpty a) | Since: base-4.6.0.0 |
Semigroup (NonEmpty a) | Since: base-4.9.0.0 |
Lift a => Lift (NonEmpty a) | Since: template-haskell-2.15.0.0 |
NFData a => NFData (NonEmpty a) | Since: deepseq-1.4.2.0 |
Defined in Control.DeepSeq | |
Hashable a => Hashable (NonEmpty a) | |
Defined in Data.Hashable.Class | |
Container (NonEmpty a) | |
Defined in Universum.Container.Class Methods toList :: NonEmpty a -> [Element (NonEmpty a)] # foldr :: (Element (NonEmpty a) -> b -> b) -> b -> NonEmpty a -> b # foldl :: (b -> Element (NonEmpty a) -> b) -> b -> NonEmpty a -> b # foldl' :: (b -> Element (NonEmpty a) -> b) -> b -> NonEmpty a -> b # elem :: Element (NonEmpty a) -> NonEmpty a -> Bool # maximum :: NonEmpty a -> Element (NonEmpty a) # minimum :: NonEmpty a -> Element (NonEmpty a) # foldMap :: Monoid m => (Element (NonEmpty a) -> m) -> NonEmpty a -> m # fold :: NonEmpty a -> Element (NonEmpty a) # foldr' :: (Element (NonEmpty a) -> b -> b) -> b -> NonEmpty a -> b # foldr1 :: (Element (NonEmpty a) -> Element (NonEmpty a) -> Element (NonEmpty a)) -> NonEmpty a -> Element (NonEmpty a) # foldl1 :: (Element (NonEmpty a) -> Element (NonEmpty a) -> Element (NonEmpty a)) -> NonEmpty a -> Element (NonEmpty a) # notElem :: Element (NonEmpty a) -> NonEmpty a -> Bool # all :: (Element (NonEmpty a) -> Bool) -> NonEmpty a -> Bool # any :: (Element (NonEmpty a) -> Bool) -> NonEmpty a -> Bool # find :: (Element (NonEmpty a) -> Bool) -> NonEmpty a -> Maybe (Element (NonEmpty a)) # | |
One (NonEmpty a) | |
(SEq a, SEq [a]) => SEq (NonEmpty a) | |
SSemigroup (NonEmpty a) | |
(SOrd a, SOrd [a]) => SOrd (NonEmpty a) | |
Defined in Data.Singletons.Prelude.Ord Methods sCompare :: forall (t1 :: NonEmpty a) (t2 :: NonEmpty a). Sing t1 -> Sing t2 -> Sing (Apply (Apply CompareSym0 t1) t2) (%<) :: forall (t1 :: NonEmpty a) (t2 :: NonEmpty a). Sing t1 -> Sing t2 -> Sing (Apply (Apply (<@#@$) t1) t2) (%<=) :: forall (t1 :: NonEmpty a) (t2 :: NonEmpty a). Sing t1 -> Sing t2 -> Sing (Apply (Apply (<=@#@$) t1) t2) (%>) :: forall (t1 :: NonEmpty a) (t2 :: NonEmpty a). Sing t1 -> Sing t2 -> Sing (Apply (Apply (>@#@$) t1) t2) (%>=) :: forall (t1 :: NonEmpty a) (t2 :: NonEmpty a). Sing t1 -> Sing t2 -> Sing (Apply (Apply (>=@#@$) t1) t2) sMax :: forall (t1 :: NonEmpty a) (t2 :: NonEmpty a). Sing t1 -> Sing t2 -> Sing (Apply (Apply MaxSym0 t1) t2) sMin :: forall (t1 :: NonEmpty a) (t2 :: NonEmpty a). Sing t1 -> Sing t2 -> Sing (Apply (Apply MinSym0 t1) t2) | |
PSemigroup (NonEmpty a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Associated Types type arg0 <> arg1 :: a0 type Sconcat arg0 :: a0 | |
PEq (NonEmpty a) | |
Defined in Data.Singletons.Prelude.Eq | |
POrd (NonEmpty a) | |
PShow (NonEmpty a) | |
Defined in Data.Singletons.Prelude.Show | |
(SShow a, SShow [a]) => SShow (NonEmpty a) | |
Defined in Data.Singletons.Prelude.Show Methods sShowsPrec :: forall (t1 :: Nat) (t2 :: NonEmpty a) (t3 :: Symbol). Sing t1 -> Sing t2 -> Sing t3 -> Sing (Apply (Apply (Apply ShowsPrecSym0 t1) t2) t3) sShow_ :: forall (t :: NonEmpty a). Sing t -> Sing (Apply Show_Sym0 t) sShowList :: forall (t1 :: [NonEmpty a]) (t2 :: Symbol). Sing t1 -> Sing t2 -> Sing (Apply (Apply ShowListSym0 t1) t2) | |
Ixed (NonEmpty a) | |
Defined in Control.Lens.At | |
Wrapped (NonEmpty a) | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped (NonEmpty a) | |
Generic1 NonEmpty | Since: base-4.6.0.0 |
t ~ NonEmpty b => Rewrapped (NonEmpty a) t | |
Defined in Control.Lens.Wrapped | |
(SDecide a, SDecide [a]) => TestCoercion (SNonEmpty :: NonEmpty a -> Type) | |
Defined in Data.Singletons.Prelude.Instances Methods testCoercion :: forall (a0 :: k) (b :: k). SNonEmpty a0 -> SNonEmpty b -> Maybe (Coercion a0 b) # | |
(SDecide a, SDecide [a]) => TestEquality (SNonEmpty :: NonEmpty a -> Type) | |
Defined in Data.Singletons.Prelude.Instances Methods testEquality :: forall (a0 :: k) (b :: k). SNonEmpty a0 -> SNonEmpty b -> Maybe (a0 :~: b) # | |
Each (NonEmpty a) (NonEmpty b) a b | |
Defined in Lens.Micro.Internal | |
SingI ((:|@#@$) :: TyFun a ([a] ~> NonEmpty a) -> Type) | |
Defined in Data.Singletons.Prelude.Instances Methods sing :: Sing (:|@#@$) | |
SSemigroup a => SingI (SconcatSym0 :: TyFun (NonEmpty a) a -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods sing :: Sing SconcatSym0 | |
SuppressUnusedWarnings (ShowsPrec_6989586621680595837Sym0 :: TyFun Nat (NonEmpty a6989586621679060153 ~> (Symbol ~> Symbol)) -> Type) | |
Defined in Data.Singletons.Prelude.Show Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Pure_6989586621680024371Sym0 :: TyFun a6989586621679962812 (NonEmpty a6989586621679962812) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings ((:|@#@$) :: TyFun a6989586621679060153 ([a6989586621679060153] ~> NonEmpty a6989586621679060153) -> Type) | |
Defined in Data.Singletons.Prelude.Instances Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803318Sym0 :: TyFun (NonEmpty a6989586621679060153) (NonEmpty a6989586621679060153 ~> Ordering) -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Sconcat_6989586621680187840Sym0 :: TyFun (NonEmpty a6989586621680187453) a6989586621680187453 -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Sconcat_6989586621680187695Sym0 :: TyFun (NonEmpty a6989586621680187453) a6989586621680187453 -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (SconcatSym0 :: TyFun (NonEmpty a6989586621680187453) a6989586621680187453 -> Type) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal Methods suppressUnusedWarnings :: () | |
SingI d => SingI ((:|@#@$$) d :: TyFun [a] (NonEmpty a) -> Type) | |
Defined in Data.Singletons.Prelude.Instances Methods sing :: Sing ((:|@#@$$) d) | |
SuppressUnusedWarnings ((:|@#@$$) t6989586621679707133 :: TyFun [a6989586621679060153] (NonEmpty a6989586621679060153) -> Type) | |
Defined in Data.Singletons.Prelude.Instances Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680024214Sym0 :: TyFun a6989586621679962809 (NonEmpty b6989586621679962810 ~> NonEmpty a6989586621679962809) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (ShowsPrec_6989586621680595837Sym1 a6989586621680595834 a6989586621679060153 :: TyFun (NonEmpty a6989586621679060153) (Symbol ~> Symbol) -> Type) | |
Defined in Data.Singletons.Prelude.Show Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680024530Sym0 :: TyFun (NonEmpty a6989586621679962836) ((a6989586621679962836 ~> NonEmpty b6989586621679962837) ~> NonEmpty b6989586621679962837) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Compare_6989586621679803318Sym1 a6989586621679803316 :: TyFun (NonEmpty a6989586621679060153) Ordering -> Type) | |
Defined in Data.Singletons.Prelude.Ord Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680024379Sym0 :: TyFun (NonEmpty (a6989586621679962813 ~> b6989586621679962814)) (NonEmpty a6989586621679962813 ~> NonEmpty b6989586621679962814) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Fmap_6989586621680024201Sym0 :: TyFun (a6989586621679962807 ~> b6989586621679962808) (NonEmpty a6989586621679962807 ~> NonEmpty b6989586621679962808) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680024539BsSym0 :: TyFun k1 (TyFun k (TyFun (k1 ~> NonEmpty a) [a] -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680024539Bs'Sym0 :: TyFun k (TyFun [a6989586621679962836] (TyFun (a6989586621679962836 ~> NonEmpty b6989586621679962837) [b6989586621679962837] -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680024539BSym0 :: TyFun k1 (TyFun k2 (TyFun (k1 ~> NonEmpty k3) k3 -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680024379Sym1 a6989586621680024377 :: TyFun (NonEmpty a6989586621679962813) (NonEmpty b6989586621679962814) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680024214Sym1 a6989586621680024212 b6989586621679962810 :: TyFun (NonEmpty b6989586621679962810) (NonEmpty a6989586621679962809) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Fmap_6989586621680024201Sym1 a6989586621680024199 :: TyFun (NonEmpty a6989586621679962807) (NonEmpty b6989586621679962808) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Traverse_6989586621680995089Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (NonEmpty a6989586621680988968 ~> f6989586621680988967 (NonEmpty b6989586621680988969)) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (TFHelper_6989586621680024530Sym1 a6989586621680024528 b6989586621679962837 :: TyFun (a6989586621679962836 ~> NonEmpty b6989586621679962837) (NonEmpty b6989586621679962837) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (LiftA2_6989586621680024396Sym0 :: TyFun (a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (NonEmpty a6989586621679962815 ~> (NonEmpty b6989586621679962816 ~> NonEmpty c6989586621679962817)) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680024539Bs'Sym1 a6989586621680024536 :: TyFun [a6989586621679962836] (TyFun (a6989586621679962836 ~> NonEmpty b6989586621679962837) [b6989586621679962837] -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680024539ToListSym0 :: TyFun k1 (TyFun k2 (TyFun k3 (TyFun (NonEmpty k4) [k4] -> Type) -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680024539BsSym1 a6989586621680024536 :: TyFun k (TyFun (k1 ~> NonEmpty a) [a] -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680024539BSym1 a6989586621680024536 :: TyFun k2 (TyFun (k1 ~> NonEmpty k3) k3 -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Traverse_6989586621680995089Sym1 a6989586621680995087 :: TyFun (NonEmpty a6989586621680988968) (f6989586621680988967 (NonEmpty b6989586621680988969)) -> Type) | |
Defined in Data.Singletons.Prelude.Traversable Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (LiftA2_6989586621680024396Sym1 a6989586621680024393 :: TyFun (NonEmpty a6989586621679962815) (NonEmpty b6989586621679962816 ~> NonEmpty c6989586621679962817) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680024539ToListSym1 a6989586621680024536 :: TyFun k2 (TyFun k3 (TyFun (NonEmpty k4) [k4] -> Type) -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (LiftA2_6989586621680024396Sym2 a6989586621680024394 a6989586621680024393 :: TyFun (NonEmpty b6989586621679962816) (NonEmpty c6989586621679962817) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680024539BsSym2 as6989586621680024537 a6989586621680024536 :: TyFun (k1 ~> NonEmpty a) [a] -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680024539Bs'Sym2 as6989586621680024537 a6989586621680024536 :: TyFun (a6989586621679962836 ~> NonEmpty b6989586621679962837) [b6989586621679962837] -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680024539BSym2 as6989586621680024537 a6989586621680024536 :: TyFun (k1 ~> NonEmpty k3) k3 -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680024539ToListSym2 as6989586621680024537 a6989586621680024536 :: TyFun k3 (TyFun (NonEmpty k4) [k4] -> Type) -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
SuppressUnusedWarnings (Let6989586621680024539ToListSym3 f6989586621680024538 as6989586621680024537 a6989586621680024536 :: TyFun (NonEmpty k4) [k4] -> Type) | |
Defined in Data.Singletons.Prelude.Monad.Internal Methods suppressUnusedWarnings :: () | |
type Return (arg0 :: a0) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Pure (a :: k1) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Fold (a :: NonEmpty k2) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Length (arg0 :: NonEmpty a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Maximum (arg0 :: NonEmpty a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Minimum (arg0 :: NonEmpty a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Null (arg0 :: NonEmpty a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Product (arg0 :: NonEmpty a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Sum (arg0 :: NonEmpty a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type ToList (a :: NonEmpty a6989586621680742399) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Sequence (arg0 :: NonEmpty (m0 a0)) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Elem (arg1 :: a0) (arg2 :: NonEmpty a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldl1 (a1 :: k2 ~> (k2 ~> k2)) (a2 :: NonEmpty k2) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldr1 (a1 :: k2 ~> (k2 ~> k2)) (a2 :: NonEmpty k2) | |
Defined in Data.Singletons.Prelude.Foldable | |
type SequenceA (arg0 :: NonEmpty (f0 a0)) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Fmap (a1 :: a6989586621679962807 ~> b6989586621679962808) (a2 :: NonEmpty a6989586621679962807) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type (arg1 :: NonEmpty a0) >> (arg2 :: NonEmpty b0) | |
type (a1 :: NonEmpty a6989586621679962836) >>= (a2 :: a6989586621679962836 ~> NonEmpty b6989586621679962837) | |
Defined in Data.Singletons.Prelude.Monad.Internal type (a1 :: NonEmpty a6989586621679962836) >>= (a2 :: a6989586621679962836 ~> NonEmpty b6989586621679962837) = Apply (Apply (TFHelper_6989586621680024530Sym0 :: TyFun (NonEmpty a6989586621679962836) ((a6989586621679962836 ~> NonEmpty b6989586621679962837) ~> NonEmpty b6989586621679962837) -> Type) a1) a2 | |
type (arg1 :: NonEmpty a0) *> (arg2 :: NonEmpty b0) | |
type (arg1 :: NonEmpty a0) <* (arg2 :: NonEmpty b0) | |
type (a1 :: NonEmpty (a6989586621679962813 ~> b6989586621679962814)) <*> (a2 :: NonEmpty a6989586621679962813) | |
Defined in Data.Singletons.Prelude.Monad.Internal type (a1 :: NonEmpty (a6989586621679962813 ~> b6989586621679962814)) <*> (a2 :: NonEmpty a6989586621679962813) = Apply (Apply (TFHelper_6989586621680024379Sym0 :: TyFun (NonEmpty (a6989586621679962813 ~> b6989586621679962814)) (NonEmpty a6989586621679962813 ~> NonEmpty b6989586621679962814) -> Type) a1) a2 | |
type (a1 :: k1) <$ (a2 :: NonEmpty b6989586621679962810) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type FoldMap (a1 :: a6989586621680742388 ~> k2) (a2 :: NonEmpty a6989586621680742388) | |
Defined in Data.Singletons.Prelude.Foldable | |
type MapM (arg1 :: a0 ~> m0 b0) (arg2 :: NonEmpty a0) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Foldr (a1 :: a6989586621680742389 ~> (k2 ~> k2)) (a2 :: k2) (a3 :: NonEmpty a6989586621680742389) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldl (a1 :: k2 ~> (a6989586621680742394 ~> k2)) (a2 :: k2) (a3 :: NonEmpty a6989586621680742394) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Traverse (a1 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (a2 :: NonEmpty a6989586621680988968) | |
Defined in Data.Singletons.Prelude.Traversable type Traverse (a1 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (a2 :: NonEmpty a6989586621680988968) = Apply (Apply (Traverse_6989586621680995089Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (NonEmpty a6989586621680988968 ~> f6989586621680988967 (NonEmpty b6989586621680988969)) -> Type) a1) a2 | |
type Foldl' (arg1 :: b0 ~> (a0 ~> b0)) (arg2 :: b0) (arg3 :: NonEmpty a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type Foldr' (arg1 :: a0 ~> (b0 ~> b0)) (arg2 :: b0) (arg3 :: NonEmpty a0) | |
Defined in Data.Singletons.Prelude.Foldable | |
type LiftA2 (a1 :: a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (a2 :: NonEmpty a6989586621679962815) (a3 :: NonEmpty b6989586621679962816) | |
Defined in Data.Singletons.Prelude.Monad.Internal type LiftA2 (a1 :: a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (a2 :: NonEmpty a6989586621679962815) (a3 :: NonEmpty b6989586621679962816) = Apply (Apply (Apply (LiftA2_6989586621680024396Sym0 :: TyFun (a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (NonEmpty a6989586621679962815 ~> (NonEmpty b6989586621679962816 ~> NonEmpty c6989586621679962817)) -> Type) a1) a2) a3 | |
type Apply (Pure_6989586621680024371Sym0 :: TyFun a (NonEmpty a) -> Type) (a6989586621680024370 :: a) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (ShowsPrec_6989586621680595837Sym0 :: TyFun Nat (NonEmpty a6989586621679060153 ~> (Symbol ~> Symbol)) -> Type) (a6989586621680595834 :: Nat) | |
Defined in Data.Singletons.Prelude.Show | |
type Apply ((:|@#@$) :: TyFun a6989586621679060153 ([a6989586621679060153] ~> NonEmpty a6989586621679060153) -> Type) (t6989586621679707133 :: a6989586621679060153) | |
Defined in Data.Singletons.Prelude.Instances | |
type Apply (TFHelper_6989586621680024214Sym0 :: TyFun a6989586621679962809 (NonEmpty b6989586621679962810 ~> NonEmpty a6989586621679962809) -> Type) (a6989586621680024212 :: a6989586621679962809) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (TFHelper_6989586621680024214Sym0 :: TyFun a6989586621679962809 (NonEmpty b6989586621679962810 ~> NonEmpty a6989586621679962809) -> Type) (a6989586621680024212 :: a6989586621679962809) = TFHelper_6989586621680024214Sym1 a6989586621680024212 b6989586621679962810 :: TyFun (NonEmpty b6989586621679962810) (NonEmpty a6989586621679962809) -> Type | |
type Apply (Let6989586621680024539Bs'Sym0 :: TyFun k (TyFun [a6989586621679962836] (TyFun (a6989586621679962836 ~> NonEmpty b6989586621679962837) [b6989586621679962837] -> Type) -> Type) -> Type) (a6989586621680024536 :: k) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (Let6989586621680024539Bs'Sym0 :: TyFun k (TyFun [a6989586621679962836] (TyFun (a6989586621679962836 ~> NonEmpty b6989586621679962837) [b6989586621679962837] -> Type) -> Type) -> Type) (a6989586621680024536 :: k) = Let6989586621680024539Bs'Sym1 a6989586621680024536 :: TyFun [a6989586621679962836] (TyFun (a6989586621679962836 ~> NonEmpty b6989586621679962837) [b6989586621679962837] -> Type) -> Type | |
type Apply (Let6989586621680024539BSym0 :: TyFun k1 (TyFun k2 (TyFun (k1 ~> NonEmpty k3) k3 -> Type) -> Type) -> Type) (a6989586621680024536 :: k1) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (Let6989586621680024539BsSym0 :: TyFun k1 (TyFun k (TyFun (k1 ~> NonEmpty a) [a] -> Type) -> Type) -> Type) (a6989586621680024536 :: k1) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (Let6989586621680024539ToListSym0 :: TyFun k1 (TyFun k2 (TyFun k3 (TyFun (NonEmpty k4) [k4] -> Type) -> Type) -> Type) -> Type) (a6989586621680024536 :: k1) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (Let6989586621680024539BSym1 a6989586621680024536 :: TyFun k2 (TyFun (k1 ~> NonEmpty k3) k3 -> Type) -> Type) (as6989586621680024537 :: k2) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (Let6989586621680024539BsSym1 a6989586621680024536 :: TyFun k (TyFun (k1 ~> NonEmpty a) [a] -> Type) -> Type) (as6989586621680024537 :: k) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (Let6989586621680024539ToListSym1 a6989586621680024536 :: TyFun k2 (TyFun k3 (TyFun (NonEmpty k4) [k4] -> Type) -> Type) -> Type) (as6989586621680024537 :: k2) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (Let6989586621680024539ToListSym1 a6989586621680024536 :: TyFun k2 (TyFun k3 (TyFun (NonEmpty k4) [k4] -> Type) -> Type) -> Type) (as6989586621680024537 :: k2) = Let6989586621680024539ToListSym2 a6989586621680024536 as6989586621680024537 :: TyFun k3 (TyFun (NonEmpty k4) [k4] -> Type) -> Type | |
type Apply (Let6989586621680024539ToListSym2 as6989586621680024537 a6989586621680024536 :: TyFun k3 (TyFun (NonEmpty k4) [k4] -> Type) -> Type) (f6989586621680024538 :: k3) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (Let6989586621680024539ToListSym2 as6989586621680024537 a6989586621680024536 :: TyFun k3 (TyFun (NonEmpty k4) [k4] -> Type) -> Type) (f6989586621680024538 :: k3) = Let6989586621680024539ToListSym3 as6989586621680024537 a6989586621680024536 f6989586621680024538 :: TyFun (NonEmpty k4) [k4] -> Type | |
type Rep (NonEmpty a) | |
Defined in GHC.Generics type Rep (NonEmpty a) = D1 ('MetaData "NonEmpty" "GHC.Base" "base" 'False) (C1 ('MetaCons ":|" ('InfixI 'LeftAssociative 9) 'False) (S1 ('MetaSel ('Nothing :: Maybe Symbol) 'NoSourceUnpackedness 'NoSourceStrictness 'DecidedLazy) (Rec0 a) :*: S1 ('MetaSel ('Nothing :: Maybe Symbol) 'NoSourceUnpackedness 'NoSourceStrictness 'DecidedLazy) (Rec0 [a]))) | |
type Item (NonEmpty a) | |
type Element (NonEmpty a) | |
Defined in Universum.Container.Class | |
type OneItem (NonEmpty a) | |
Defined in Universum.Container.Class | |
type Sing | |
Defined in Data.Singletons.Prelude.Instances | |
type Demote (NonEmpty a) | |
Defined in Data.Singletons.Prelude.Instances | |
type Index (NonEmpty a) | |
Defined in Control.Lens.At | |
type IxValue (NonEmpty a) | |
Defined in Control.Lens.At type IxValue (NonEmpty a) = a | |
type Unwrapped (NonEmpty a) | |
Defined in Control.Lens.Wrapped type Unwrapped (NonEmpty a) = (a, [a]) | |
type Rep1 NonEmpty | |
Defined in GHC.Generics type Rep1 NonEmpty = D1 ('MetaData "NonEmpty" "GHC.Base" "base" 'False) (C1 ('MetaCons ":|" ('InfixI 'LeftAssociative 9) 'False) (S1 ('MetaSel ('Nothing :: Maybe Symbol) 'NoSourceUnpackedness 'NoSourceStrictness 'DecidedLazy) Par1 :*: S1 ('MetaSel ('Nothing :: Maybe Symbol) 'NoSourceUnpackedness 'NoSourceStrictness 'DecidedLazy) (Rec1 []))) | |
type Sconcat (arg0 :: NonEmpty (NonEmpty a)) | |
type Show_ (arg0 :: NonEmpty a) | |
Defined in Data.Singletons.Prelude.Show | |
type (x :: NonEmpty a) /= (y :: NonEmpty a) | |
Defined in Data.Singletons.Prelude.Eq | |
type (a2 :: NonEmpty a1) == (b :: NonEmpty a1) | |
Defined in Data.Singletons.Prelude.Eq | |
type (a2 :: NonEmpty a1) <> (a3 :: NonEmpty a1) | |
type Max (arg1 :: NonEmpty a) (arg2 :: NonEmpty a) | |
type Min (arg1 :: NonEmpty a) (arg2 :: NonEmpty a) | |
type Compare (a2 :: NonEmpty a1) (a3 :: NonEmpty a1) | |
type (arg1 :: NonEmpty a) <= (arg2 :: NonEmpty a) | |
type (arg1 :: NonEmpty a) < (arg2 :: NonEmpty a) | |
type (arg1 :: NonEmpty a) >= (arg2 :: NonEmpty a) | |
type (arg1 :: NonEmpty a) > (arg2 :: NonEmpty a) | |
type ShowList (arg1 :: [NonEmpty a]) arg2 | |
type ShowsPrec a2 (a3 :: NonEmpty a1) a4 | |
type Apply (Sconcat_6989586621680187695Sym0 :: TyFun (NonEmpty a) a -> Type) (a6989586621680187694 :: NonEmpty a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (SconcatSym0 :: TyFun (NonEmpty a) a -> Type) (arg6989586621680187692 :: NonEmpty a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Sconcat_6989586621680187840Sym0 :: TyFun (NonEmpty a) a -> Type) (a6989586621680187839 :: NonEmpty a) | |
Defined in Data.Singletons.Prelude.Semigroup.Internal | |
type Apply (Compare_6989586621679803318Sym1 a6989586621679803316 :: TyFun (NonEmpty a) Ordering -> Type) (a6989586621679803317 :: NonEmpty a) | |
Defined in Data.Singletons.Prelude.Ord | |
type Apply ((:|@#@$$) t6989586621679707133 :: TyFun [a] (NonEmpty a) -> Type) (t6989586621679707134 :: [a]) | |
Defined in Data.Singletons.Prelude.Instances | |
type Apply (Fmap_6989586621680024201Sym1 a6989586621680024199 :: TyFun (NonEmpty a) (NonEmpty b) -> Type) (a6989586621680024200 :: NonEmpty a) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (TFHelper_6989586621680024214Sym1 a6989586621680024212 b :: TyFun (NonEmpty b) (NonEmpty a) -> Type) (a6989586621680024213 :: NonEmpty b) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (TFHelper_6989586621680024379Sym1 a6989586621680024377 :: TyFun (NonEmpty a) (NonEmpty b) -> Type) (a6989586621680024378 :: NonEmpty a) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (Traverse_6989586621680995089Sym1 a6989586621680995087 :: TyFun (NonEmpty a) (f (NonEmpty b)) -> Type) (a6989586621680995088 :: NonEmpty a) | |
Defined in Data.Singletons.Prelude.Traversable | |
type Apply (LiftA2_6989586621680024396Sym2 a6989586621680024394 a6989586621680024393 :: TyFun (NonEmpty b) (NonEmpty c) -> Type) (a6989586621680024395 :: NonEmpty b) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (Let6989586621680024539ToListSym3 f6989586621680024538 as6989586621680024537 a6989586621680024536 :: TyFun (NonEmpty k4) [k4] -> Type) (a6989586621680024546 :: NonEmpty k4) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (Compare_6989586621679803318Sym0 :: TyFun (NonEmpty a6989586621679060153) (NonEmpty a6989586621679060153 ~> Ordering) -> Type) (a6989586621679803316 :: NonEmpty a6989586621679060153) | |
type Apply (ShowsPrec_6989586621680595837Sym1 a6989586621680595834 a6989586621679060153 :: TyFun (NonEmpty a6989586621679060153) (Symbol ~> Symbol) -> Type) (a6989586621680595835 :: NonEmpty a6989586621679060153) | |
Defined in Data.Singletons.Prelude.Show | |
type Apply (TFHelper_6989586621680024530Sym0 :: TyFun (NonEmpty a6989586621679962836) ((a6989586621679962836 ~> NonEmpty b6989586621679962837) ~> NonEmpty b6989586621679962837) -> Type) (a6989586621680024528 :: NonEmpty a6989586621679962836) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (TFHelper_6989586621680024530Sym0 :: TyFun (NonEmpty a6989586621679962836) ((a6989586621679962836 ~> NonEmpty b6989586621679962837) ~> NonEmpty b6989586621679962837) -> Type) (a6989586621680024528 :: NonEmpty a6989586621679962836) = TFHelper_6989586621680024530Sym1 a6989586621680024528 b6989586621679962837 :: TyFun (a6989586621679962836 ~> NonEmpty b6989586621679962837) (NonEmpty b6989586621679962837) -> Type | |
type Apply (TFHelper_6989586621680024379Sym0 :: TyFun (NonEmpty (a6989586621679962813 ~> b6989586621679962814)) (NonEmpty a6989586621679962813 ~> NonEmpty b6989586621679962814) -> Type) (a6989586621680024377 :: NonEmpty (a6989586621679962813 ~> b6989586621679962814)) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (TFHelper_6989586621680024379Sym0 :: TyFun (NonEmpty (a6989586621679962813 ~> b6989586621679962814)) (NonEmpty a6989586621679962813 ~> NonEmpty b6989586621679962814) -> Type) (a6989586621680024377 :: NonEmpty (a6989586621679962813 ~> b6989586621679962814)) = TFHelper_6989586621680024379Sym1 a6989586621680024377 | |
type Apply (Let6989586621680024539Bs'Sym1 a6989586621680024536 :: TyFun [a6989586621679962836] (TyFun (a6989586621679962836 ~> NonEmpty b6989586621679962837) [b6989586621679962837] -> Type) -> Type) (as6989586621680024537 :: [a6989586621679962836]) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (Let6989586621680024539Bs'Sym1 a6989586621680024536 :: TyFun [a6989586621679962836] (TyFun (a6989586621679962836 ~> NonEmpty b6989586621679962837) [b6989586621679962837] -> Type) -> Type) (as6989586621680024537 :: [a6989586621679962836]) = Let6989586621680024539Bs'Sym2 a6989586621680024536 as6989586621680024537 :: TyFun (a6989586621679962836 ~> NonEmpty b6989586621679962837) [b6989586621679962837] -> Type | |
type Apply (LiftA2_6989586621680024396Sym1 a6989586621680024393 :: TyFun (NonEmpty a6989586621679962815) (NonEmpty b6989586621679962816 ~> NonEmpty c6989586621679962817) -> Type) (a6989586621680024394 :: NonEmpty a6989586621679962815) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (LiftA2_6989586621680024396Sym1 a6989586621680024393 :: TyFun (NonEmpty a6989586621679962815) (NonEmpty b6989586621679962816 ~> NonEmpty c6989586621679962817) -> Type) (a6989586621680024394 :: NonEmpty a6989586621679962815) = LiftA2_6989586621680024396Sym2 a6989586621680024393 a6989586621680024394 | |
type Apply (Let6989586621680024539BSym2 as6989586621680024537 a6989586621680024536 :: TyFun (k1 ~> NonEmpty k3) k3 -> Type) (f6989586621680024538 :: k1 ~> NonEmpty k3) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (TFHelper_6989586621680024530Sym1 a6989586621680024528 b :: TyFun (a ~> NonEmpty b) (NonEmpty b) -> Type) (a6989586621680024529 :: a ~> NonEmpty b) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (Let6989586621680024539Bs'Sym2 as6989586621680024537 a6989586621680024536 :: TyFun (a6989586621679962836 ~> NonEmpty b6989586621679962837) [b6989586621679962837] -> Type) (f6989586621680024538 :: a6989586621679962836 ~> NonEmpty b6989586621679962837) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (Let6989586621680024539Bs'Sym2 as6989586621680024537 a6989586621680024536 :: TyFun (a6989586621679962836 ~> NonEmpty b6989586621679962837) [b6989586621679962837] -> Type) (f6989586621680024538 :: a6989586621679962836 ~> NonEmpty b6989586621679962837) = Let6989586621680024539Bs' as6989586621680024537 a6989586621680024536 f6989586621680024538 | |
type Apply (Let6989586621680024539BsSym2 as6989586621680024537 a6989586621680024536 :: TyFun (k1 ~> NonEmpty a) [a] -> Type) (f6989586621680024538 :: k1 ~> NonEmpty a) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (Fmap_6989586621680024201Sym0 :: TyFun (a6989586621679962807 ~> b6989586621679962808) (NonEmpty a6989586621679962807 ~> NonEmpty b6989586621679962808) -> Type) (a6989586621680024199 :: a6989586621679962807 ~> b6989586621679962808) | |
Defined in Data.Singletons.Prelude.Monad.Internal | |
type Apply (Traverse_6989586621680995089Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (NonEmpty a6989586621680988968 ~> f6989586621680988967 (NonEmpty b6989586621680988969)) -> Type) (a6989586621680995087 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) | |
Defined in Data.Singletons.Prelude.Traversable type Apply (Traverse_6989586621680995089Sym0 :: TyFun (a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) (NonEmpty a6989586621680988968 ~> f6989586621680988967 (NonEmpty b6989586621680988969)) -> Type) (a6989586621680995087 :: a6989586621680988968 ~> f6989586621680988967 b6989586621680988969) = Traverse_6989586621680995089Sym1 a6989586621680995087 | |
type Apply (LiftA2_6989586621680024396Sym0 :: TyFun (a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (NonEmpty a6989586621679962815 ~> (NonEmpty b6989586621679962816 ~> NonEmpty c6989586621679962817)) -> Type) (a6989586621680024393 :: a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) | |
Defined in Data.Singletons.Prelude.Monad.Internal type Apply (LiftA2_6989586621680024396Sym0 :: TyFun (a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) (NonEmpty a6989586621679962815 ~> (NonEmpty b6989586621679962816 ~> NonEmpty c6989586621679962817)) -> Type) (a6989586621680024393 :: a6989586621679962815 ~> (b6989586621679962816 ~> c6989586621679962817)) = LiftA2_6989586621680024396Sym1 a6989586621680024393 |
getCallStack :: CallStack -> [([Char], SrcLoc)] #
Extract a list of call-sites from the CallStack
.
The list is ordered by most recent call.
Since: base-4.8.1.0
type HasCallStack = ?callStack :: CallStack #
Request a CallStack.
NOTE: The implicit parameter ?callStack :: CallStack
is an
implementation detail and should not be considered part of the
CallStack
API, we may decide to change the implementation in the
future.
Since: base-4.9.0.0
stimesIdempotentMonoid :: (Integral b, Monoid a) => b -> a -> a #
data SomeException #
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
Exception e => SomeException e |
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 # |
data ByteString #
A space-efficient representation of a Word8
vector, supporting many
efficient operations.
A ByteString
contains 8-bit bytes, or by using the operations from
Data.ByteString.Char8 it can be interpreted as containing 8-bit
characters.
Instances
A map of integers to values a
.
Instances
Functor IntMap | |
Foldable IntMap | Folds in order of increasing key. |
Defined in Data.IntMap.Internal Methods fold :: Monoid m => IntMap m -> m # foldMap :: Monoid m => (a -> m) -> IntMap a -> 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 # | |
Traversable IntMap | Traverses in order of increasing key. |
Eq1 IntMap | Since: containers-0.5.9 |
Ord1 IntMap | Since: containers-0.5.9 |
Defined in Data.IntMap.Internal | |
Read1 IntMap | Since: containers-0.5.9 |
Defined in Data.IntMap.Internal | |
Show1 IntMap | Since: containers-0.5.9 |
IsList (IntMap a) | Since: containers-0.5.6.2 |
Eq a => Eq (IntMap a) | |
Data a => Data (IntMap a) | |
Defined in Data.IntMap.Internal Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> IntMap a -> c (IntMap a) # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c (IntMap a) # toConstr :: IntMap a -> Constr # dataTypeOf :: IntMap a -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c (IntMap a)) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c (IntMap a)) # gmapT :: (forall b. Data b => b -> b) -> IntMap a -> IntMap a # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> IntMap a -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> IntMap a -> r # gmapQ :: (forall d. Data d => d -> u) -> IntMap a -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> IntMap a -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> IntMap a -> m (IntMap a) # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> IntMap a -> m (IntMap a) # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> IntMap a -> m (IntMap a) # | |
Ord a => Ord (IntMap a) | |
Defined in Data.IntMap.Internal | |
Read e => Read (IntMap e) | |
Show a => Show (IntMap a) | |
Semigroup (IntMap a) | Since: containers-0.5.7 |
Monoid (IntMap a) | |
NFData a => NFData (IntMap a) | |
Defined in Data.IntMap.Internal | |
Container (IntMap v) | |
Defined in Universum.Container.Class Methods toList :: IntMap v -> [Element (IntMap v)] # foldr :: (Element (IntMap v) -> b -> b) -> b -> IntMap v -> b # foldl :: (b -> Element (IntMap v) -> b) -> b -> IntMap v -> b # foldl' :: (b -> Element (IntMap v) -> b) -> b -> IntMap v -> b # elem :: Element (IntMap v) -> IntMap v -> Bool # maximum :: IntMap v -> Element (IntMap v) # minimum :: IntMap v -> Element (IntMap v) # foldMap :: Monoid m => (Element (IntMap v) -> m) -> IntMap v -> m # fold :: IntMap v -> Element (IntMap v) # foldr' :: (Element (IntMap v) -> b -> b) -> b -> IntMap v -> b # foldr1 :: (Element (IntMap v) -> Element (IntMap v) -> Element (IntMap v)) -> IntMap v -> Element (IntMap v) # foldl1 :: (Element (IntMap v) -> Element (IntMap v) -> Element (IntMap v)) -> IntMap v -> Element (IntMap v) # notElem :: Element (IntMap v) -> IntMap v -> Bool # all :: (Element (IntMap v) -> Bool) -> IntMap v -> Bool # any :: (Element (IntMap v) -> Bool) -> IntMap v -> Bool # find :: (Element (IntMap v) -> Bool) -> IntMap v -> Maybe (Element (IntMap v)) # | |
One (IntMap v) | |
ToPairs (IntMap v) | |
At (IntMap a) | |
Ixed (IntMap a) | |
Defined in Control.Lens.At | |
Wrapped (IntMap a) | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped (IntMap a) | |
t ~ IntMap a' => Rewrapped (IntMap a) t | |
Defined in Control.Lens.Wrapped | |
type Item (IntMap a) | |
Defined in Data.IntMap.Internal | |
type Element (IntMap v) | |
Defined in Universum.Container.Class | |
type OneItem (IntMap v) | |
Defined in Universum.Container.Class | |
type Key (IntMap v) | |
Defined in Universum.Container.Class | |
type Val (IntMap v) | |
Defined in Universum.Container.Class type Val (IntMap v) = v | |
type Index (IntMap a) | |
Defined in Control.Lens.At | |
type IxValue (IntMap a) | |
Defined in Control.Lens.At type IxValue (IntMap a) = a | |
type Unwrapped (IntMap a) | |
Defined in Control.Lens.Wrapped |
A set of integers.
Instances
IsList IntSet | Since: containers-0.5.6.2 |
Eq IntSet | |
Data IntSet | |
Defined in Data.IntSet.Internal Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> IntSet -> c IntSet # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c IntSet # toConstr :: IntSet -> Constr # dataTypeOf :: IntSet -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c IntSet) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c IntSet) # gmapT :: (forall b. Data b => b -> b) -> IntSet -> IntSet # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> IntSet -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> IntSet -> r # gmapQ :: (forall d. Data d => d -> u) -> IntSet -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> IntSet -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> IntSet -> m IntSet # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> IntSet -> m IntSet # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> IntSet -> m IntSet # | |
Ord IntSet | |
Read IntSet | |
Show IntSet | |
Semigroup IntSet | Since: containers-0.5.7 |
Monoid IntSet | |
NFData IntSet | |
Defined in Data.IntSet.Internal | |
Container IntSet | |
Defined in Universum.Container.Class Methods toList :: IntSet -> [Element IntSet] # foldr :: (Element IntSet -> b -> b) -> b -> IntSet -> b # foldl :: (b -> Element IntSet -> b) -> b -> IntSet -> b # foldl' :: (b -> Element IntSet -> b) -> b -> IntSet -> b # elem :: Element IntSet -> IntSet -> Bool # maximum :: IntSet -> Element IntSet # minimum :: IntSet -> Element IntSet # foldMap :: Monoid m => (Element IntSet -> m) -> IntSet -> m # fold :: IntSet -> Element IntSet # foldr' :: (Element IntSet -> b -> b) -> b -> IntSet -> b # foldr1 :: (Element IntSet -> Element IntSet -> Element IntSet) -> IntSet -> Element IntSet # foldl1 :: (Element IntSet -> Element IntSet -> Element IntSet) -> IntSet -> Element IntSet # notElem :: Element IntSet -> IntSet -> Bool # all :: (Element IntSet -> Bool) -> IntSet -> Bool # any :: (Element IntSet -> Bool) -> IntSet -> Bool # find :: (Element IntSet -> Bool) -> IntSet -> Maybe (Element IntSet) # | |
One IntSet | |
At IntSet | |
Contains IntSet | |
Defined in Control.Lens.At | |
Ixed IntSet | |
Defined in Control.Lens.At | |
Wrapped IntSet | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped IntSet | |
t ~ IntSet => Rewrapped IntSet t | |
Defined in Control.Lens.Wrapped | |
type Item IntSet | |
Defined in Data.IntSet.Internal | |
type Element IntSet | |
Defined in Universum.Container.Class | |
type OneItem IntSet | |
Defined in Universum.Container.Class | |
type Index IntSet | |
Defined in Control.Lens.At | |
type IxValue IntSet | |
Defined in Control.Lens.At type IxValue IntSet = () | |
type Unwrapped IntSet | |
Defined in Control.Lens.Wrapped |
A Map from keys k
to values a
.
The Semigroup
operation for Map
is union
, which prefers
values from the left operand. If m1
maps a key k
to a value
a1
, and m2
maps the same key to a different value a2
, then
their union m1 <> m2
maps k
to a1
.
Instances
Eq2 Map | Since: containers-0.5.9 |
Ord2 Map | Since: containers-0.5.9 |
Defined in Data.Map.Internal | |
Show2 Map | Since: containers-0.5.9 |
MapInstrs Map | |
Defined in Lorentz.Macro Methods mapUpdate :: forall k v (s :: [Type]). NiceComparable k => (k ': (Maybe v ': (Map k v ': s))) :-> (Map k v ': s) mapInsert :: forall k v (s :: [Type]). NiceComparable k => (k ': (v ': (Map k v ': s))) :-> (Map k v ': s) # mapInsertNew :: forall k e v (s :: [Type]). (NiceComparable k, KnownValue e) => (forall (s0 :: [Type]). (k ': s0) :-> (e ': s0)) -> (k ': (v ': (Map k v ': s))) :-> (Map k v ': s) # deleteMap :: forall k v (s :: [Type]). (NiceComparable k, KnownValue v) => (k ': (Map k v ': s)) :-> (Map k v ': s) # | |
Functor (Map k) | |
Foldable (Map k) | Folds in order of increasing key. |
Defined in Data.Map.Internal Methods fold :: Monoid m => Map k m -> m # foldMap :: Monoid m => (a -> m) -> Map k a -> 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 # | |
Traversable (Map k) | Traverses in order of increasing key. |
Eq k => Eq1 (Map k) | Since: containers-0.5.9 |
Ord k => Ord1 (Map k) | Since: containers-0.5.9 |
Defined in Data.Map.Internal | |
(Ord k, Read k) => Read1 (Map k) | Since: containers-0.5.9 |
Defined in Data.Map.Internal | |
Show k => Show1 (Map k) | Since: containers-0.5.9 |
(CanCastTo k1 k2, CanCastTo v1 v2) => CanCastTo (Map k1 v1 :: Type) (Map k2 v2 :: Type) | |
Ord k => IsList (Map k v) | Since: containers-0.5.6.2 |
(Eq k, Eq a) => Eq (Map k a) | |
(Data k, Data a, Ord k) => Data (Map k a) | |
Defined in Data.Map.Internal Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Map k a -> c (Map k a) # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c (Map k a) # toConstr :: Map k a -> Constr # dataTypeOf :: Map k a -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c (Map k a)) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c (Map k a)) # gmapT :: (forall b. Data b => b -> b) -> Map k a -> Map k a # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Map k a -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Map k a -> r # gmapQ :: (forall d. Data d => d -> u) -> Map k a -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Map k a -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Map k a -> m (Map k a) # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Map k a -> m (Map k a) # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Map k a -> m (Map k a) # | |
(Ord k, Ord v) => Ord (Map k v) | |
(Ord k, Read k, Read e) => Read (Map k e) | |
(Show k, Show a) => Show (Map k a) | |
Ord k => Semigroup (Map k v) | |
Ord k => Monoid (Map k v) | |
(NFData k, NFData a) => NFData (Map k a) | |
Defined in Data.Map.Internal | |
NiceComparable k => MemOpHs (Map k v) | |
Defined in Lorentz.Polymorphic Associated Types type MemOpKeyHs (Map k v) # | |
NiceComparable k => MapOpHs (Map k v) | |
Defined in Lorentz.Polymorphic | |
NiceComparable k => IterOpHs (Map k v) | |
Defined in Lorentz.Polymorphic Associated Types type IterOpElHs (Map k v) # | |
SizeOpHs (Map k v) | |
Defined in Lorentz.Polymorphic | |
NiceComparable k => UpdOpHs (Map k v) | |
Defined in Lorentz.Polymorphic | |
NiceComparable k => GetOpHs (Map k v) | |
Defined in Lorentz.Polymorphic | |
(HasAnnotation k, HasAnnotation v) => HasAnnotation (Map k v) | |
Defined in Lorentz.Annotation Methods getAnnotation :: FollowEntrypointFlag -> Notes (ToT (Map k v)) # | |
(Comparable (ToT k), Ord k, IsoValue k, IsoValue v) => IsoValue (Map k v) | |
(PolyCTypeHasDocC '[k], PolyTypeHasDocC '[v], Ord k) => TypeHasDoc (Map k v) | |
Defined in Michelson.Typed.Haskell.Doc Associated Types type TypeDocFieldDescriptions (Map k v) :: FieldDescriptions # Methods typeDocName :: Proxy (Map k v) -> Text # typeDocMdDescription :: Markdown # typeDocMdReference :: Proxy (Map k v) -> WithinParens -> Markdown # typeDocDependencies :: Proxy (Map k v) -> [SomeDocDefinitionItem] # typeDocHaskellRep :: TypeDocHaskellRep (Map k v) # typeDocMichelsonRep :: TypeDocMichelsonRep (Map k v) # | |
Container (Map k v) | |
Defined in Universum.Container.Class Methods toList :: Map k v -> [Element (Map k v)] # foldr :: (Element (Map k v) -> b -> b) -> b -> Map k v -> b # foldl :: (b -> Element (Map k v) -> b) -> b -> Map k v -> b # foldl' :: (b -> Element (Map k v) -> b) -> b -> Map k v -> b # elem :: Element (Map k v) -> Map k v -> Bool # maximum :: Map k v -> Element (Map k v) # minimum :: Map k v -> Element (Map k v) # foldMap :: Monoid m => (Element (Map k v) -> m) -> Map k v -> m # fold :: Map k v -> Element (Map k v) # foldr' :: (Element (Map k v) -> b -> b) -> b -> Map k v -> b # foldr1 :: (Element (Map k v) -> Element (Map k v) -> Element (Map k v)) -> Map k v -> Element (Map k v) # foldl1 :: (Element (Map k v) -> Element (Map k v) -> Element (Map k v)) -> Map k v -> Element (Map k v) # notElem :: Element (Map k v) -> Map k v -> Bool # all :: (Element (Map k v) -> Bool) -> Map k v -> Bool # any :: (Element (Map k v) -> Bool) -> Map k v -> Bool # find :: (Element (Map k v) -> Bool) -> Map k v -> Maybe (Element (Map k v)) # | |
One (Map k v) | |
ToPairs (Map k v) | |
Ord k => At (Map k a) | |
Ord k => Ixed (Map k a) | |
Defined in Control.Lens.At | |
Ord k => Wrapped (Map k a) | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped (Map k a) | |
(t ~ Map k' a', Ord k) => Rewrapped (Map k a) t | |
Defined in Control.Lens.Wrapped | |
(key ~ key', value ~ value', NiceComparable key) => StoreHasSubmap (Map key' value') name key value |
|
Defined in Lorentz.StoreClass Methods storeSubmapOps :: StoreSubmapOps (Map key' value') name key value # | |
type Item (Map k v) | |
Defined in Data.Map.Internal | |
type MemOpKeyHs (Map k v) | |
Defined in Lorentz.Polymorphic | |
type MapOpResHs (Map k v) | |
Defined in Lorentz.Polymorphic | |
type MapOpInpHs (Map k v) | |
Defined in Lorentz.Polymorphic | |
type IterOpElHs (Map k v) | |
Defined in Lorentz.Polymorphic | |
type UpdOpParamsHs (Map k v) | |
Defined in Lorentz.Polymorphic | |
type UpdOpKeyHs (Map k v) | |
Defined in Lorentz.Polymorphic | |
type GetOpValHs (Map k v) | |
Defined in Lorentz.Polymorphic | |
type GetOpKeyHs (Map k v) | |
Defined in Lorentz.Polymorphic | |
type ToT (Map k v) | |
type TypeDocFieldDescriptions (Map k v) | |
Defined in Michelson.Typed.Haskell.Doc | |
type Element (Map k v) | |
Defined in Universum.Container.Class | |
type OneItem (Map k v) | |
Defined in Universum.Container.Class | |
type Key (Map k v) | |
Defined in Universum.Container.Class type Key (Map k v) = k | |
type Val (Map k v) | |
Defined in Universum.Container.Class type Val (Map k v) = v | |
type Index (Map k a) | |
Defined in Control.Lens.At type Index (Map k a) = k | |
type IxValue (Map k a) | |
Defined in Control.Lens.At type IxValue (Map k a) = a | |
type Unwrapped (Map k a) | |
Defined in Control.Lens.Wrapped type Unwrapped (Map k a) = [(k, a)] |
General-purpose finite sequences.
Instances
Monad Seq | |
Functor Seq | |
MonadFix Seq | Since: containers-0.5.11 |
Defined in Data.Sequence.Internal | |
Applicative Seq | Since: containers-0.5.4 |
Foldable Seq | |
Defined in Data.Sequence.Internal Methods fold :: Monoid m => Seq m -> m # foldMap :: Monoid m => (a -> m) -> Seq a -> 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 # | |
Traversable Seq | |
Eq1 Seq | Since: containers-0.5.9 |
Ord1 Seq | Since: containers-0.5.9 |
Defined in Data.Sequence.Internal | |
Read1 Seq | Since: containers-0.5.9 |
Defined in Data.Sequence.Internal | |
Show1 Seq | Since: containers-0.5.9 |
MonadZip Seq |
|
Alternative Seq | Since: containers-0.5.4 |
MonadPlus Seq | |
UnzipWith Seq | |
Defined in Data.Sequence.Internal Methods unzipWith' :: (x -> (a, b)) -> Seq x -> (Seq a, Seq b) | |
IsList (Seq a) | |
Eq a => Eq (Seq a) | |
Data a => Data (Seq a) | |
Defined in Data.Sequence.Internal Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Seq a -> c (Seq a) # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c (Seq a) # dataTypeOf :: Seq a -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c (Seq a)) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c (Seq a)) # gmapT :: (forall b. Data b => b -> b) -> Seq a -> Seq a # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Seq a -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Seq a -> r # gmapQ :: (forall d. Data d => d -> u) -> Seq a -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Seq a -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Seq a -> m (Seq a) # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Seq a -> m (Seq a) # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Seq a -> m (Seq a) # | |
Ord a => Ord (Seq a) | |
Read a => Read (Seq a) | |
Show a => Show (Seq a) | |
a ~ Char => IsString (Seq a) | Since: containers-0.5.7 |
Defined in Data.Sequence.Internal Methods fromString :: String -> Seq a # | |
Semigroup (Seq a) | Since: containers-0.5.7 |
Monoid (Seq a) | |
NFData a => NFData (Seq a) | |
Defined in Data.Sequence.Internal | |
Container (Seq a) | |
Defined in Universum.Container.Class Methods toList :: Seq a -> [Element (Seq a)] # foldr :: (Element (Seq a) -> b -> b) -> b -> Seq a -> b # foldl :: (b -> Element (Seq a) -> b) -> b -> Seq a -> b # foldl' :: (b -> Element (Seq a) -> b) -> b -> Seq a -> b # elem :: Element (Seq a) -> Seq a -> Bool # maximum :: Seq a -> Element (Seq a) # minimum :: Seq a -> Element (Seq a) # foldMap :: Monoid m => (Element (Seq a) -> m) -> Seq a -> m # fold :: Seq a -> Element (Seq a) # foldr' :: (Element (Seq a) -> b -> b) -> b -> Seq a -> b # foldr1 :: (Element (Seq a) -> Element (Seq a) -> Element (Seq a)) -> Seq a -> Element (Seq a) # foldl1 :: (Element (Seq a) -> Element (Seq a) -> Element (Seq a)) -> Seq a -> Element (Seq a) # notElem :: Element (Seq a) -> Seq a -> Bool # all :: (Element (Seq a) -> Bool) -> Seq a -> Bool # any :: (Element (Seq a) -> Bool) -> Seq a -> Bool # find :: (Element (Seq a) -> Bool) -> Seq a -> Maybe (Element (Seq a)) # | |
One (Seq a) | |
Ixed (Seq a) | |
Defined in Control.Lens.At | |
Wrapped (Seq a) | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped (Seq a) | |
t ~ Seq a' => Rewrapped (Seq a) t | |
Defined in Control.Lens.Wrapped | |
type Item (Seq a) | |
Defined in Data.Sequence.Internal | |
type Element (Seq a) | |
Defined in Universum.Container.Class | |
type OneItem (Seq a) | |
Defined in Universum.Container.Class | |
type Index (Seq a) | |
Defined in Control.Lens.At | |
type IxValue (Seq a) | |
Defined in Control.Lens.At type IxValue (Seq a) = a | |
type Unwrapped (Seq a) | |
Defined in Control.Lens.Wrapped type Unwrapped (Seq a) = [a] |
A set of values a
.
Instances
Foldable Set | Folds in order of increasing key. |
Defined in Data.Set.Internal Methods fold :: Monoid m => Set m -> m # foldMap :: Monoid m => (a -> m) -> Set a -> m # foldMap' :: Monoid m => (a -> m) -> Set a -> m # foldr :: (a -> b -> b) -> b -> Set a -> b # foldr' :: (a -> b -> b) -> b -> Set a -> b # foldl :: (b -> a -> b) -> b -> Set a -> b # foldl' :: (b -> a -> b) -> b -> Set a -> b # foldr1 :: (a -> a -> a) -> Set a -> a # foldl1 :: (a -> a -> a) -> Set a -> a # elem :: Eq a => a -> Set a -> Bool # maximum :: Ord a => Set a -> a # | |
Eq1 Set | Since: containers-0.5.9 |
Ord1 Set | Since: containers-0.5.9 |
Defined in Data.Set.Internal | |
Show1 Set | Since: containers-0.5.9 |
Ord a => IsList (Set a) | Since: containers-0.5.6.2 |
Eq a => Eq (Set a) | |
(Data a, Ord a) => Data (Set a) | |
Defined in Data.Set.Internal Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Set a -> c (Set a) # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c (Set a) # dataTypeOf :: Set a -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c (Set a)) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c (Set a)) # gmapT :: (forall b. Data b => b -> b) -> Set a -> Set a # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Set a -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Set a -> r # gmapQ :: (forall d. Data d => d -> u) -> Set a -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Set a -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Set a -> m (Set a) # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Set a -> m (Set a) # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Set a -> m (Set a) # | |
Ord a => Ord (Set a) | |
(Read a, Ord a) => Read (Set a) | |
Show a => Show (Set a) | |
Ord a => Semigroup (Set a) | Since: containers-0.5.7 |
Ord a => Monoid (Set a) | |
NFData a => NFData (Set a) | |
Defined in Data.Set.Internal | |
NiceComparable e => MemOpHs (Set e) | |
Defined in Lorentz.Polymorphic Associated Types type MemOpKeyHs (Set e) # | |
NiceComparable e => IterOpHs (Set e) | |
Defined in Lorentz.Polymorphic Associated Types type IterOpElHs (Set e) # | |
SizeOpHs (Set a) | |
Defined in Lorentz.Polymorphic | |
NiceComparable a => UpdOpHs (Set a) | |
Defined in Lorentz.Polymorphic | |
KnownIsoT v => HasAnnotation (Set v) | |
Defined in Lorentz.Annotation Methods getAnnotation :: FollowEntrypointFlag -> Notes (ToT (Set v)) # | |
(Comparable (ToT c), Ord c, IsoValue c) => IsoValue (Set c) | |
PolyCTypeHasDocC '[a] => TypeHasDoc (Set a) | |
Defined in Michelson.Typed.Haskell.Doc Associated Types type TypeDocFieldDescriptions (Set a) :: FieldDescriptions # Methods typeDocName :: Proxy (Set a) -> Text # typeDocMdDescription :: Markdown # typeDocMdReference :: Proxy (Set a) -> WithinParens -> Markdown # typeDocDependencies :: Proxy (Set a) -> [SomeDocDefinitionItem] # typeDocHaskellRep :: TypeDocHaskellRep (Set a) # | |
Ord v => Container (Set v) | |
Defined in Universum.Container.Class Methods toList :: Set v -> [Element (Set v)] # foldr :: (Element (Set v) -> b -> b) -> b -> Set v -> b # foldl :: (b -> Element (Set v) -> b) -> b -> Set v -> b # foldl' :: (b -> Element (Set v) -> b) -> b -> Set v -> b # elem :: Element (Set v) -> Set v -> Bool # maximum :: Set v -> Element (Set v) # minimum :: Set v -> Element (Set v) # foldMap :: Monoid m => (Element (Set v) -> m) -> Set v -> m # fold :: Set v -> Element (Set v) # foldr' :: (Element (Set v) -> b -> b) -> b -> Set v -> b # foldr1 :: (Element (Set v) -> Element (Set v) -> Element (Set v)) -> Set v -> Element (Set v) # foldl1 :: (Element (Set v) -> Element (Set v) -> Element (Set v)) -> Set v -> Element (Set v) # notElem :: Element (Set v) -> Set v -> Bool # all :: (Element (Set v) -> Bool) -> Set v -> Bool # any :: (Element (Set v) -> Bool) -> Set v -> Bool # find :: (Element (Set v) -> Bool) -> Set v -> Maybe (Element (Set v)) # | |
One (Set v) | |
Ord k => At (Set k) | |
Ord a => Contains (Set a) | |
Defined in Control.Lens.At | |
Ord k => Ixed (Set k) | |
Defined in Control.Lens.At | |
Ord a => Wrapped (Set a) | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped (Set a) | |
(t ~ Set a', Ord a) => Rewrapped (Set a) t | |
Defined in Control.Lens.Wrapped | |
CanCastTo k1 k2 => CanCastTo (Set k1 :: Type) (Set k2 :: Type) | |
type Item (Set a) | |
Defined in Data.Set.Internal | |
type MemOpKeyHs (Set e) | |
Defined in Lorentz.Polymorphic | |
type IterOpElHs (Set e) | |
Defined in Lorentz.Polymorphic | |
type UpdOpParamsHs (Set a) | |
Defined in Lorentz.Polymorphic | |
type UpdOpKeyHs (Set a) | |
Defined in Lorentz.Polymorphic | |
type ToT (Set c) | |
Defined in Michelson.Typed.Haskell.Value | |
type TypeDocFieldDescriptions (Set a) | |
Defined in Michelson.Typed.Haskell.Doc | |
type Element (Set v) | |
Defined in Universum.Container.Class | |
type OneItem (Set v) | |
Defined in Universum.Container.Class | |
type Index (Set a) | |
Defined in Control.Lens.At type Index (Set a) = a | |
type IxValue (Set k) | |
Defined in Control.Lens.At type IxValue (Set k) = () | |
type Unwrapped (Set a) | |
Defined in Control.Lens.Wrapped type Unwrapped (Set a) = [a] |
a variant of deepseq
that is useful in some circumstances:
force x = x `deepseq` x
force x
fully evaluates x
, and then returns it. Note that
force x
only performs evaluation when the value of force x
itself is demanded, so essentially it turns shallow evaluation into
deep evaluation.
force
can be conveniently used in combination with ViewPatterns
:
{-# LANGUAGE BangPatterns, ViewPatterns #-} import Control.DeepSeq someFun :: ComplexData -> SomeResult someFun (force -> !arg) = {- 'arg' will be fully evaluated -}
Another useful application is to combine force
with
evaluate
in order to force deep evaluation
relative to other IO
operations:
import Control.Exception (evaluate) import Control.DeepSeq main = do result <- evaluate $ force $ pureComputation {- 'result' will be fully evaluated at this point -} return ()
Finally, here's an exception safe variant of the readFile'
example:
readFile' :: FilePath -> IO String readFile' fn = bracket (openFile fn ReadMode) hClose $ \h -> evaluate . force =<< hGetContents h
Since: deepseq-1.2.0.0
($!!) :: NFData a => (a -> b) -> a -> b infixr 0 #
the deep analogue of $!
. In the expression f $!! x
, x
is
fully evaluated before the function f
is applied to it.
Since: deepseq-1.2.0.0
deepseq :: NFData a => a -> b -> b #
deepseq
: fully evaluates the first argument, before returning the
second.
The name deepseq
is used to illustrate the relationship to seq
:
where seq
is shallow in the sense that it only evaluates the top
level of its argument, deepseq
traverses the entire data structure
evaluating it completely.
deepseq
can be useful for forcing pending exceptions,
eradicating space leaks, or forcing lazy I/O to happen. It is
also useful in conjunction with parallel Strategies (see the
parallel
package).
There is no guarantee about the ordering of evaluation. The
implementation may evaluate the components of the structure in
any order or in parallel. To impose an actual order on
evaluation, use pseq
from Control.Parallel in the
parallel
package.
Since: deepseq-1.1.0.0
A class of types that can be fully evaluated.
Since: deepseq-1.1.0.0
Minimal complete definition
Nothing
Methods
rnf
should reduce its argument to normal form (that is, fully
evaluate all sub-components), and then return ()
.
Generic
NFData
deriving
Starting with GHC 7.2, you can automatically derive instances
for types possessing a Generic
instance.
Note: Generic1
can be auto-derived starting with GHC 7.4
{-# LANGUAGE DeriveGeneric #-} import GHC.Generics (Generic, Generic1) import Control.DeepSeq data Foo a = Foo a String deriving (Eq, Generic, Generic1) instance NFData a => NFData (Foo a) instance NFData1 Foo data Colour = Red | Green | Blue deriving Generic instance NFData Colour
Starting with GHC 7.10, the example above can be written more
concisely by enabling the new DeriveAnyClass
extension:
{-# LANGUAGE DeriveGeneric, DeriveAnyClass #-} import GHC.Generics (Generic) import Control.DeepSeq data Foo a = Foo a String deriving (Eq, Generic, Generic1, NFData, NFData1) data Colour = Red | Green | Blue deriving (Generic, NFData)
Compatibility with previous deepseq
versions
Prior to version 1.4.0.0, the default implementation of the rnf
method was defined as
rnf
a =seq
a ()
However, starting with deepseq-1.4.0.0
, the default
implementation is based on DefaultSignatures
allowing for
more accurate auto-derived NFData
instances. If you need the
previously used exact default rnf
method implementation
semantics, use
instance NFData Colour where rnf x = seq x ()
or alternatively
instance NFData Colour where rnf = rwhnf
or
{-# LANGUAGE BangPatterns #-} instance NFData Colour where rnf !_ = ()
Instances
A space efficient, packed, unboxed Unicode text type.
Instances
data UnicodeException #
An exception type for representing Unicode encoding errors.
Instances
Eq UnicodeException | |
Defined in Data.Text.Encoding.Error Methods (==) :: UnicodeException -> UnicodeException -> Bool # (/=) :: UnicodeException -> UnicodeException -> Bool # | |
Show UnicodeException | |
Defined in Data.Text.Encoding.Error Methods showsPrec :: Int -> UnicodeException -> ShowS # show :: UnicodeException -> String # showList :: [UnicodeException] -> ShowS # | |
Exception UnicodeException | |
Defined in Data.Text.Encoding.Error Methods toException :: UnicodeException -> SomeException # | |
NFData UnicodeException | |
Defined in Data.Text.Encoding.Error Methods rnf :: UnicodeException -> () # |
type OnDecodeError = OnError Word8 Char #
A handler for a decoding error.
type OnError a b = String -> Maybe a -> Maybe b #
Function type for handling a coding error. It is supplied with two inputs:
- A
String
that describes the error. - The input value that caused the error. If the error arose
because the end of input was reached or could not be identified
precisely, this value will be
Nothing
.
If the handler returns a value wrapped with Just
, that value will
be used in the output as the replacement for the invalid input. If
it returns Nothing
, no value will be used in the output.
Should the handler need to abort processing, it should use error
or throw
an exception (preferably a UnicodeException
). It may
use the description provided to construct a more helpful error
report.
strictDecode :: OnDecodeError #
Throw a UnicodeException
if decoding fails.
lenientDecode :: OnDecodeError #
Replace an invalid input byte with the Unicode replacement character U+FFFD.
decodeUtf8With :: OnDecodeError -> ByteString -> Text #
Decode a ByteString
containing UTF-8 encoded text.
NOTE: The replacement character returned by OnDecodeError
MUST be within the BMP plane; surrogate code points will
automatically be remapped to the replacement char U+FFFD
(since 0.11.3.0), whereas code points beyond the BMP will throw an
error
(since 1.2.3.1); For earlier versions of text
using
those unsupported code points would result in undefined behavior.
decodeUtf8' :: ByteString -> Either UnicodeException Text #
Decode a ByteString
containing UTF-8 encoded text.
If the input contains any invalid UTF-8 data, the relevant exception will be returned, otherwise the decoded text.
modifyTVar' :: TVar a -> (a -> a) -> STM () #
Strict version of modifyTVar
.
Since: stm-2.3
execStateT :: Monad m => StateT s m a -> s -> m s #
Evaluate a state computation with the given initial state and return the final state, discarding the final value.
execStateT
m s =liftM
snd
(runStateT
m s)
evalStateT :: Monad m => StateT s m a -> s -> m a #
Evaluate a state computation with the given initial state and return the final value, discarding the final state.
evalStateT
m s =liftM
fst
(runStateT
m s)
Arguments
:: State s a | state-passing computation to execute |
-> s | initial value |
-> s | final state |
Arguments
:: State s a | state-passing computation to execute |
-> s | initial value |
-> a | return value of the state computation |
Arguments
:: State s a | state-passing computation to execute |
-> s | initial state |
-> (a, s) | return value and final state |
Unwrap a state monad computation as a function.
(The inverse of state
.)
type State s = StateT s Identity #
A state monad parameterized by the type s
of the state to carry.
The return
function leaves the state unchanged, while >>=
uses
the final state of the first computation as the initial state of
the second.
newtype StateT s (m :: Type -> Type) a #
A state transformer monad parameterized by:
s
- The state.m
- The inner monad.
The return
function leaves the state unchanged, while >>=
uses
the final state of the first computation as the initial state of
the second.
Instances
Monad m => MonadState s (StateT s m) | |
MonadReader r m => MonadReader r (StateT s m) | |
MonadError e m => MonadError e (StateT s m) | |
Defined in Control.Monad.Error.Class Methods throwError :: e -> StateT s m a # catchError :: StateT s m a -> (e -> StateT s m a) -> StateT s m a # | |
MonadTrans (StateT s) | |
Defined in Control.Monad.Trans.State.Strict | |
Monad m => Monad (StateT s m) | |
Functor m => Functor (StateT s m) | |
MonadFix m => MonadFix (StateT s m) | |
Defined in Control.Monad.Trans.State.Strict | |
MonadFail m => MonadFail (StateT s m) | |
Defined in Control.Monad.Trans.State.Strict | |
(Functor m, Monad m) => Applicative (StateT s m) | |
Defined in Control.Monad.Trans.State.Strict | |
Contravariant m => Contravariant (StateT s m) | |
MonadIO m => MonadIO (StateT s m) | |
Defined in Control.Monad.Trans.State.Strict | |
(Functor m, MonadPlus m) => Alternative (StateT s m) | |
MonadPlus m => MonadPlus (StateT s m) | |
MonadCatch m => MonadCatch (StateT s m) | |
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) # | |
MonadThrow m => MonadThrow (StateT s m) | |
Defined in Control.Monad.Catch | |
PrimMonad m => PrimMonad (StateT s m) | |
Monad z => Zoom (StateT s z) (StateT t z) s t | |
Defined in Lens.Micro.Mtl.Internal | |
Monad z => Zoom (StateT s z) (StateT t z) s t | |
Defined in Control.Lens.Zoom | |
Wrapped (StateT s m a) | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped (StateT s m a) | |
t ~ StateT s' m' a' => Rewrapped (StateT s m a) t | |
Defined in Control.Lens.Wrapped | |
type PrimState (StateT s m) | |
Defined in Control.Monad.Primitive type PrimState (StateT s m) = PrimState m | |
type Zoomed (StateT s z) | |
Defined in Control.Lens.Zoom type Zoomed (StateT s z) = Focusing z | |
type Zoomed (StateT s z) | |
Defined in Lens.Micro.Mtl.Internal type Zoomed (StateT s z) = Focusing z | |
type Unwrapped (StateT s m a) | |
Defined in Control.Lens.Wrapped type Unwrapped (StateT s m a) = s -> m (a, s) |
Arguments
:: Reader r a | A |
-> r | An initial environment. |
-> a |
Runs a Reader
and extracts the final value from it.
(The inverse of reader
.)
runExceptT :: ExceptT e m a -> m (Either e a) #
The inverse of ExceptT
.
modify' :: MonadState s m => (s -> s) -> m () #
A variant of modify
in which the computation is strict in the
new state.
Since: mtl-2.2
data IdentityT (f :: k -> Type) (a :: k) #
The trivial monad transformer, which maps a monad to an equivalent monad.
Instances
class MonadTrans (t :: (Type -> Type) -> Type -> Type) where #
The class of monad transformers. Instances should satisfy the
following laws, which state that lift
is a monad transformation:
Methods
lift :: Monad m => m a -> t m a #
Lift a computation from the argument monad to the constructed monad.
Instances
MonadTrans MaybeT | |
Defined in Control.Monad.Trans.Maybe | |
MonadTrans Free | |
Defined in Control.Monad.Free | |
MonadTrans Yoneda | |
Defined in Data.Functor.Yoneda | |
MonadTrans (StateT s) | |
Defined in Control.Monad.Trans.State.Strict | |
MonadTrans (IdentityT :: (Type -> Type) -> Type -> Type) | |
Defined in Control.Monad.Trans.Identity | |
MonadTrans (ReaderT r) | |
Defined in Control.Monad.Trans.Reader | |
MonadTrans (ExceptT e) | |
Defined in Control.Monad.Trans.Except | |
MonadTrans (ErrorT e) | |
Defined in Control.Monad.Trans.Error | |
Alternative f => MonadTrans (CofreeT f) | |
Defined in Control.Comonad.Trans.Cofree | |
MonadTrans (FreeT f) | |
Defined in Control.Monad.Trans.Free |
type Reader r = ReaderT r Identity #
The parameterizable reader monad.
Computations are functions of a shared environment.
The return
function ignores the environment, while >>=
passes
the inherited environment to both subcomputations.
newtype ReaderT r (m :: Type -> Type) a #
The reader monad transformer, which adds a read-only environment to the given monad.
The return
function ignores the environment, while >>=
passes
the inherited environment to both subcomputations.
Constructors
ReaderT | |
Fields
|
Instances
MonadState s m => MonadState s (ReaderT r m) | |
Monad m => MonadReader r (ReaderT r m) | |
MonadError e m => MonadError e (ReaderT r m) | |
Defined in Control.Monad.Error.Class Methods throwError :: e -> ReaderT r m a # catchError :: ReaderT r m a -> (e -> ReaderT r m a) -> ReaderT r m a # | |
MonadTrans (ReaderT r) | |
Defined in Control.Monad.Trans.Reader | |
Monad m => Monad (ReaderT r m) | |
Functor m => Functor (ReaderT r m) | |
MonadFix m => MonadFix (ReaderT r m) | |
Defined in Control.Monad.Trans.Reader | |
MonadFail m => MonadFail (ReaderT r m) | |
Defined in Control.Monad.Trans.Reader | |
Applicative m => Applicative (ReaderT r m) | |
Defined in Control.Monad.Trans.Reader | |
Contravariant m => Contravariant (ReaderT r m) | |
MonadZip m => MonadZip (ReaderT r m) | |
MonadIO m => MonadIO (ReaderT r m) | |
Defined in Control.Monad.Trans.Reader | |
Alternative m => Alternative (ReaderT r m) | |
MonadPlus m => MonadPlus (ReaderT r m) | |
MonadCatch m => MonadCatch (ReaderT r m) | |
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) # | |
MonadThrow m => MonadThrow (ReaderT r m) | |
Defined in Control.Monad.Catch | |
PrimMonad m => PrimMonad (ReaderT r m) | |
Representable m => Representable (ReaderT e m) | |
Monad m => Magnify (ReaderT b m) (ReaderT a m) b a | |
Defined in Lens.Micro.Mtl.Internal | |
Zoom m n s t => Zoom (ReaderT e m) (ReaderT e n) s t | |
Defined in Lens.Micro.Mtl.Internal | |
Monad m => Magnify (ReaderT b m) (ReaderT a m) b a | |
Defined in Control.Lens.Zoom | |
Zoom m n s t => Zoom (ReaderT e m) (ReaderT e n) s t | |
Defined in Control.Lens.Zoom | |
Wrapped (ReaderT r m a) | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped (ReaderT r m a) | |
t ~ ReaderT s n b => Rewrapped (ReaderT r m a) t | |
Defined in Control.Lens.Wrapped | |
type PrimState (ReaderT r m) | |
Defined in Control.Monad.Primitive type PrimState (ReaderT r m) = PrimState m | |
type Rep (ReaderT e m) | |
Defined in Data.Functor.Rep type Rep (ReaderT e m) = (e, Rep m) | |
type Magnified (ReaderT b m) | |
Defined in Control.Lens.Zoom type Magnified (ReaderT b m) = Effect m | |
type Zoomed (ReaderT e m) | |
Defined in Control.Lens.Zoom type Zoomed (ReaderT e m) = Zoomed m | |
type Magnified (ReaderT b m) | |
Defined in Lens.Micro.Mtl.Internal type Magnified (ReaderT b m) = Effect m | |
type Zoomed (ReaderT e m) | |
Defined in Lens.Micro.Mtl.Internal type Zoomed (ReaderT e m) = Zoomed m | |
type Unwrapped (ReaderT r m a) | |
Defined in Control.Lens.Wrapped type Unwrapped (ReaderT r m a) = r -> m a |
class Monad m => MonadState s (m :: Type -> Type) | m -> s where #
Minimal definition is either both of get
and put
or just state
Methods
Replace the state inside the monad.
state :: (s -> (a, s)) -> m a #
Embed a simple state action into the monad.
Instances
(Functor m, MonadState s m) => MonadState s (Free m) | |
MonadState s m => MonadState s (MaybeT m) | |
MonadState s m => MonadState s (ListT m) | |
Monad m => MonadState s (StateT s m) | |
(Functor f, MonadState s m) => MonadState s (FreeT f m) | |
(Monoid w, MonadState s m) => MonadState s (WriterT w m) | |
(Monoid w, MonadState s m) => MonadState s (WriterT w m) | |
Monad m => MonadState s (StateT s m) | |
MonadState s m => MonadState s (ReaderT r m) | |
MonadState s m => MonadState s (IdentityT m) | |
MonadState s m => MonadState s (ExceptT e m) | Since: mtl-2.2 |
(Error e, MonadState s m) => MonadState s (ErrorT e m) | |
MonadState s m => MonadState s (ContT r m) | |
(Monad m, Monoid w) => MonadState s (RWST r w s m) | |
(Monad m, Monoid w) => MonadState s (RWST r w s m) | |
class Monad m => MonadReader r (m :: Type -> Type) | m -> r where #
See examples in Control.Monad.Reader.
Note, the partially applied function type (->) r
is a simple reader monad.
See the instance
declaration below.
Methods
Retrieves the monad environment.
Arguments
:: (r -> r) | The function to modify the environment. |
-> m a |
|
-> m a |
Executes a computation in a modified environment.
Arguments
:: (r -> a) | The selector function to apply to the environment. |
-> m a |
Retrieves a function of the current environment.
Instances
MonadReader s (ReifiedGetter s) | |
MonadReader s (ReifiedFold s) | |
(Functor m, MonadReader e m) => MonadReader e (Free m) | |
(Representable f, Rep f ~ a) => MonadReader a (Co f) | |
MonadReader r m => MonadReader r (MaybeT m) | |
MonadReader r m => MonadReader r (ListT m) | |
Monad m => MonadReader r (ReaderT r m) | |
(Functor f, MonadReader r m) => MonadReader r (FreeT f m) | |
(Monoid w, MonadReader r m) => MonadReader r (WriterT w m) | |
(Monoid w, MonadReader r m) => MonadReader r (WriterT w m) | |
MonadReader r m => MonadReader r (StateT s m) | |
MonadReader r m => MonadReader r (StateT s m) | |
MonadReader r m => MonadReader r (IdentityT m) | |
MonadReader r m => MonadReader r (ExceptT e m) | Since: mtl-2.2 |
(Error e, MonadReader r m) => MonadReader r (ErrorT e m) | |
MonadReader r ((->) r :: Type -> Type) | |
MonadReader r' m => MonadReader r' (ContT r m) | |
(Monad m, Monoid w) => MonadReader r (RWST r w s m) | |
(Monad m, Monoid w) => MonadReader r (RWST r w s m) | |
Arguments
:: MonadReader r m | |
=> (r -> a) | The selector function to apply to the environment. |
-> m a |
Retrieves a function of the current environment.
gets :: MonadState s m => (s -> a) -> m a #
Gets specific component of the state, using a projection function supplied.
modify :: MonadState s m => (s -> s) -> m () #
Monadic state transformer.
Maps an old state to a new state inside a state monad. The old state is thrown away.
Main> :t modify ((+1) :: Int -> Int) modify (...) :: (MonadState Int a) => a ()
This says that modify (+1)
acts over any
Monad that is a member of the MonadState
class,
with an Int
state.
newtype ExceptT e (m :: Type -> Type) a #
A monad transformer that adds exceptions to other monads.
ExceptT
constructs a monad parameterized over two things:
- e - The exception type.
- m - The inner monad.
The return
function yields a computation that produces the given
value, while >>=
sequences two subcomputations, exiting on the
first exception.
Instances
MonadState s m => MonadState s (ExceptT e m) | Since: mtl-2.2 |
MonadReader r m => MonadReader r (ExceptT e m) | Since: mtl-2.2 |
Monad m => MonadError e (ExceptT e m) | Since: mtl-2.2 |
Defined in Control.Monad.Error.Class Methods throwError :: e -> ExceptT e m a # catchError :: ExceptT e m a -> (e -> ExceptT e m a) -> ExceptT e m a # | |
MonadTrans (ExceptT e) | |
Defined in Control.Monad.Trans.Except | |
Monad m => Monad (ExceptT e m) | |
Functor m => Functor (ExceptT e m) | |
MonadFix m => MonadFix (ExceptT e m) | |
Defined in Control.Monad.Trans.Except | |
MonadFail m => MonadFail (ExceptT e m) | |
Defined in Control.Monad.Trans.Except | |
(Functor m, Monad m) => Applicative (ExceptT e m) | |
Defined in Control.Monad.Trans.Except | |
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 # 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 # | |
Traversable f => Traversable (ExceptT e f) | |
Defined in Control.Monad.Trans.Except | |
Contravariant m => Contravariant (ExceptT e m) | |
(Eq e, Eq1 m) => Eq1 (ExceptT e m) | |
(Ord e, Ord1 m) => Ord1 (ExceptT e m) | |
Defined in Control.Monad.Trans.Except | |
(Read e, Read1 m) => Read1 (ExceptT e m) | |
Defined in Control.Monad.Trans.Except Methods liftReadsPrec :: (Int -> ReadS a) -> ReadS [a] -> Int -> ReadS (ExceptT e m a) # liftReadList :: (Int -> ReadS a) -> ReadS [a] -> ReadS [ExceptT e m a] # liftReadPrec :: ReadPrec a -> ReadPrec [a] -> ReadPrec (ExceptT e m a) # liftReadListPrec :: ReadPrec a -> ReadPrec [a] -> ReadPrec [ExceptT e m a] # | |
(Show e, Show1 m) => Show1 (ExceptT e m) | |
MonadZip m => MonadZip (ExceptT e m) | |
MonadIO m => MonadIO (ExceptT e m) | |
Defined in Control.Monad.Trans.Except | |
(Functor m, Monad m, Monoid e) => Alternative (ExceptT e m) | |
(Monad m, Monoid e) => MonadPlus (ExceptT e m) | |
MonadCatch m => MonadCatch (ExceptT e m) | |
MonadMask m => MonadMask (ExceptT e m) | |
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) # | |
MonadThrow m => MonadThrow (ExceptT e m) | |
Defined in Control.Monad.Catch | |
PrimMonad m => PrimMonad (ExceptT e m) | |
Zoom m n s t => Zoom (ExceptT e m) (ExceptT e n) s t | |
Defined in Lens.Micro.Mtl.Internal | |
Zoom m n s t => Zoom (ExceptT e m) (ExceptT e n) s t | |
Defined in Control.Lens.Zoom | |
(Eq e, Eq1 m, Eq a) => Eq (ExceptT e m a) | |
(Ord e, Ord1 m, Ord a) => Ord (ExceptT e m a) | |
Defined in Control.Monad.Trans.Except Methods compare :: ExceptT e m a -> ExceptT e m a -> Ordering # (<) :: ExceptT e m a -> ExceptT e m a -> Bool # (<=) :: ExceptT e m a -> ExceptT e m a -> Bool # (>) :: ExceptT e m a -> ExceptT e m a -> Bool # (>=) :: ExceptT e m a -> ExceptT e m a -> Bool # | |
(Read e, Read1 m, Read a) => Read (ExceptT e m a) | |
(Show e, Show1 m, Show a) => Show (ExceptT e m a) | |
Wrapped (ExceptT e m a) | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped (ExceptT e m a) | |
t ~ ExceptT e' m' a' => Rewrapped (ExceptT e m a) t | |
Defined in Control.Lens.Wrapped | |
type PrimState (ExceptT e m) | |
Defined in Control.Monad.Primitive type PrimState (ExceptT e m) = PrimState m | |
type Zoomed (ExceptT e m) | |
Defined in Control.Lens.Zoom type Zoomed (ExceptT e m) = FocusingErr e (Zoomed m) | |
type Zoomed (ExceptT e m) | |
Defined in Lens.Micro.Mtl.Internal type Zoomed (ExceptT e m) = FocusingErr e (Zoomed m) | |
type Unwrapped (ExceptT e m a) | |
Defined in Control.Lens.Wrapped |
newtype MaybeT (m :: Type -> Type) a #
The parameterizable maybe monad, obtained by composing an arbitrary
monad with the Maybe
monad.
Computations are actions that may produce a value or exit.
The return
function yields a computation that produces that
value, while >>=
sequences two subcomputations, exiting if either
computation does.
Instances
MonadTrans MaybeT | |
Defined in Control.Monad.Trans.Maybe | |
MonadState s m => MonadState s (MaybeT m) | |
MonadReader r m => MonadReader r (MaybeT m) | |
MonadError e m => MonadError e (MaybeT m) | |
Defined in Control.Monad.Error.Class | |
Monad m => Monad (MaybeT m) | |
Functor m => Functor (MaybeT m) | |
MonadFix m => MonadFix (MaybeT m) | |
Defined in Control.Monad.Trans.Maybe | |
Monad m => MonadFail (MaybeT m) | |
Defined in Control.Monad.Trans.Maybe | |
(Functor m, Monad m) => Applicative (MaybeT m) | |
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 # 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 # | |
Traversable f => Traversable (MaybeT f) | |
Defined in Control.Monad.Trans.Maybe | |
Contravariant m => Contravariant (MaybeT m) | |
Eq1 m => Eq1 (MaybeT m) | |
Ord1 m => Ord1 (MaybeT m) | |
Defined in Control.Monad.Trans.Maybe | |
Read1 m => Read1 (MaybeT m) | |
Defined in Control.Monad.Trans.Maybe | |
Show1 m => Show1 (MaybeT m) | |
MonadZip m => MonadZip (MaybeT m) | |
MonadIO m => MonadIO (MaybeT m) | |
Defined in Control.Monad.Trans.Maybe | |
(Functor m, Monad m) => Alternative (MaybeT m) | |
Monad m => MonadPlus (MaybeT m) | |
MonadCatch m => MonadCatch (MaybeT m) | |
MonadMask m => MonadMask (MaybeT m) | |
Defined in Control.Monad.Catch | |
MonadThrow m => MonadThrow (MaybeT m) | |
Defined in Control.Monad.Catch | |
PrimMonad m => PrimMonad (MaybeT m) | |
Zoom m n s t => Zoom (MaybeT m) (MaybeT n) s t | |
Defined in Lens.Micro.Mtl.Internal | |
Zoom m n s t => Zoom (MaybeT m) (MaybeT n) s t | |
Defined in Control.Lens.Zoom | |
(Eq1 m, Eq a) => Eq (MaybeT m a) | |
(Ord1 m, Ord a) => Ord (MaybeT m a) | |
Defined in Control.Monad.Trans.Maybe | |
(Read1 m, Read a) => Read (MaybeT m a) | |
(Show1 m, Show a) => Show (MaybeT m a) | |
Wrapped (MaybeT m a) | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped (MaybeT m a) | |
t ~ MaybeT n b => Rewrapped (MaybeT m a) t | |
Defined in Control.Lens.Wrapped | |
type PrimState (MaybeT m) | |
Defined in Control.Monad.Primitive type PrimState (MaybeT m) = PrimState m | |
type Zoomed (MaybeT m) | |
Defined in Control.Lens.Zoom type Zoomed (MaybeT m) = FocusingMay (Zoomed m) | |
type Zoomed (MaybeT m) | |
Defined in Lens.Micro.Mtl.Internal type Zoomed (MaybeT m) = FocusingMay (Zoomed m) | |
type Unwrapped (MaybeT m a) | |
Defined in Control.Lens.Wrapped |
preuse :: MonadState s m => Getting (First a) s a -> m (Maybe a) #
preview :: MonadReader s m => Getting (First a) s a -> m (Maybe a) #
use :: MonadState s m => Getting a s a -> m a #
view :: MonadReader s m => Getting a s a -> m a #
bracketOnError :: MonadMask m => m a -> (a -> m b) -> (a -> m c) -> m c #
catch :: (MonadCatch m, Exception e) => m a -> (e -> m a) -> m a #
catchAny :: MonadCatch m => m a -> (SomeException -> m a) -> m a #
handleAny :: MonadCatch m => (SomeException -> m a) -> m a -> m a #
onException :: MonadMask m => m a -> m b -> m a #
throwM :: (MonadThrow m, Exception e) => e -> m a #
try :: (MonadCatch m, Exception e) => m a -> m (Either e a) #
tryAny :: MonadCatch m => m a -> m (Either SomeException a) #
pass :: Applicative f => f () #
asum :: (Container t, Alternative f, Element t ~ f a) => t -> f a #
flipfoldl' :: (Container t, Element t ~ a) => (a -> b -> b) -> b -> t -> b #
for_ :: (Container t, Applicative f) => t -> (Element t -> f b) -> f () #
sequenceA_ :: (Container t, Applicative f, Element t ~ f a) => t -> f () #
traverse_ :: (Container t, Applicative f) => (Element t -> f b) -> t -> f () #
error :: forall (r :: RuntimeRep) (a :: TYPE r). HasCallStack => Text -> a #
traceIdWith :: (a -> Text) -> a -> a #
traceShowId :: Show a => a -> a #
traceShowIdWith :: Show s => (a -> s) -> a -> a #
traceShowM :: (Show a, Monad m) => a -> m () #
undefined :: forall (r :: RuntimeRep) (a :: TYPE r). HasCallStack => a #
evaluateNF :: (NFData a, MonadIO m) => a -> m a #
evaluateNF_ :: (NFData a, MonadIO m) => a -> m () #
evaluateWHNF :: MonadIO m => a -> m a #
evaluateWHNF_ :: MonadIO m => a -> m () #
pattern Exc :: Exception e => e -> SomeException #
bug :: (HasCallStack, Exception e) => e -> a #
note :: MonadError e m => e -> Maybe a -> m a #
atomically :: MonadIO m => STM a -> m a #
newEmptyMVar :: MonadIO m => m (MVar a) #
readTVarIO :: MonadIO m => TVar a -> m a #
tryPutMVar :: MonadIO m => MVar a -> a -> m Bool #
tryReadMVar :: MonadIO m => MVar a -> m (Maybe a) #
tryTakeMVar :: MonadIO m => MVar a -> m (Maybe a) #
exitFailure :: MonadIO m => m a #
exitSuccess :: MonadIO m => m a #
appendFile :: MonadIO m => FilePath -> Text -> m () #
atomicModifyIORef :: MonadIO m => IORef a -> (a -> (a, b)) -> m b #
atomicModifyIORef' :: MonadIO m => IORef a -> (a -> (a, b)) -> m b #
atomicWriteIORef :: MonadIO m => IORef a -> a -> m () #
modifyIORef :: MonadIO m => IORef a -> (a -> a) -> m () #
modifyIORef' :: MonadIO m => IORef a -> (a -> a) -> m () #
writeIORef :: MonadIO m => IORef a -> a -> m () #
whenNotNull :: Applicative f => [a] -> (NonEmpty a -> f ()) -> f () #
whenNotNullM :: Monad m => m [a] -> (NonEmpty a -> m ()) -> m () #
concatForM :: (Applicative f, Monoid m, Container (l m), Element (l m) ~ m, Traversable l) => l a -> (a -> f m) -> f m #
concatMapM :: (Applicative f, Monoid m, Container (l m), Element (l m) ~ m, Traversable l) => (a -> f m) -> l a -> f m #
leftToMaybe :: Either l r -> Maybe l #
maybeToLeft :: r -> Maybe l -> Either l r #
maybeToRight :: l -> Maybe r -> Either l r #
rightToMaybe :: Either l r -> Maybe r #
whenRightM :: Monad m => m (Either l r) -> (r -> m ()) -> m () #
whenJust :: Applicative f => Maybe a -> (a -> f ()) -> f () #
whenNothing :: Applicative f => Maybe a -> f a -> f a #
whenNothingM :: Monad m => m (Maybe a) -> m a -> m a #
whenNothingM_ :: Monad m => m (Maybe a) -> m () -> m () #
whenNothing_ :: Applicative f => Maybe a -> f () -> f () #
evaluatingState :: s -> State s a -> a #
evaluatingStateT :: Functor f => s -> StateT s f a -> f a #
executingState :: s -> State s a -> s #
executingStateT :: Functor f => s -> StateT s f a -> f s #
usingReader :: r -> Reader r a -> a #
usingReaderT :: r -> ReaderT r m a -> m a #
usingState :: s -> State s a -> (a, s) #
usingStateT :: s -> StateT s m a -> m (a, s) #
maybeToMonoid :: Monoid m => Maybe m -> m #
unstableNub :: (Eq a, Hashable a) => [a] -> [a] #
putLTextLn :: MonadIO m => Text -> m () #
class MonadThrow m => MonadCatch (m :: Type -> Type) #
Minimal complete definition
catch
Instances
MonadCatch IO | |
MonadCatch STM | |
e ~ SomeException => MonadCatch (Either e) | |
MonadCatch m => MonadCatch (MaybeT m) | |
MonadCatch m => MonadCatch (ListT m) | |
MonadCatch m => MonadCatch (StateT s m) | |
MonadCatch m => MonadCatch (IdentityT m) | |
MonadCatch m => MonadCatch (ReaderT r m) | |
MonadCatch m => MonadCatch (ExceptT e m) | |
(Error e, MonadCatch m) => MonadCatch (ErrorT e m) | |
MonadCatch m => MonadCatch (StateT s m) | |
(MonadCatch m, Monoid w) => MonadCatch (WriterT w m) | |
(MonadCatch m, Monoid w) => MonadCatch (WriterT w m) | |
(Functor f, MonadCatch m) => MonadCatch (FreeT f m) | |
Defined in Control.Monad.Trans.Free | |
(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 #
Methods
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) #
Instances
MonadMask IO | |
e ~ SomeException => MonadMask (Either e) | |
Defined in Control.Monad.Catch | |
MonadMask m => MonadMask (MaybeT m) | |
Defined in Control.Monad.Catch | |
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 (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 => MonadMask (ExceptT e m) | |
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 (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, 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, 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 Monad m => MonadThrow (m :: Type -> Type) #
Minimal complete definition
throwM
Instances
Minimal complete definition
Nothing
Methods
hashWithSalt :: Int -> a -> Int #
Instances
type Traversal s t a b = forall (f :: Type -> Type). Applicative f => (a -> f b) -> s -> f t #
type Traversal' s a = Traversal s s a a #
Minimal complete definition
Nothing
Methods
foldr :: (Element t -> b -> b) -> b -> t -> b #
foldl :: (b -> Element t -> b) -> b -> t -> b #
foldl' :: (b -> Element t -> b) -> b -> t -> b #
elem :: Element t -> t -> Bool #
foldMap :: Monoid m => (Element t -> m) -> t -> m #
foldr' :: (Element t -> b -> b) -> b -> t -> b #
foldr1 :: (Element t -> Element t -> Element t) -> t -> Element t #
foldl1 :: (Element t -> Element t -> Element t) -> t -> Element t #
notElem :: Element t -> t -> Bool #
all :: (Element t -> Bool) -> t -> Bool #
any :: (Element t -> Bool) -> t -> Bool #
Instances
Instances
Instances
One ByteString | |
Defined in Universum.Container.Class Associated Types type OneItem ByteString # Methods one :: OneItem ByteString -> ByteString # | |
One ByteString | |
Defined in Universum.Container.Class Associated Types type OneItem ByteString # Methods one :: OneItem ByteString -> ByteString # | |
One IntSet | |
One Text | |
One Text | |
One [a] | |
One (NonEmpty a) | |
One (IntMap v) | |
One (Seq a) | |
One (Set v) | |
Hashable v => One (HashSet v) | |
One (Vector a) | |
Unbox a => One (Vector a) | |
Storable a => One (Vector a) | |
Prim a => One (Vector a) | |
One (Map k v) | |
Hashable k => One (HashMap k v) | |
Instances
Constructors
Undefined |
Instances
Bounded Undefined | |
Enum Undefined | |
Defined in Universum.Debug Methods succ :: Undefined -> Undefined # pred :: Undefined -> Undefined # fromEnum :: Undefined -> Int # enumFrom :: Undefined -> [Undefined] # enumFromThen :: Undefined -> Undefined -> [Undefined] # enumFromTo :: Undefined -> Undefined -> [Undefined] # enumFromThenTo :: Undefined -> Undefined -> Undefined -> [Undefined] # | |
Eq Undefined | |
Data Undefined | |
Defined in Universum.Debug Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Undefined -> c Undefined # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c Undefined # toConstr :: Undefined -> Constr # dataTypeOf :: Undefined -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c Undefined) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c Undefined) # gmapT :: (forall b. Data b => b -> b) -> Undefined -> Undefined # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Undefined -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Undefined -> r # gmapQ :: (forall d. Data d => d -> u) -> Undefined -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Undefined -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Undefined -> m Undefined # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Undefined -> m Undefined # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Undefined -> m Undefined # | |
Ord Undefined | |
Read Undefined | |
Show Undefined | |
Generic Undefined | |
type Rep Undefined | |
Constructors
Bug SomeException CallStack |
Instances
Show Bug | |
Exception Bug | |
Defined in Universum.Exception Methods toException :: Bug -> SomeException # fromException :: SomeException -> Maybe Bug # displayException :: Bug -> String # |
Minimal complete definition
hPutStr, hPutStrLn
Instances
Print ByteString | |
Defined in Universum.Print.Internal | |
Print ByteString | |
Defined in Universum.Print.Internal | |
Print Text | |
Print Text | |
Print [Char] | |
class ConvertUtf8 a b where #
Methods
encodeUtf8 :: a -> b #
decodeUtf8 :: b -> a #
decodeUtf8Strict :: b -> Either UnicodeException a #
Instances
type LByteString = ByteString #
Instances
ToText String | |
Defined in Universum.String.Conversion | |
ToText MText | |
Defined in Michelson.Text | |
ToText Text | |
Defined in Universum.String.Conversion | |
ToText Text | |
Defined in Universum.String.Conversion |
type family Each (c :: [k -> Constraint]) (as :: [k]) where ... #
Equations
Each (c :: [k -> Constraint]) ('[] :: [k]) = () | |
Each (c :: [k -> Constraint]) (h ': t :: [k]) = (c <+> h, Each c t) |
type With (a :: [k -> Constraint]) (b :: k) = a <+> b #
class SuperComposition a b c | a b -> c where #
Instances
(a ~ c, r ~ b) => SuperComposition (a -> b) c r | |
Defined in Universum.VarArg | |
(SuperComposition (a -> b) d r1, r ~ (c -> r1)) => SuperComposition (a -> b) (c -> d) r | |
Defined in Universum.VarArg |
Instances
Eq2 HashMap | |
Ord2 HashMap | |
Defined in Data.HashMap.Base | |
Show2 HashMap | |
Hashable2 HashMap | |
Defined in Data.HashMap.Base | |
Functor (HashMap k) | |
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 # 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 # | |
Traversable (HashMap k) | |
Defined in Data.HashMap.Base | |
Eq k => Eq1 (HashMap k) | |
Ord k => Ord1 (HashMap k) | |
Defined in Data.HashMap.Base | |
(Eq k, Hashable k, Read k) => Read1 (HashMap k) | |
Defined in Data.HashMap.Base | |
Show k => Show1 (HashMap k) | |
Hashable k => Hashable1 (HashMap k) | |
Defined in Data.HashMap.Base | |
(Eq k, Hashable k) => IsList (HashMap k v) | |
(Eq k, Eq v) => Eq (HashMap k v) | |
(Data k, Data v, Eq k, Hashable k) => Data (HashMap k v) | |
Defined in Data.HashMap.Base Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> HashMap k v -> c (HashMap k v) # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c (HashMap k v) # toConstr :: HashMap k v -> Constr # dataTypeOf :: HashMap k v -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c (HashMap k v)) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c (HashMap k v)) # gmapT :: (forall b. Data b => b -> b) -> HashMap k v -> HashMap k v # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> HashMap k v -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> HashMap k v -> r # gmapQ :: (forall d. Data d => d -> u) -> HashMap k v -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> HashMap k v -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> HashMap k v -> m (HashMap k v) # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> HashMap k v -> m (HashMap k v) # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> HashMap k v -> m (HashMap k v) # | |
(Ord k, Ord v) => Ord (HashMap k v) | |
Defined in Data.HashMap.Base | |
(Eq k, Hashable k, Read k, Read e) => Read (HashMap k e) | |
(Show k, Show v) => Show (HashMap k v) | |
(Eq k, Hashable k) => Semigroup (HashMap k v) | |
(Eq k, Hashable k) => Monoid (HashMap k v) | |
(NFData k, NFData v) => NFData (HashMap k v) | |
Defined in Data.HashMap.Base | |
(Hashable k, Hashable v) => Hashable (HashMap k v) | |
Defined in Data.HashMap.Base | |
Container (HashMap k v) | |
Defined in Universum.Container.Class Methods toList :: HashMap k v -> [Element (HashMap k v)] # foldr :: (Element (HashMap k v) -> b -> b) -> b -> HashMap k v -> b # foldl :: (b -> Element (HashMap k v) -> b) -> b -> HashMap k v -> b # foldl' :: (b -> Element (HashMap k v) -> b) -> b -> HashMap k v -> b # length :: HashMap k v -> Int # elem :: Element (HashMap k v) -> HashMap k v -> Bool # maximum :: HashMap k v -> Element (HashMap k v) # minimum :: HashMap k v -> Element (HashMap k v) # foldMap :: Monoid m => (Element (HashMap k v) -> m) -> HashMap k v -> m # fold :: HashMap k v -> Element (HashMap k v) # foldr' :: (Element (HashMap k v) -> b -> b) -> b -> HashMap k v -> b # foldr1 :: (Element (HashMap k v) -> Element (HashMap k v) -> Element (HashMap k v)) -> HashMap k v -> Element (HashMap k v) # foldl1 :: (Element (HashMap k v) -> Element (HashMap k v) -> Element (HashMap k v)) -> HashMap k v -> Element (HashMap k v) # notElem :: Element (HashMap k v) -> HashMap k v -> Bool # all :: (Element (HashMap k v) -> Bool) -> HashMap k v -> Bool # any :: (Element (HashMap k v) -> Bool) -> HashMap k v -> Bool # find :: (Element (HashMap k v) -> Bool) -> HashMap k v -> Maybe (Element (HashMap k v)) # | |
Hashable k => One (HashMap k v) | |
ToPairs (HashMap k v) | |
(Eq k, Hashable k) => At (HashMap k a) | |
(Eq k, Hashable k) => Ixed (HashMap k a) | |
Defined in Control.Lens.At | |
(Hashable k, Eq k) => Wrapped (HashMap k a) | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped (HashMap k a) | |
(t ~ HashMap k' a', Hashable k, Eq k) => Rewrapped (HashMap k a) t | |
Defined in Control.Lens.Wrapped | |
type Item (HashMap k v) | |
Defined in Data.HashMap.Base | |
type Element (HashMap k v) | |
Defined in Universum.Container.Class | |
type OneItem (HashMap k v) | |
Defined in Universum.Container.Class | |
type Key (HashMap k v) | |
Defined in Universum.Container.Class type Key (HashMap k v) = k | |
type Val (HashMap k v) | |
Defined in Universum.Container.Class type Val (HashMap k v) = v | |
type Index (HashMap k a) | |
Defined in Control.Lens.At type Index (HashMap k a) = k | |
type IxValue (HashMap k a) | |
Defined in Control.Lens.At type IxValue (HashMap k a) = a | |
type Unwrapped (HashMap k a) | |
Defined in Control.Lens.Wrapped type Unwrapped (HashMap k a) = [(k, a)] |
Instances
Foldable HashSet | |
Defined in Data.HashSet.Base Methods fold :: Monoid m => HashSet m -> m # foldMap :: Monoid m => (a -> m) -> HashSet a -> 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 # | |
Eq1 HashSet | |
Ord1 HashSet | |
Defined in Data.HashSet.Base | |
Show1 HashSet | |
Hashable1 HashSet | |
Defined in Data.HashSet.Base | |
(Eq a, Hashable a) => IsList (HashSet a) | |
Eq a => Eq (HashSet a) | |
(Data a, Eq a, Hashable a) => Data (HashSet a) | |
Defined in Data.HashSet.Base Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> HashSet a -> c (HashSet a) # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c (HashSet a) # toConstr :: HashSet a -> Constr # dataTypeOf :: HashSet a -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c (HashSet a)) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c (HashSet a)) # gmapT :: (forall b. Data b => b -> b) -> HashSet a -> HashSet a # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> HashSet a -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> HashSet a -> r # gmapQ :: (forall d. Data d => d -> u) -> HashSet a -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> HashSet a -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> HashSet a -> m (HashSet a) # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> HashSet a -> m (HashSet a) # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> HashSet a -> m (HashSet a) # | |
Ord a => Ord (HashSet a) | |
(Eq a, Hashable a, Read a) => Read (HashSet a) | |
Show a => Show (HashSet a) | |
(Hashable a, Eq a) => Semigroup (HashSet a) | |
(Hashable a, Eq a) => Monoid (HashSet a) | |
NFData a => NFData (HashSet a) | |
Defined in Data.HashSet.Base | |
Hashable a => Hashable (HashSet a) | |
Defined in Data.HashSet.Base | |
(Eq v, Hashable v) => Container (HashSet v) | |
Defined in Universum.Container.Class Methods toList :: HashSet v -> [Element (HashSet v)] # foldr :: (Element (HashSet v) -> b -> b) -> b -> HashSet v -> b # foldl :: (b -> Element (HashSet v) -> b) -> b -> HashSet v -> b # foldl' :: (b -> Element (HashSet v) -> b) -> b -> HashSet v -> b # elem :: Element (HashSet v) -> HashSet v -> Bool # maximum :: HashSet v -> Element (HashSet v) # minimum :: HashSet v -> Element (HashSet v) # foldMap :: Monoid m => (Element (HashSet v) -> m) -> HashSet v -> m # fold :: HashSet v -> Element (HashSet v) # foldr' :: (Element (HashSet v) -> b -> b) -> b -> HashSet v -> b # foldr1 :: (Element (HashSet v) -> Element (HashSet v) -> Element (HashSet v)) -> HashSet v -> Element (HashSet v) # foldl1 :: (Element (HashSet v) -> Element (HashSet v) -> Element (HashSet v)) -> HashSet v -> Element (HashSet v) # notElem :: Element (HashSet v) -> HashSet v -> Bool # all :: (Element (HashSet v) -> Bool) -> HashSet v -> Bool # any :: (Element (HashSet v) -> Bool) -> HashSet v -> Bool # find :: (Element (HashSet v) -> Bool) -> HashSet v -> Maybe (Element (HashSet v)) # | |
Hashable v => One (HashSet v) | |
(Eq k, Hashable k) => At (HashSet k) | |
(Eq a, Hashable a) => Contains (HashSet a) | |
Defined in Control.Lens.At | |
(Eq k, Hashable k) => Ixed (HashSet k) | |
Defined in Control.Lens.At | |
(Hashable a, Eq a) => Wrapped (HashSet a) | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped (HashSet a) | |
(t ~ HashSet a', Hashable a, Eq a) => Rewrapped (HashSet a) t | |
Defined in Control.Lens.Wrapped | |
type Item (HashSet a) | |
Defined in Data.HashSet.Base | |
type Element (HashSet v) | |
Defined in Universum.Container.Class | |
type OneItem (HashSet v) | |
Defined in Universum.Container.Class | |
type Index (HashSet a) | |
Defined in Control.Lens.At type Index (HashSet a) = a | |
type IxValue (HashSet k) | |
Defined in Control.Lens.At type IxValue (HashSet k) = () | |
type Unwrapped (HashSet a) | |
Defined in Control.Lens.Wrapped type Unwrapped (HashSet a) = [a] |
Instances
Monad Vector | |
Functor Vector | |
MonadFail Vector | |
Defined in Data.Vector | |
Applicative Vector | |
Foldable Vector | |
Defined in Data.Vector Methods fold :: Monoid m => Vector m -> m # foldMap :: Monoid m => (a -> m) -> Vector a -> 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 # | |
Traversable Vector | |
Eq1 Vector | |
Ord1 Vector | |
Defined in Data.Vector | |
Read1 Vector | |
Defined in Data.Vector | |
Show1 Vector | |
MonadZip Vector | |
Alternative Vector | |
MonadPlus Vector | |
NFData1 Vector | |
Defined in Data.Vector | |
Vector Vector a | |
Defined in Data.Vector Methods basicUnsafeFreeze :: PrimMonad m => Mutable Vector (PrimState m) a -> m (Vector a) basicUnsafeThaw :: PrimMonad m => Vector a -> m (Mutable Vector (PrimState m) a) basicLength :: Vector a -> Int basicUnsafeSlice :: Int -> Int -> Vector a -> Vector a basicUnsafeIndexM :: Monad m => Vector a -> Int -> m a basicUnsafeCopy :: PrimMonad m => Mutable Vector (PrimState m) a -> Vector a -> m () | |
IsList (Vector a) | |
Eq a => Eq (Vector a) | |
Data a => Data (Vector a) | |
Defined in Data.Vector Methods gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Vector a -> c (Vector a) # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c (Vector a) # toConstr :: Vector a -> Constr # dataTypeOf :: Vector a -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c (Vector a)) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c (Vector a)) # gmapT :: (forall b. Data b => b -> b) -> Vector a -> Vector a # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Vector a -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Vector a -> r # gmapQ :: (forall d. Data d => d -> u) -> Vector a -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Vector a -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Vector a -> m (Vector a) # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Vector a -> m (Vector a) # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Vector a -> m (Vector a) # | |
Ord a => Ord (Vector a) | |
Defined in Data.Vector | |
Read a => Read (Vector a) | |
Show a => Show (Vector a) | |
Semigroup (Vector a) | |
Monoid (Vector a) | |
NFData a => NFData (Vector a) | |
Defined in Data.Vector | |
Container (Vector a) | |
Defined in Universum.Container.Class Methods toList :: Vector a -> [Element (Vector a)] # foldr :: (Element (Vector a) -> b -> b) -> b -> Vector a -> b # foldl :: (b -> Element (Vector a) -> b) -> b -> Vector a -> b # foldl' :: (b -> Element (Vector a) -> b) -> b -> Vector a -> b # elem :: Element (Vector a) -> Vector a -> Bool # maximum :: Vector a -> Element (Vector a) # minimum :: Vector a -> Element (Vector a) # foldMap :: Monoid m => (Element (Vector a) -> m) -> Vector a -> m # fold :: Vector a -> Element (Vector a) # foldr' :: (Element (Vector a) -> b -> b) -> b -> Vector a -> b # foldr1 :: (Element (Vector a) -> Element (Vector a) -> Element (Vector a)) -> Vector a -> Element (Vector a) # foldl1 :: (Element (Vector a) -> Element (Vector a) -> Element (Vector a)) -> Vector a -> Element (Vector a) # notElem :: Element (Vector a) -> Vector a -> Bool # all :: (Element (Vector a) -> Bool) -> Vector a -> Bool # any :: (Element (Vector a) -> Bool) -> Vector a -> Bool # find :: (Element (Vector a) -> Bool) -> Vector a -> Maybe (Element (Vector a)) # | |
One (Vector a) | |
Ixed (Vector a) | |
Defined in Control.Lens.At | |
Wrapped (Vector a) | |
Defined in Control.Lens.Wrapped Associated Types type Unwrapped (Vector a) | |
t ~ Vector a' => Rewrapped (Vector a) t | |
Defined in Control.Lens.Wrapped | |
type Mutable Vector | |
Defined in Data.Vector type Mutable Vector = MVector | |
type Item (Vector a) | |
Defined in Data.Vector | |
type Element (Vector a) | |
Defined in Universum.Container.Class | |
type OneItem (Vector a) | |
Defined in Universum.Container.Class | |
type Index (Vector a) | |
Defined in Control.Lens.At | |
type IxValue (Vector a) | |
Defined in Control.Lens.At type IxValue (Vector a) = a | |
type Unwrapped (Vector a) | |
Defined in Control.Lens.Wrapped type Unwrapped (Vector a) = [a] |