Copyright | (c) CNRS 2017-Present |
---|---|
License | AGPL + CECILL v3 |
Maintainer | team@gargantext.org |
Stability | experimental |
Portability | POSIX |
Safe Haskell | Safe-Inferred |
Language | Haskell2010 |
Gargantext
: search, map, share
Synopsis
- module Gargantext.API
- module Gargantext.Core
- type DBCmd err a = forall m env. DbCmd' env err m => m a
- data NodeNodePoly node1_id node2_id score cat = NodeNode {
- _nn_node1_id :: !node1_id
- _nn_node2_id :: !node2_id
- _nn_score :: !score
- _nn_category :: !cat
- type NodeNodeWrite = NodeNodePoly (Field SqlInt4) (Field SqlInt4) (Maybe (Field SqlFloat8)) (Maybe (Field SqlInt4))
- type NodeNodeRead = NodeNodePoly (Field SqlInt4) (Field SqlInt4) (Field SqlFloat8) (Field SqlInt4)
- type NodeNode = NodeNodePoly NodeId NodeId (Maybe Double) (Maybe Int)
- pNodeNode :: forall p a1_0 a2_0 a3_0 a4_0 a1_1 a2_1 a3_1 a4_1. ProductProfunctor p => NodeNodePoly (p a1_0 a1_1) (p a2_0 a2_1) (p a3_0 a3_1) (p a4_0 a4_1) -> p (NodeNodePoly a1_0 a2_0 a3_0 a4_0) (NodeNodePoly a1_1 a2_1 a3_1 a4_1)
- nn_score :: forall node1_id node2_id score cat score. Lens (NodeNodePoly node1_id node2_id score cat) (NodeNodePoly node1_id node2_id score cat) score score
- nn_node2_id :: forall node1_id node2_id score cat node2_id. Lens (NodeNodePoly node1_id node2_id score cat) (NodeNodePoly node1_id node2_id score cat) node2_id node2_id
- nn_node1_id :: forall node1_id node2_id score cat node1_id. Lens (NodeNodePoly node1_id node2_id score cat) (NodeNodePoly node1_id node2_id score cat) node1_id node1_id
- nn_category :: forall node1_id node2_id score cat cat. Lens (NodeNodePoly node1_id node2_id score cat) (NodeNodePoly node1_id node2_id score cat) cat cat
- nodeNodeTable :: Table NodeNodeWrite NodeNodeRead
- insertDB :: InsertDB a => a -> DBCmd err Int
- data Fixity
- data NonEmpty a = a :| [a]
- type FilePath = String
- class Eq a where
- data Bool
- data Char
- data Double = D# Double#
- data Float = F# Float#
- data Int
- data Word
- data Ordering
- data Maybe a
- class a ~R# b => Coercible (a :: k) (b :: k)
- data Symbol
- data Constraint
- data Integer
- type family (a :: k) == (b :: k) :: Bool where ...
- class Eq a => Ord a where
- class Semigroup a => Monoid a where
- class Semigroup a where
- class Functor f => Applicative (f :: Type -> Type) where
- class Functor (f :: Type -> Type) where
- class Applicative m => Monad (m :: Type -> Type) where
- data Either a b
- data IO a
- type Type = TYPE LiftedRep
- newtype Any = Any {}
- data Proxy (t :: k) = Proxy
- class Show a
- class Num a where
- type State s = StateT s Identity
- class Foldable (t :: Type -> Type) where
- fold :: Monoid m => t m -> m
- foldMap :: Monoid m => (a -> m) -> t a -> m
- foldr :: (a -> b -> b) -> b -> t a -> b
- foldr' :: (a -> b -> b) -> b -> t a -> b
- foldl :: (b -> a -> b) -> b -> t a -> b
- foldl' :: (b -> a -> b) -> b -> t a -> b
- toList :: t a -> [a]
- null :: t a -> Bool
- length :: t a -> Int
- elem :: Eq a => a -> t a -> Bool
- maximum :: Ord a => t a -> a
- minimum :: Ord a => t a -> a
- data ByteString
- data IOMode
- data Word64
- class (Real a, Enum a) => Integral a where
- data Word32
- data Word16
- data Word8
- data Ratio a
- type Rational = Ratio Integer
- class (Real a, Fractional a) => RealFrac a where
- class Num a => Fractional a where
- (/) :: a -> a -> a
- recip :: a -> a
- fromRational :: Rational -> a
- class (Num a, Ord a) => Real a where
- toRational :: a -> Rational
- class Bounded a where
- class (Alternative m, Monad m) => MonadPlus (m :: Type -> Type) where
- class Monad m => MonadFail (m :: Type -> Type)
- class Monad m => MonadIO (m :: Type -> Type) 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 (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 Applicative f => Alternative (f :: Type -> Type) where
- newtype Identity a = Identity {
- runIdentity :: a
- data Void
- class Generic a where
- data ((f :: k -> Type) :*: (g :: k -> Type)) (p :: k) = (f p) :*: (g p)
- data ((f :: k -> Type) :+: (g :: k -> Type)) (p :: k)
- class Read a
- data ST s a
- class Selector (s :: k) where
- selName :: forall k1 t (f :: k1 -> Type) (a :: k1). t s f a -> [Char]
- selSourceUnpackedness :: forall k1 t (f :: k1 -> Type) (a :: k1). t s f a -> SourceUnpackedness
- selSourceStrictness :: forall k1 t (f :: k1 -> Type) (a :: k1). t s f a -> SourceStrictness
- selDecidedStrictness :: forall k1 t (f :: k1 -> Type) (a :: k1). t s f a -> DecidedStrictness
- class Constructor (c :: k) where
- class Datatype (d :: k) where
- datatypeName :: forall k1 t (f :: k1 -> Type) (a :: k1). t d f a -> [Char]
- moduleName :: forall k1 t (f :: k1 -> Type) (a :: k1). t d f a -> [Char]
- packageName :: forall k1 t (f :: k1 -> Type) (a :: k1). t d f a -> [Char]
- isNewtype :: forall k1 t (f :: k1 -> Type) (a :: k1). t d f a -> Bool
- class Generic1 (f :: k -> Type)
- data family URec a (p :: k)
- type family Rep a :: Type -> Type
- type S1 = M1 S :: Meta -> (k -> Type) -> k -> Type
- type C1 = M1 C :: Meta -> (k -> Type) -> k -> Type
- type D1 = M1 D :: Meta -> (k -> Type) -> k -> Type
- type Rec0 = K1 R :: Type -> k -> Type
- newtype ((f :: k2 -> Type) :.: (g :: k1 -> k2)) (p :: k1) = Comp1 {
- unComp1 :: f (g p)
- newtype M1 i (c :: Meta) (f :: k -> Type) (p :: k) = M1 {
- unM1 :: f p
- newtype K1 i c (p :: k) = K1 {
- unK1 :: c
- data U1 (p :: k) = U1
- data V1 (p :: k)
- data Int8
- data Int16
- data Int32
- data Int64
- type HasCallStack = ?callStack :: CallStack
- newtype Product a = Product {
- getProduct :: a
- newtype Sum a = Sum {
- getSum :: a
- data Complex a = !a :+ !a
- class Fractional a => Floating a where
- pi :: a
- exp :: a -> a
- log :: a -> a
- sqrt :: a -> a
- (**) :: a -> a -> a
- logBase :: a -> a -> a
- sin :: a -> a
- cos :: a -> a
- tan :: a -> a
- asin :: a -> a
- acos :: a -> a
- atan :: a -> a
- sinh :: a -> a
- cosh :: a -> a
- tanh :: a -> a
- asinh :: a -> a
- acosh :: a -> a
- atanh :: a -> a
- log1p :: a -> a
- expm1 :: a -> a
- log1pexp :: a -> a
- log1mexp :: a -> a
- class Bits b => FiniteBits b where
- finiteBitSize :: b -> Int
- countLeadingZeros :: b -> Int
- countTrailingZeros :: b -> Int
- class Eq a => Bits a where
- (.&.) :: a -> a -> a
- (.|.) :: a -> a -> a
- xor :: a -> a -> a
- complement :: a -> a
- shift :: a -> Int -> a
- rotate :: a -> Int -> a
- zeroBits :: a
- bit :: Int -> a
- setBit :: a -> Int -> a
- clearBit :: a -> Int -> a
- complementBit :: a -> Int -> a
- testBit :: a -> Int -> Bool
- bitSizeMaybe :: a -> Maybe Int
- bitSize :: a -> Int
- isSigned :: a -> Bool
- shiftL :: a -> Int -> a
- shiftR :: a -> Int -> a
- rotateL :: a -> Int -> a
- rotateR :: a -> Int -> a
- popCount :: a -> Int
- class (RealFrac a, Floating a) => RealFloat a where
- floatRadix :: a -> Integer
- floatDigits :: a -> Int
- floatRange :: a -> (Int, Int)
- decodeFloat :: a -> (Integer, Int)
- encodeFloat :: Integer -> Int -> a
- exponent :: a -> Int
- significand :: a -> a
- scaleFloat :: Int -> a -> a
- isNaN :: a -> Bool
- isInfinite :: a -> Bool
- isDenormalized :: a -> Bool
- isNegativeZero :: a -> Bool
- isIEEE :: a -> Bool
- atan2 :: a -> a -> a
- data Async a
- data SrcLoc = SrcLoc String Int Int
- data Map k a
- newtype Const a (b :: k) = Const {
- getConst :: a
- data (a :: k) :~: (b :: k) where
- class IsString a
- data CallStack
- data Ptr a
- data FunPtr a
- class Monad m => MonadReader r (m :: Type -> Type) | m -> r where
- class Monad m => MonadState s (m :: Type -> Type) | m -> s where
- newtype StateT s (m :: Type -> Type) a = StateT {
- runStateT :: s -> m (a, s)
- newtype ReaderT r (m :: Type -> Type) a = ReaderT {
- runReaderT :: r -> m a
- type Reader r = ReaderT r Identity
- class FromJSON a where
- class ToJSON a where
- toJSON :: a -> Value
- toEncoding :: a -> Encoding
- toJSONList :: [a] -> Value
- toEncodingList :: [a] -> Encoding
- data Text
- class Eq a => Hashable a where
- hashWithSalt :: Int -> a -> Int
- hash :: a -> Int
- data Handle
- data Set a
- class Bifunctor (p :: Type -> Type -> Type) where
- newtype Concurrently a = Concurrently {
- runConcurrently :: IO a
- data ThreadId
- data Meta
- data Associativity
- data FixityI
- newtype AssertionFailed = AssertionFailed String
- data STM a
- class Storable a
- data StablePtr a
- data MVar a
- class (Typeable e, Show e) => Exception e where
- toException :: e -> SomeException
- fromException :: SomeException -> Maybe e
- displayException :: e -> String
- data Chan a
- data SomeException = Exception e => SomeException e
- data IOException
- data BlockedIndefinitelyOnMVar = BlockedIndefinitelyOnMVar
- class Typeable (a :: k)
- class KnownNat (n :: Nat)
- class KnownSymbol (n :: Symbol)
- class HasField (x :: k) r a | x r -> a where
- getField :: r -> a
- newtype TypeError = TypeError String
- data StaticPtr a
- type TypeRep = SomeTypeRep
- type family CmpNat (a :: Natural) (b :: Natural) :: Ordering where ...
- newtype Down a = Down a
- data SomeNat = KnownNat n => SomeNat (Proxy n)
- type Nat = Natural
- data SomeSymbol = KnownSymbol n => SomeSymbol (Proxy n)
- newtype Alt (f :: k -> Type) (a :: k) = Alt {
- getAlt :: f a
- newtype Endo a = Endo {
- appEndo :: a -> a
- newtype Dual a = Dual {
- getDual :: a
- newtype Ap (f :: k -> Type) (a :: k) = Ap {
- getAp :: f a
- newtype Last a = Last {}
- newtype First a = First {}
- data IntPtr
- data WordPtr
- data ArithException
- data ErrorCall where
- data MaskingState
- data ExitCode
- data ArrayException
- data AsyncException
- data SomeAsyncException = Exception e => SomeAsyncException e
- newtype CompactionFailed = CompactionFailed String
- data AllocationLimitExceeded = AllocationLimitExceeded
- data Deadlock = Deadlock
- data BlockedIndefinitelyOnSTM = BlockedIndefinitelyOnSTM
- data NestedAtomically = NestedAtomically
- data NonTermination = NonTermination
- newtype NoMethodError = NoMethodError String
- newtype RecUpdError = RecUpdError String
- newtype RecConError = RecConError String
- newtype RecSelError = RecSelError String
- newtype PatternMatchFail = PatternMatchFail String
- data Handler a = Exception e => Handler (e -> IO a)
- data Coercion (a :: k) (b :: k) where
- newtype ZipList a = ZipList {
- getZipList :: [a]
- class IsLabel (x :: Symbol) a where
- fromLabel :: a
- data Location = Location {
- objectName :: String
- functionName :: String
- srcLoc :: Maybe SrcLoc
- data QSemN
- data QSem
- data WrappedMonoid m
- type Step = Int
- newtype ExceptT e (m :: Type -> Type) a = ExceptT (m (Either e a))
- data Seq a
- data IntSet
- data IntMap a
- class NFData a where
- rnf :: a -> ()
- class Monad m => MonadError e (m :: Type -> Type) | m -> e where
- throwError :: e -> m a
- catchError :: m a -> (e -> m a) -> m a
- type Except e = ExceptT e Identity
- data UnicodeException
- type OnDecodeError = OnError Word8 Char
- type OnError a b = String -> Maybe a -> Maybe b
- class ConvertText a b where
- toS :: a -> b
- newtype FatalError = FatalError {}
- class Monoid m => Semiring m where
- class Print a where
- type LByteString = ByteString
- type LText = Text
- class ConvertibleStrings a b
- class (Applicative b, Applicative m, Monad b, Monad m) => MonadBase (b :: Type -> Type) (m :: Type -> Type) | m -> b where
- liftBase :: b α -> m α
- newtype UnexpectedPanic = UnexpectedPanic Text
- data WithStacktrace e = WithStacktrace {
- ct_callStack :: !CallStack
- ct_error :: !e
- type Map2 a b = Map a (Map a b)
- type Grain = Int
- async :: IO a -> IO (Async a)
- deepseq :: NFData a => a -> b -> b
- either :: (a -> c) -> (b -> c) -> Either a b -> c
- retry :: STM a
- void :: Functor f => f a -> f ()
- zip :: [a] -> [b] -> [(a, b)]
- isLeft :: Either a b -> Bool
- fromLeft :: a -> Either a b -> a
- error :: String -> a
- filter :: (a -> Bool) -> [a] -> [a]
- ($) :: forall (r :: RuntimeRep) a (b :: TYPE r). (a -> b) -> a -> b
- otherwise :: Bool
- (++) :: [a] -> [a] -> [a]
- map :: Functor f => (a -> b) -> f a -> f b
- join :: Monad m => m (m a) -> m a
- concat :: Foldable t => t [a] -> [a]
- isSpace :: Char -> Bool
- show :: (Show a, StringConv String b) => a -> b
- exitSuccess :: IO a
- exitFailure :: IO a
- maybeToEither :: e -> Maybe a -> Either e a
- fromRight :: b -> Either a b -> b
- replace :: b -> OnError a b
- getAll :: All -> Bool
- isInfixOf :: Eq a => [a] -> [a] -> Bool
- interact :: (Text -> Text) -> IO ()
- lines :: Text -> [Text]
- unlines :: [Text] -> Text
- stdin :: Handle
- stdout :: Handle
- readFile :: FilePath -> IO Text
- writeFile :: FilePath -> Text -> IO ()
- realToFrac :: (Real a, Fractional b) => a -> b
- fromIntegral :: (Integral a, Num b) => a -> b
- print :: (MonadIO m, Show a) => a -> m ()
- forM :: (Traversable t, Monad m) => t a -> (a -> m b) -> m (t b)
- forever :: Applicative f => f a -> f b
- liftM :: Monad m => (a1 -> r) -> m a1 -> m r
- guard :: Alternative f => Bool -> f ()
- (=<<) :: Monad m => (a -> m b) -> m a -> m b
- when :: Applicative f => Bool -> f () -> f ()
- liftM2 :: Monad m => (a1 -> a2 -> r) -> m a1 -> m a2 -> m r
- liftM3 :: Monad m => (a1 -> a2 -> a3 -> r) -> m a1 -> m a2 -> m a3 -> m r
- liftM4 :: Monad m => (a1 -> a2 -> a3 -> a4 -> r) -> m a1 -> m a2 -> m a3 -> m a4 -> m r
- liftM5 :: Monad m => (a1 -> a2 -> a3 -> a4 -> a5 -> r) -> m a1 -> m a2 -> m a3 -> m a4 -> m a5 -> m r
- ap :: Monad m => m (a -> b) -> m a -> m b
- mapM_ :: (Foldable t, Monad m) => (a -> m b) -> t a -> m ()
- forM_ :: (Foldable t, Monad m) => t a -> (a -> m b) -> m ()
- sequence_ :: (Foldable t, Monad m) => t (m a) -> m ()
- msum :: (Foldable t, MonadPlus m) => t (m a) -> m a
- filterM :: Applicative m => (a -> m Bool) -> [a] -> m [a]
- (>=>) :: Monad m => (a -> m b) -> (b -> m c) -> a -> m c
- (<=<) :: Monad m => (b -> m c) -> (a -> m b) -> a -> m c
- mapAndUnzipM :: Applicative m => (a -> m (b, c)) -> [a] -> m ([b], [c])
- zipWithM :: Applicative m => (a -> b -> m c) -> [a] -> [b] -> m [c]
- zipWithM_ :: Applicative m => (a -> b -> m c) -> [a] -> [b] -> m ()
- foldM :: (Foldable t, Monad m) => (b -> a -> m b) -> b -> t a -> m b
- foldM_ :: (Foldable t, Monad m) => (b -> a -> m b) -> b -> t a -> m ()
- replicateM :: Applicative m => Int -> m a -> m [a]
- replicateM_ :: Applicative m => Int -> m a -> m ()
- unless :: Applicative f => Bool -> f () -> f ()
- (<$!>) :: Monad m => (a -> b) -> m a -> m b
- mfilter :: MonadPlus m => (a -> Bool) -> m a -> m a
- fix :: (a -> a) -> a
- lift :: (MonadTrans t, Monad m) => m a -> t m a
- sort :: Ord a => [a] -> [a]
- scale :: [Double] -> [Double]
- evaluate :: a -> IO a
- finally :: IO a -> IO b -> IO a
- handle :: Exception e => (e -> IO a) -> IO a -> IO a
- withState :: (s -> s) -> State s a -> State s a
- replicate :: Int -> a -> [a]
- scanl :: (b -> a -> b) -> b -> [a] -> [b]
- zipWith :: (a -> b -> c) -> [a] -> [b] -> [c]
- unzip :: [(a, b)] -> ([a], [b])
- transpose :: [[a]] -> [[a]]
- (&) :: a -> (a -> b) -> b
- undefined :: a
- const :: a -> b -> a
- (.) :: (b -> c) -> (a -> b) -> a -> c
- flip :: (a -> b -> c) -> b -> a -> c
- (<$>) :: Functor f => (a -> b) -> f a -> f b
- ($>) :: Functor f => f a -> b -> f b
- (&&) :: Bool -> Bool -> Bool
- (||) :: Bool -> Bool -> Bool
- not :: Bool -> Bool
- scanl' :: (b -> a -> b) -> b -> [a] -> [b]
- scanr :: (a -> b -> b) -> b -> [a] -> [b]
- subtract :: Num a => a -> a -> a
- even :: Integral a => a -> Bool
- odd :: Integral a => a -> Bool
- gcd :: Integral a => a -> a -> a
- lcm :: Integral a => a -> a -> a
- (^) :: (Num a, Integral b) => a -> b -> a
- (^^) :: (Fractional a, Integral b) => a -> b -> a
- ord :: Char -> Int
- chr :: Int -> Char
- all :: Foldable t => (a -> Bool) -> t a -> Bool
- any :: Foldable t => (a -> Bool) -> t a -> Bool
- and :: Foldable t => t Bool -> Bool
- or :: Foldable t => t Bool -> Bool
- sum :: (Foldable f, Num a) => f a -> a
- product :: (Foldable f, Num a) => f a -> a
- reverse :: [a] -> [a]
- take :: Int -> [a] -> [a]
- drop :: Int -> [a] -> [a]
- iterate :: (a -> a) -> a -> [a]
- fst :: (a, b) -> a
- snd :: (a, b) -> b
- curry :: ((a, b) -> c) -> a -> b -> c
- uncurry :: (a -> b -> c) -> (a, b) -> c
- isNothing :: Maybe a -> Bool
- isJust :: Maybe a -> Bool
- fromMaybe :: a -> Maybe a -> a
- maybe :: b -> (a -> b) -> Maybe a -> b
- isRight :: Either a b -> Bool
- lefts :: [Either a b] -> [a]
- rights :: [Either a b] -> [b]
- magnitude :: RealFloat a => Complex a -> a
- phase :: RealFloat a => Complex a -> a
- polar :: RealFloat a => Complex a -> (a, a)
- mkPolar :: Floating a => a -> a -> Complex a
- cis :: Floating a => a -> Complex a
- conjugate :: Num a => Complex a -> Complex a
- numerator :: Ratio a -> a
- denominator :: Ratio a -> a
- (%) :: Integral a => a -> a -> Ratio a
- asyncOn :: Int -> IO a -> IO (Async a)
- forkOn :: Int -> IO () -> IO ThreadId
- asyncBound :: IO a -> IO (Async a)
- forkOS :: IO () -> IO ThreadId
- wait :: Async a -> IO a
- poll :: Async a -> IO (Maybe (Either SomeException a))
- cancel :: Async a -> IO ()
- trace :: Print b => b -> a -> a
- traceM :: Monad m => Text -> m ()
- interruptible :: IO a -> IO a
- byteSwap16 :: Word16 -> Word16
- byteSwap32 :: Word32 -> Word32
- byteSwap64 :: Word64 -> Word64
- splitEvery :: Int -> [a] -> [[a]]
- reduce :: Integral a => a -> a -> Ratio a
- identity :: a -> a
- takeWhile :: (a -> Bool) -> [a] -> [a]
- typeOf :: Typeable a => a -> TypeRep
- bool :: a -> a -> Bool -> a
- uncons :: [a] -> Maybe (a, [a])
- for :: (Traversable t, Applicative f) => t a -> (a -> f b) -> f (t b)
- atomically :: STM a -> IO a
- link :: Async a -> IO ()
- modify :: MonadState s m => (s -> s) -> m ()
- head :: Foldable f => f a -> Maybe a
- runState :: State s a -> s -> (a, s)
- evalState :: State s a -> s -> a
- execState :: State s a -> s -> s
- evalStateT :: Monad m => StateT s m a -> s -> m a
- execStateT :: Monad m => StateT s m a -> s -> m s
- runReader :: Reader r a -> r -> a
- fromJSON :: FromJSON a => Value -> Result a
- toUpper :: Char -> Char
- mapMaybe :: (a -> Maybe b) -> [a] -> [b]
- list :: [b] -> (a -> b) -> [a] -> [b]
- deriveJSON :: Options -> Name -> Q [Dec]
- toLower :: Char -> Char
- seq :: forall {r :: RuntimeRep} a (b :: TYPE r). a -> b -> b
- bracket_ :: IO a -> IO b -> IO c -> IO c
- group :: Eq a => [a] -> [[a]]
- (<**>) :: Applicative f => f a -> f (a -> b) -> f b
- try :: Exception e => IO a -> IO (Either e a)
- normalize :: [Double] -> [Double]
- swap :: (a, b) -> (b, a)
- withAsync :: IO a -> (Async a -> IO b) -> IO b
- withAsyncBound :: IO a -> (Async a -> IO b) -> IO b
- withAsyncOn :: Int -> IO a -> (Async a -> IO b) -> IO b
- waitCatch :: Async a -> IO (Either SomeException a)
- cancelWith :: Exception e => Async a -> e -> IO ()
- waitAnyCatch :: [Async a] -> IO (Async a, Either SomeException a)
- waitAnyCatchCancel :: [Async a] -> IO (Async a, Either SomeException a)
- waitAny :: [Async a] -> IO (Async a, a)
- waitAnyCancel :: [Async a] -> IO (Async a, a)
- waitEitherCatch :: Async a -> Async b -> IO (Either (Either SomeException a) (Either SomeException b))
- waitEitherCatchCancel :: Async a -> Async b -> IO (Either (Either SomeException a) (Either SomeException b))
- waitEither :: Async a -> Async b -> IO (Either a b)
- waitEither_ :: Async a -> Async b -> IO ()
- waitEitherCancel :: Async a -> Async b -> IO (Either a b)
- waitBoth :: Async a -> Async b -> IO (a, b)
- link2 :: Async a -> Async b -> IO ()
- race :: IO a -> IO b -> IO (Either a b)
- race_ :: IO a -> IO b -> IO ()
- concurrently :: IO a -> IO b -> IO (a, b)
- forkIO :: IO () -> IO ThreadId
- forkIOWithUnmask :: ((forall a. IO a -> IO a) -> IO ()) -> IO ThreadId
- forkOnWithUnmask :: Int -> ((forall a. IO a -> IO a) -> IO ()) -> IO ThreadId
- isDigit :: Char -> Bool
- liftM2' :: Monad m => (a -> b -> c) -> m a -> m b -> m c
- isAlpha :: Char -> Bool
- threadDelay :: Int -> IO ()
- callStack :: HasCallStack => CallStack
- stimesIdempotent :: Integral b => b -> a -> a
- bracket :: IO a -> (a -> IO b) -> (a -> IO c) -> IO c
- sortBy :: (a -> a -> Ordering) -> [a] -> [a]
- readMaybe :: (Read b, StringConv a String) => a -> Maybe b
- genericLength :: Num i => [a] -> i
- maximumBy :: Foldable t => (a -> a -> Ordering) -> t a -> a
- minimumBy :: Foldable t => (a -> a -> Ordering) -> t a -> a
- genericReplicate :: Integral i => i -> a -> [a]
- genericTake :: Integral i => i -> [a] -> [a]
- genericDrop :: Integral i => i -> [a] -> [a]
- genericSplitAt :: Integral i => i -> [a] -> ([a], [a])
- isLetter :: Char -> Bool
- openFile :: FilePath -> IOMode -> IO Handle
- throwTo :: (MonadIO m, Exception e) => ThreadId -> e -> m ()
- stderr :: Handle
- killThread :: ThreadId -> IO ()
- mask :: ((forall a. IO a -> IO a) -> IO b) -> IO b
- throwIO :: (MonadIO m, Exception e) => e -> m a
- catch :: Exception e => IO a -> (e -> IO a) -> IO a
- getLine :: IO Text
- getArgs :: IO [String]
- forkFinally :: IO a -> (Either SomeException a -> IO ()) -> IO ThreadId
- unfoldr :: (b -> Maybe (a, b)) -> b -> [a]
- exitWith :: ExitCode -> IO a
- sortOn :: Ord o => (a -> o) -> [a] -> [a]
- cycle :: HasCallStack => [a] -> [a]
- getCallStack :: CallStack -> [([Char], SrcLoc)]
- stimesIdempotentMonoid :: (Integral b, Monoid a) => b -> a -> a
- liftA :: Applicative f => (a -> b) -> f a -> f b
- liftA3 :: Applicative f => (a -> b -> c -> d) -> f a -> f b -> f c -> f d
- minInt :: Int
- maxInt :: Int
- ($!) :: (a -> b) -> a -> b
- until :: (a -> Bool) -> (a -> a) -> a -> a
- asTypeOf :: a -> a -> a
- currentCallStack :: IO [String]
- maybeToList :: Maybe a -> [a]
- listToMaybe :: [a] -> Maybe a
- catMaybes :: [Maybe a] -> [a]
- repeat :: a -> [a]
- dropWhile :: (a -> Bool) -> [a] -> [a]
- splitAt :: Int -> [a] -> ([a], [a])
- break :: (a -> Bool) -> [a] -> ([a], [a])
- notElem :: (Foldable t, Eq a) => a -> t a -> Bool
- concatMap :: Foldable t => (a -> [b]) -> t a -> [b]
- intToDigit :: Int -> Char
- boundedEnumFrom :: (Enum a, Bounded a) => a -> [a]
- boundedEnumFromThen :: (Enum a, Bounded a) => a -> a -> [a]
- divZeroError :: a
- ratioZeroDenominatorError :: a
- overflowError :: a
- underflowError :: a
- ratioPrec :: Int
- ratioPrec1 :: Int
- infinity :: Rational
- notANumber :: Rational
- numericEnumFrom :: Fractional a => a -> [a]
- numericEnumFromThen :: Fractional a => a -> a -> [a]
- numericEnumFromTo :: (Ord a, Fractional a) => a -> a -> [a]
- numericEnumFromThenTo :: (Ord a, Fractional a) => a -> a -> a -> [a]
- (^%^) :: Integral a => Rational -> a -> Rational
- (^^%^^) :: Integral a => Rational -> a -> Rational
- integralEnumFrom :: (Integral a, Bounded a) => a -> [a]
- integralEnumFromThen :: (Integral a, Bounded a) => a -> a -> [a]
- integralEnumFromTo :: Integral a => a -> a -> [a]
- integralEnumFromThenTo :: Integral a => a -> a -> a -> [a]
- isAscii :: Char -> Bool
- isHexDigit :: Char -> Bool
- isAlphaNum :: Char -> Bool
- isControl :: Char -> Bool
- isPrint :: Char -> Bool
- isUpper :: Char -> Bool
- isLower :: Char -> Bool
- toTitle :: Char -> Char
- optional :: Alternative f => f a -> f (Maybe a)
- bitDefault :: (Bits a, Num a) => Int -> a
- testBitDefault :: (Bits a, Num a) => a -> Int -> Bool
- popCountDefault :: (Bits a, Num a) => a -> Int
- toIntegralSized :: (Integral a, Integral b, Bits a, Bits b) => a -> Maybe b
- runST :: (forall s. ST s a) -> a
- myThreadId :: IO ThreadId
- partitionEithers :: [Either a b] -> ([a], [b])
- reads :: Read a => ReadS a
- readEither :: (Read a, StringConv String e, StringConv e String) => e -> Either e a
- comparing :: Ord a => (b -> a) -> b -> b -> Ordering
- digitToInt :: Char -> Int
- sym :: forall {k} (a :: k) (b :: k). (a :~: b) -> b :~: a
- trans :: forall {k} (a :: k) (b :: k) (c :: k). (a :~: b) -> (b :~: c) -> a :~: c
- castWith :: (a :~: b) -> a -> b
- gcastWith :: forall {k} (a :: k) (b :: k) r. (a :~: b) -> (a ~ b => r) -> r
- natVal :: forall (n :: Nat) proxy. KnownNat n => proxy n -> Integer
- someNatVal :: Integer -> Maybe SomeNat
- symbolVal :: forall (n :: Symbol) proxy. KnownSymbol n => proxy n -> String
- someSymbolVal :: String -> SomeSymbol
- stimesMonoid :: (Integral b, Monoid a) => b -> a -> a
- foldrM :: (Foldable t, Monad m) => (a -> b -> m b) -> b -> t a -> m b
- foldlM :: (Foldable t, Monad m) => (b -> a -> m b) -> b -> t a -> m b
- traverse_ :: (Foldable t, Applicative f) => (a -> f b) -> t a -> f ()
- for_ :: (Foldable t, Applicative f) => t a -> (a -> f b) -> f ()
- sequenceA_ :: (Foldable t, Applicative f) => t (f a) -> f ()
- asum :: (Foldable t, Alternative f) => t (f a) -> f a
- find :: Foldable t => (a -> Bool) -> t a -> Maybe a
- isPrefixOf :: Eq a => [a] -> [a] -> Bool
- isSuffixOf :: Eq a => [a] -> [a] -> Bool
- intersperse :: a -> [a] -> [a]
- intercalate :: [a] -> [[a]] -> [a]
- mapAccumL :: Traversable t => (s -> a -> (s, b)) -> s -> t a -> (s, t b)
- mapAccumR :: Traversable t => (s -> a -> (s, b)) -> s -> t a -> (s, t b)
- groupBy :: (a -> a -> Bool) -> [a] -> [[a]]
- inits :: [a] -> [[a]]
- tails :: [a] -> [[a]]
- subsequences :: [a] -> [[a]]
- permutations :: [a] -> [[a]]
- words :: Text -> [Text]
- unwords :: [Text] -> Text
- newEmptyMVar :: IO (MVar a)
- newMVar :: a -> IO (MVar a)
- takeMVar :: MVar a -> IO a
- readMVar :: MVar a -> IO a
- putMVar :: MVar a -> a -> IO ()
- tryTakeMVar :: MVar a -> IO (Maybe a)
- tryPutMVar :: MVar a -> a -> IO Bool
- tryReadMVar :: MVar a -> IO (Maybe a)
- isEmptyMVar :: MVar a -> IO Bool
- addMVarFinalizer :: MVar a -> IO () -> IO ()
- typeRep :: forall {k} proxy (a :: k). Typeable a => proxy a -> TypeRep
- cast :: (Typeable a, Typeable b) => a -> Maybe b
- eqT :: forall {k} (a :: k) (b :: k). (Typeable a, Typeable b) => Maybe (a :~: b)
- gcast :: forall {k} (a :: k) (b :: k) c. (Typeable a, Typeable b) => c a -> Maybe (c b)
- prettySrcLoc :: SrcLoc -> String
- prettyCallStack :: CallStack -> String
- getMaskingState :: IO MaskingState
- onException :: IO a -> IO b -> IO a
- mask_ :: IO a -> IO a
- uninterruptibleMask_ :: IO a -> IO a
- uninterruptibleMask :: ((forall a. IO a -> IO a) -> IO b) -> IO b
- asyncExceptionToException :: Exception e => e -> SomeException
- asyncExceptionFromException :: Exception e => SomeException -> Maybe e
- ioError :: IOError -> IO a
- (<&>) :: Functor f => f a -> (a -> b) -> f b
- on :: (b -> b -> c) -> (a -> b) -> a -> a -> c
- getNumCapabilities :: IO Int
- setNumCapabilities :: Int -> IO ()
- yield :: IO ()
- threadCapability :: ThreadId -> IO (Int, Bool)
- mkWeakThreadId :: ThreadId -> IO (Weak ThreadId)
- orElse :: STM a -> STM a -> STM a
- throwSTM :: Exception e => e -> STM a
- catchSTM :: Exception e => STM a -> (e -> STM a) -> STM a
- withMVar :: MVar a -> (a -> IO b) -> IO b
- modifyMVar_ :: MVar a -> (a -> IO a) -> IO ()
- catchJust :: Exception e => (e -> Maybe b) -> IO a -> (b -> IO a) -> IO a
- handleJust :: Exception e => (e -> Maybe b) -> (b -> IO a) -> IO a -> IO a
- mapException :: (Exception e1, Exception e2) => (e1 -> e2) -> a -> a
- tryJust :: Exception e => (e -> Maybe b) -> IO a -> IO (Either b a)
- bracketOnError :: IO a -> (a -> IO b) -> (a -> IO c) -> IO c
- catches :: IO a -> [Handler a] -> IO a
- allowInterrupt :: IO ()
- swapMVar :: MVar a -> a -> IO a
- withMVarMasked :: MVar a -> (a -> IO b) -> IO b
- modifyMVar :: MVar a -> (a -> IO (a, b)) -> IO b
- modifyMVarMasked_ :: MVar a -> (a -> IO a) -> IO ()
- modifyMVarMasked :: MVar a -> (a -> IO (a, b)) -> IO b
- mkWeakMVar :: MVar a -> IO () -> IO (Weak (MVar a))
- threadWaitRead :: Fd -> IO ()
- threadWaitWrite :: Fd -> IO ()
- threadWaitReadSTM :: Fd -> IO (STM (), IO ())
- threadWaitWriteSTM :: Fd -> IO (STM (), IO ())
- traceIO :: Print b => b -> a -> IO a
- withFile :: FilePath -> IOMode -> (Handle -> IO r) -> IO r
- getContents :: IO Text
- appendFile :: FilePath -> Text -> IO ()
- fixST :: (a -> ST s a) -> ST s a
- coerceWith :: Coercion a b -> a -> b
- repr :: forall {k} (a :: k) (b :: k). (a :~: b) -> Coercion a b
- fmapDefault :: Traversable t => (a -> b) -> t a -> t b
- foldMapDefault :: (Traversable t, Monoid m) => (a -> m) -> t a -> m
- withFrozenCallStack :: HasCallStack => (HasCallStack => a) -> a
- traceShowM :: (Show a, Monad m) => a -> m ()
- traceShowId :: Show a => a -> a
- traceShow :: Show a => a -> b -> b
- traceId :: Text -> Text
- die :: Text -> IO a
- getStackTrace :: IO (Maybe [Location])
- showStackTrace :: IO (Maybe String)
- nonEmpty :: [a] -> Maybe (NonEmpty a)
- newQSemN :: Int -> IO QSemN
- waitQSemN :: QSemN -> Int -> IO ()
- signalQSemN :: QSemN -> Int -> IO ()
- newQSem :: Int -> IO QSem
- waitQSem :: QSem -> IO ()
- signalQSem :: QSem -> IO ()
- newChan :: IO (Chan a)
- writeChan :: Chan a -> a -> IO ()
- readChan :: Chan a -> IO a
- dupChan :: Chan a -> IO (Chan a)
- getChanContents :: Chan a -> IO [a]
- writeList2Chan :: Chan a -> [a] -> IO ()
- rtsSupportsBoundThreads :: Bool
- forkOSWithUnmask :: ((forall a. IO a -> IO a) -> IO ()) -> IO ThreadId
- isCurrentThreadBound :: IO Bool
- runInBoundThread :: IO a -> IO a
- runInUnboundThread :: IO a -> IO a
- cycle1 :: Semigroup m => m -> m
- diff :: Semigroup m => m -> Endo m
- mtimesDefault :: (Integral b, Monoid a) => b -> a -> a
- absurd :: Void -> a
- vacuous :: Functor f => f Void -> f a
- realPart :: Complex a -> a
- imagPart :: Complex a -> a
- decodeUtf8' :: ByteString -> Either UnicodeException Text
- force :: NFData a => a -> a
- unsnoc :: [x] -> Maybe ([x], x)
- (<<*>>) :: (Applicative f, Applicative g) => f (g (a -> b)) -> f (g a) -> f (g b)
- (<<$>>) :: (Functor f, Functor g) => (a -> b) -> f (g a) -> f (g b)
- putByteString :: MonadIO m => ByteString -> m ()
- fromStrict :: Text -> Text
- toStrict :: Text -> Text
- ignore :: OnError a b
- asks :: MonadReader r m => (r -> a) -> m a
- tryIO :: forall (m :: Type -> Type) a. MonadIO m => IO a -> ExceptT IOException m a
- ifM :: Monad m => m Bool -> m a -> m a -> m a
- concatMapM :: Monad m => (a -> m [b]) -> [a] -> m [b]
- headDef :: a -> [a] -> a
- lastDef :: a -> [a] -> a
- encodeUtf8 :: Text -> ByteString
- decodeUtf8 :: ByteString -> Text
- zero :: Monoid m => m
- ($!!) :: NFData a => (a -> b) -> a -> b
- mean :: Fractional a => [a] -> a
- leftToMaybe :: Either l r -> Maybe l
- rightToMaybe :: Either l r -> Maybe r
- maybeToLeft :: r -> Maybe l -> Either l r
- maybeToRight :: l -> Maybe r -> Either l r
- variance :: Floating a => [a] -> a
- throwE :: forall (m :: Type -> Type) e a. Monad m => e -> ExceptT e m a
- whenM :: Monad m => m Bool -> m () -> m ()
- unlessM :: Monad m => m Bool -> m () -> m ()
- (||^) :: Monad m => m Bool -> m Bool -> m Bool
- (&&^) :: Monad m => m Bool -> m Bool -> m Bool
- check :: Bool -> STM ()
- gets :: MonadState s m => (s -> a) -> m a
- hashUsing :: Hashable b => (a -> b) -> Int -> a -> Int
- (.~) :: ASetter s t a b -> b -> s -> t
- (^.) :: s -> Getting a s a -> a
- makeLenses :: Name -> DecsQ
- runExcept :: Except e a -> Either e a
- mapExcept :: (Either e a -> Either e' b) -> Except e a -> Except e' b
- withExcept :: (e -> e') -> Except e a -> Except e' a
- runExceptT :: ExceptT e m a -> m (Either e a)
- mapExceptT :: (m (Either e a) -> n (Either e' b)) -> ExceptT e m a -> ExceptT e' n b
- withExceptT :: forall (m :: Type -> Type) e e' a. Functor m => (e -> e') -> ExceptT e m a -> ExceptT e' m a
- strictDecode :: OnDecodeError
- lenientDecode :: OnDecodeError
- decodeUtf8With :: OnDecodeError -> ByteString -> Text
- catchE :: forall (m :: Type -> Type) e a e'. Monad m => ExceptT e m a -> (e -> ExceptT e' m a) -> ExceptT e' m a
- orAlt :: (Alternative f, Monoid a) => f a -> f a
- orEmpty :: Alternative f => Bool -> a -> f a
- eitherA :: Alternative f => f a -> f b -> f (Either a b)
- purer :: (Applicative f, Applicative g) => a -> f (g a)
- liftAA2 :: (Applicative f, Applicative g) => (a -> b -> c) -> f (g a) -> f (g b) -> f (g c)
- guardM :: MonadPlus m => m Bool -> m ()
- (<||>) :: Applicative a => a Bool -> a Bool -> a Bool
- (<&&>) :: Applicative a => a Bool -> a Bool -> a Bool
- toUtf8 :: ConvertText a Text => a -> ByteString
- toUtf8Lazy :: ConvertText a Text => a -> ByteString
- maybeEmpty :: Monoid b => (a -> b) -> Maybe a -> b
- hush :: Alternative m => Either e a -> m a
- note :: MonadError e m => e -> Maybe a -> m a
- foreach :: Functor f => f a -> (a -> b) -> f b
- ordNub :: Ord a => [a] -> [a]
- liftM' :: Monad m => (a -> b) -> m a -> m b
- headMay :: [a] -> Maybe a
- initMay :: [a] -> Maybe [a]
- initDef :: [a] -> [a] -> [a]
- initSafe :: [a] -> [a]
- tailMay :: [a] -> Maybe [a]
- tailDef :: [a] -> [a] -> [a]
- tailSafe :: [a] -> [a]
- lastMay :: [a] -> Maybe a
- minimumMay :: Ord a => [a] -> Maybe a
- maximumMay :: Ord a => [a] -> Maybe a
- minimumDef :: Ord a => a -> [a] -> a
- maximumDef :: Ord a => a -> [a] -> a
- foldr1May :: (a -> a -> a) -> [a] -> Maybe a
- foldl1May :: (a -> a -> a) -> [a] -> Maybe a
- foldl1May' :: (a -> a -> a) -> [a] -> Maybe a
- atMay :: [a] -> Int -> Maybe a
- atDef :: a -> [a] -> Int -> a
- putText :: MonadIO m => Text -> m ()
- putLText :: MonadIO m => Text -> m ()
- putLByteString :: MonadIO m => ByteString -> m ()
- putErrText :: MonadIO m => Text -> m ()
- notImplemented :: a
- witness :: a
- applyN :: Int -> (a -> a) -> a -> a
- pass :: Applicative f => f ()
- guarded :: Alternative f => (a -> Bool) -> a -> f a
- guardedA :: (Functor f, Alternative t) => (a -> f Bool) -> a -> f (t a)
- liftIO1 :: MonadIO m => (a -> IO b) -> a -> m b
- liftIO2 :: MonadIO m => (a -> b -> IO c) -> a -> b -> m c
- cs :: ConvertibleStrings a b => a -> b
- withStacktrace :: HasCallStack => e -> WithStacktrace e
- panicTrace :: HasCallStack => Text -> x
- errorTrace :: HasCallStack => String -> x
- panic :: Text -> a
- printDebug :: (Show a, MonadBase IO m) => Text -> a -> m ()
- saveAsFileDebug :: (Show a, MonadBase IO m) => FilePath -> a -> m ()
- chunkAlong :: Eq a => Grain -> Step -> [a] -> [[a]]
- chunkAlong' :: Eq a => Grain -> Step -> [a] -> [[a]]
- chunkAlong'' :: Eq a => Int -> Int -> [a] -> [[a]]
- chunkAlongV :: Int -> Int -> Vector a -> Vector (Vector a)
- splitAlong :: [Int] -> [Char] -> [[Char]]
- takeWhileM :: Monad m => (a -> Bool) -> [m a] -> m [a]
- sumSimple :: Num a => [a] -> a
- sumKahan :: Num a => [a] -> a
- count2map :: (Ord k, Foldable t) => t k -> Map k Double
- count2map' :: (Ord k, Foldable t) => t k -> Map k Double
- trunc :: (RealFrac a, Integral c, Integral b) => b -> a -> c
- trunc' :: Int -> Double -> Double
- bool2num :: Num a => Bool -> a
- bool2double :: Bool -> Double
- bool2int :: Bool -> Int
- scaleMinMax :: [Double] -> [Double]
- scaleNormalize :: [Double] -> [Double]
- normalizeWith :: Fractional b => (a -> b) -> [a] -> [b]
- zipFst :: ([b] -> [a]) -> [b] -> [(a, b)]
- zipSnd :: ([a] -> [b]) -> [a] -> [(a, b)]
- maximumWith :: (Ord a1, Foldable t) => (a2 -> a1) -> t a2 -> a2
- listToCombi :: (a -> b) -> [a] -> [(b, b)]
- listSafe1 :: Text -> ([a] -> Maybe a) -> Text -> [a] -> a
- head' :: Text -> [a] -> a
- last' :: Text -> [a] -> a
- listSafeN :: Text -> ([a] -> Maybe [a]) -> Text -> [a] -> [a]
- tail' :: Text -> [a] -> [a]
- init' :: Text -> [a] -> [a]
- eavg :: [Double] -> Double
- sumMaybe :: Num a => [Maybe a] -> Maybe a
- deviation :: Floating a => [a] -> a
- movingAverage :: (Eq b, Fractional b) => Int -> [b] -> [b]
- lookup2 :: Ord a => a -> a -> Map2 a b -> Maybe b
- foldM' :: Monad m => (a -> b -> m a) -> a -> [b] -> m a
- hasDuplicates :: Ord a => [a] -> Bool
- hasDuplicatesWith :: Ord a => Set a -> [a] -> Bool
Documentation
module Gargantext.API
module Gargantext.Core
data NodeNodePoly node1_id node2_id score cat #
NodeNode | |
|
Instances
(ProductProfunctor p, Default p a1_0 a1_1, Default p a2_0 a2_1, Default p a3_0 a3_1, Default p a4_0 a4_1) => Default p (NodeNodePoly a1_0 a2_0 a3_0 a4_0) (NodeNodePoly a1_1 a2_1 a3_1 a4_1) # | |
Defined in Gargantext.Database.Schema.NodeNode def :: p (NodeNodePoly a1_0 a2_0 a3_0 a4_0) (NodeNodePoly a1_1 a2_1 a3_1 a4_1) # | |
(Show node1_id, Show node2_id, Show score, Show cat) => Show (NodeNodePoly node1_id node2_id score cat) # | |
Defined in Gargantext.Database.Schema.NodeNode showsPrec :: Int -> NodeNodePoly node1_id node2_id score cat -> ShowS # show :: NodeNodePoly node1_id node2_id score cat -> String # showList :: [NodeNodePoly node1_id node2_id score cat] -> ShowS # |
type NodeNodeWrite = NodeNodePoly (Field SqlInt4) (Field SqlInt4) (Maybe (Field SqlFloat8)) (Maybe (Field SqlInt4)) #
type NodeNodeRead = NodeNodePoly (Field SqlInt4) (Field SqlInt4) (Field SqlFloat8) (Field SqlInt4) #
pNodeNode :: forall p a1_0 a2_0 a3_0 a4_0 a1_1 a2_1 a3_1 a4_1. ProductProfunctor p => NodeNodePoly (p a1_0 a1_1) (p a2_0 a2_1) (p a3_0 a3_1) (p a4_0 a4_1) -> p (NodeNodePoly a1_0 a2_0 a3_0 a4_0) (NodeNodePoly a1_1 a2_1 a3_1 a4_1) #
nn_score :: forall node1_id node2_id score cat score. Lens (NodeNodePoly node1_id node2_id score cat) (NodeNodePoly node1_id node2_id score cat) score score #
nn_node2_id :: forall node1_id node2_id score cat node2_id. Lens (NodeNodePoly node1_id node2_id score cat) (NodeNodePoly node1_id node2_id score cat) node2_id node2_id #
nn_node1_id :: forall node1_id node2_id score cat node1_id. Lens (NodeNodePoly node1_id node2_id score cat) (NodeNodePoly node1_id node2_id score cat) node1_id node1_id #
nn_category :: forall node1_id node2_id score cat cat. Lens (NodeNodePoly node1_id node2_id score cat) (NodeNodePoly node1_id node2_id score cat) cat cat #
Datatype to represent the fixity of a constructor. An infix
| declaration directly corresponds to an application of Infix
.
Instances
Data Fixity | Since: base-4.9.0.0 |
Defined in Data.Data gfoldl :: (forall d b. Data d => c (d -> b) -> d -> c b) -> (forall g. g -> c g) -> Fixity -> c Fixity # gunfold :: (forall b r. Data b => c (b -> r) -> c r) -> (forall r. r -> c r) -> Constr -> c Fixity # toConstr :: Fixity -> Constr # dataTypeOf :: Fixity -> DataType # dataCast1 :: Typeable t => (forall d. Data d => c (t d)) -> Maybe (c Fixity) # dataCast2 :: Typeable t => (forall d e. (Data d, Data e) => c (t d e)) -> Maybe (c Fixity) # gmapT :: (forall b. Data b => b -> b) -> Fixity -> Fixity # gmapQl :: (r -> r' -> r) -> r -> (forall d. Data d => d -> r') -> Fixity -> r # gmapQr :: forall r r'. (r' -> r -> r) -> r -> (forall d. Data d => d -> r') -> Fixity -> r # gmapQ :: (forall d. Data d => d -> u) -> Fixity -> [u] # gmapQi :: Int -> (forall d. Data d => d -> u) -> Fixity -> u # gmapM :: Monad m => (forall d. Data d => d -> m d) -> Fixity -> m Fixity # gmapMp :: MonadPlus m => (forall d. Data d => d -> m d) -> Fixity -> m Fixity # gmapMo :: MonadPlus m => (forall d. Data d => d -> m d) -> Fixity -> m Fixity # | |
Generic Fixity | |
Read Fixity | Since: base-4.6.0.0 |
Show Fixity | Since: base-4.6.0.0 |
Eq Fixity | Since: base-4.6.0.0 |
Ord Fixity | Since: base-4.6.0.0 |
type Rep Fixity | Since: base-4.7.0.0 |
Defined in GHC.Generics type Rep Fixity = D1 ('MetaData "Fixity" "GHC.Generics" "base" 'False) (C1 ('MetaCons "Prefix" 'PrefixI 'False) (U1 :: Type -> Type) :+: C1 ('MetaCons "Infix" 'PrefixI 'False) (S1 ('MetaSel ('Nothing :: Maybe Symbol) 'NoSourceUnpackedness 'NoSourceStrictness 'DecidedLazy) (Rec0 Associativity) :*: S1 ('MetaSel ('Nothing :: Maybe Symbol) 'NoSourceUnpackedness 'NoSourceStrictness 'DecidedLazy) (Rec0 Int))) | |
type Code Fixity | |
Defined in Generics.SOP.Instances | |
type DatatypeInfoOf Fixity | |
Defined in Generics.SOP.Instances type DatatypeInfoOf Fixity = 'ADT "GHC.Generics" "Fixity" '['Constructor "Prefix", 'Constructor "Infix"] '['[] :: [StrictnessInfo], '['StrictnessInfo 'NoSourceUnpackedness 'NoSourceStrictness 'DecidedLazy, 'StrictnessInfo 'NoSourceUnpackedness 'NoSourceStrictness 'DecidedLazy]] |
Non-empty (and non-strict) list type.
Since: base-4.9.0.0
a :| [a] infixr 5 |
Instances
FromJSON1 NonEmpty | |
ToJSON1 NonEmpty | |
Defined in Data.Aeson.Types.ToJSON liftToJSON :: (a -> Value) -> ([a] -> Value) -> NonEmpty a -> Value # liftToJSONList :: (a -> Value) -> ([a] -> Value) -> [NonEmpty a] -> Value # liftToEncoding :: (a -> Encoding) -> ([a] -> Encoding) -> NonEmpty a -> Encoding # liftToEncodingList :: (a -> Encoding) -> ([a] -> Encoding) -> [NonEmpty a] -> Encoding # | |
MonadFix NonEmpty | Since: base-4.9.0.0 |
Defined in Control.Monad.Fix | |
Foldable NonEmpty | Since: base-4.9.0.0 |
Defined in Data.Foldable 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 # | |
Eq1 NonEmpty | Since: base-4.10.0.0 |
Ord1 NonEmpty | Since: base-4.10.0.0 |
Defined in Data.Functor.Classes | |
Read1 NonEmpty | Since: base-4.10.0.0 |
Defined in Data.Functor.Classes | |
Show1 NonEmpty | Since: base-4.10.0.0 |
Traversable NonEmpty | Since: base-4.9.0.0 |
Applicative NonEmpty | Since: base-4.9.0.0 |
Functor NonEmpty | Since: base-4.9.0.0 |
Monad NonEmpty | Since: base-4.9.0.0 |
Comonad NonEmpty | |
ComonadApply NonEmpty | |
NFData1 NonEmpty | Since: deepseq-1.4.3.0 |
Defined in Control.DeepSeq | |
Grouping1 NonEmpty | |
Sorting1 NonEmpty | |
Hashable1 NonEmpty | Since: hashable-1.3.1.0 |
Defined in Data.Hashable.Class | |
DecodeWrapper NonEmpty | |
Defined in Data.Morpheus.Types.GQLWrapper decodeWrapper :: (Monad m, DecodeWrapperConstraint NonEmpty a) => (ValidValue -> m a) -> ValidValue -> ExceptT GQLError m (NonEmpty a) # | |
EncodeWrapper NonEmpty | |
Defined in Data.Morpheus.Types.GQLWrapper encodeWrapper :: Monad m => (a -> m (ResolverValue m)) -> NonEmpty a -> m (ResolverValue m) # | |
Apply NonEmpty | |
Bind NonEmpty | |
Traversable1 NonEmpty | |
PApplicative NonEmpty | |
PFunctor NonEmpty | |
Defined in Control.Monad.Singletons.Internal | |
PMonad NonEmpty | |
SApplicative NonEmpty | |
Defined in Control.Monad.Singletons.Internal 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) # | |
SFunctor NonEmpty | |
SMonad NonEmpty | |
Defined in Control.Monad.Singletons.Internal (%>>=) :: 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) # | |
PFoldable NonEmpty | |
SFoldable NonEmpty | |
Defined in Data.Foldable.Singletons sFold :: forall m (t1 :: NonEmpty m). SMonoid m => Sing t1 -> Sing (Apply FoldSym0 t1) # 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 (t1 :: NonEmpty a). Sing t1 -> Sing (Apply ToListSym0 t1) # sNull :: forall a (t1 :: NonEmpty a). Sing t1 -> Sing (Apply NullSym0 t1) # sLength :: forall a (t1 :: NonEmpty a). Sing t1 -> Sing (Apply LengthSym0 t1) # sElem :: forall a (t1 :: a) (t2 :: NonEmpty a). SEq a => Sing t1 -> Sing t2 -> Sing (Apply (Apply ElemSym0 t1) t2) # sMaximum :: forall a (t1 :: NonEmpty a). SOrd a => Sing t1 -> Sing (Apply MaximumSym0 t1) # sMinimum :: forall a (t1 :: NonEmpty a). SOrd a => Sing t1 -> Sing (Apply MinimumSym0 t1) # sSum :: forall a (t1 :: NonEmpty a). SNum a => Sing t1 -> Sing (Apply SumSym0 t1) # sProduct :: forall a (t1 :: NonEmpty a). SNum a => Sing t1 -> Sing (Apply ProductSym0 t1) # | |
PTraversable NonEmpty | |
STraversable NonEmpty | |
Defined in Data.Traversable.Singletons 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 (t1 :: NonEmpty (f a)). SApplicative f => Sing t1 -> Sing (Apply SequenceASym0 t1) # 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 (t1 :: NonEmpty (m a)). SMonad m => Sing t1 -> Sing (Apply SequenceSym0 t1) # | |
Generic1 NonEmpty | |
Foldable1WithIndex Int NonEmpty | |
Defined in WithIndex ifoldMap1 :: Semigroup m => (Int -> a -> m) -> NonEmpty a -> m # ifoldMap1' :: Semigroup m => (Int -> a -> m) -> NonEmpty a -> m # ifoldrMap1 :: (Int -> a -> b) -> (Int -> a -> b -> b) -> NonEmpty a -> b # ifoldlMap1' :: (Int -> a -> b) -> (Int -> b -> a -> b) -> NonEmpty a -> b # ifoldlMap1 :: (Int -> a -> b) -> (Int -> b -> a -> b) -> NonEmpty a -> b # ifoldrMap1' :: (Int -> a -> b) -> (Int -> a -> b -> b) -> NonEmpty a -> b # | |
FoldableWithIndex Int NonEmpty | |
Defined in WithIndex | |
FunctorWithIndex Int NonEmpty | |
TraversableWithIndex Int NonEmpty | |
ToSourceIO a (NonEmpty a) | |
Defined in Servant.API.Stream toSourceIO :: NonEmpty a -> SourceIO a # | |
Lift a => Lift (NonEmpty a :: Type) | Since: template-haskell-2.15.0.0 |
SingI1 ((:|@#@$$) :: a -> TyFun [a] (NonEmpty a) -> Type) | |
FromJSON a => FromJSON (NonEmpty a) | |
ToJSON a => ToJSON (NonEmpty a) | |
Defined in Data.Aeson.Types.ToJSON | |
Data a => Data (NonEmpty a) | Since: base-4.9.0.0 |
Defined in Data.Data 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) # | |
Semigroup (NonEmpty a) | Since: base-4.9.0.0 |
Generic (NonEmpty a) | |
IsList (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 |
ToMarkup (NonEmpty Char) | |
ToValue (NonEmpty Char) | |
Defined in Text.Blaze toValue :: NonEmpty Char -> AttributeValue # | |
NFData a => NFData (NonEmpty a) | Since: deepseq-1.4.2.0 |
Defined in Control.DeepSeq | |
Grouping a => Grouping (NonEmpty a) | |
Defined in Data.Discrimination.Grouping | |
Sorting a => Sorting (NonEmpty a) | |
Defined in Data.Discrimination.Sorting | |
Eq a => Eq (NonEmpty a) | Since: base-4.9.0.0 |
Ord a => Ord (NonEmpty a) | Since: base-4.9.0.0 |
Hashable a => Hashable (NonEmpty a) | |
Defined in Data.Hashable.Class | |
Ixed (NonEmpty a) | |
Defined in Control.Lens.At | |
Reversing (NonEmpty a) | |
Defined in Control.Lens.Internal.Iso | |
Wrapped (NonEmpty a) | |
Ixed (NonEmpty a) | |
Defined in Lens.Micro.Internal | |
GrowingAppend (NonEmpty a) | |
Defined in Data.MonoTraversable | |
MonoFoldable (NonEmpty a) | |
Defined in Data.MonoTraversable ofoldMap :: Monoid m => (Element (NonEmpty a) -> m) -> NonEmpty a -> m # ofoldr :: (Element (NonEmpty a) -> b -> b) -> b -> NonEmpty a -> b # ofoldl' :: (a0 -> Element (NonEmpty a) -> a0) -> a0 -> NonEmpty a -> a0 # otoList :: NonEmpty a -> [Element (NonEmpty a)] # oall :: (Element (NonEmpty a) -> Bool) -> NonEmpty a -> Bool # oany :: (Element (NonEmpty a) -> Bool) -> NonEmpty a -> Bool # olength :: NonEmpty a -> Int # olength64 :: NonEmpty a -> Int64 # ocompareLength :: Integral i => NonEmpty a -> i -> Ordering # otraverse_ :: Applicative f => (Element (NonEmpty a) -> f b) -> NonEmpty a -> f () # ofor_ :: Applicative f => NonEmpty a -> (Element (NonEmpty a) -> f b) -> f () # omapM_ :: Applicative m => (Element (NonEmpty a) -> m ()) -> NonEmpty a -> m () # oforM_ :: Applicative m => NonEmpty a -> (Element (NonEmpty a) -> m ()) -> m () # ofoldlM :: Monad m => (a0 -> Element (NonEmpty a) -> m a0) -> a0 -> NonEmpty a -> m a0 # ofoldMap1Ex :: Semigroup m => (Element (NonEmpty a) -> m) -> NonEmpty a -> m # ofoldr1Ex :: (Element (NonEmpty a) -> Element (NonEmpty a) -> Element (NonEmpty a)) -> NonEmpty a -> Element (NonEmpty a) # ofoldl1Ex' :: (Element (NonEmpty a) -> Element (NonEmpty a) -> Element (NonEmpty a)) -> NonEmpty a -> Element (NonEmpty a) # headEx :: NonEmpty a -> Element (NonEmpty a) # lastEx :: NonEmpty a -> Element (NonEmpty a) # unsafeHead :: NonEmpty a -> Element (NonEmpty a) # unsafeLast :: NonEmpty a -> Element (NonEmpty a) # maximumByEx :: (Element (NonEmpty a) -> Element (NonEmpty a) -> Ordering) -> NonEmpty a -> Element (NonEmpty a) # minimumByEx :: (Element (NonEmpty a) -> Element (NonEmpty a) -> Ordering) -> NonEmpty a -> Element (NonEmpty a) # | |
MonoFunctor (NonEmpty a) | |
MonoPointed (NonEmpty a) | |
MonoTraversable (NonEmpty a) | |
SemiSequence (NonEmpty a) | |
Defined in Data.Sequences intersperse :: Element (NonEmpty a) -> NonEmpty a -> NonEmpty a # reverse :: NonEmpty a -> NonEmpty a # find :: (Element (NonEmpty a) -> Bool) -> NonEmpty a -> Maybe (Element (NonEmpty a)) # sortBy :: (Element (NonEmpty a) -> Element (NonEmpty a) -> Ordering) -> NonEmpty a -> NonEmpty a # | |
GQLType a => GQLType (NonEmpty a) | |
Defined in Data.Morpheus.Server.Types.GQLType type KIND (NonEmpty a) :: DerivingKind # description :: f (NonEmpty a) -> Maybe Text # directives :: f (NonEmpty a) -> DirectiveUsages # getDescriptions :: f (NonEmpty a) -> Map Text Description # typeOptions :: f (NonEmpty a) -> GQLTypeOptions -> GQLTypeOptions # getDirectives :: f (NonEmpty a) -> Map Text (Directives CONST) # defaultValues :: f (NonEmpty a) -> Map Text (Value CONST) # __type :: f (NonEmpty a) -> TypeCategory -> TypeData | |
Ixed (NonEmpty a) | |
Pretty a => Pretty (NonEmpty a) | |
Defined in Prettyprinter.Internal | |
One (NonEmpty a) | Allows to create singleton
law> |
Serialise a => Serialise (NonEmpty a) | Since: serialise-0.2.0.0 |
ToSample a => ToSample (NonEmpty a) | |
PEq (NonEmpty a) | |
(SEq a, SEq [a]) => SEq (NonEmpty a) | |
POrd (NonEmpty a) | |
(SOrd a, SOrd [a]) => SOrd (NonEmpty a) | |
Defined in Data.Ord.Singletons 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.Semigroup.Singletons.Internal | |
SSemigroup (NonEmpty a) | |
PShow (NonEmpty a) | |
(SShow a, SShow [a]) => SShow (NonEmpty a) | |
Defined in Text.Show.Singletons sShowsPrec :: forall (t1 :: Natural) (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) # | |
ToSchema a => ToSchema (NonEmpty a) | Since: swagger2-2.2.1 |
Defined in Data.Swagger.Internal.Schema declareNamedSchema :: Proxy (NonEmpty a) -> Declare (Definitions Schema) NamedSchema # | |
HasItemCodec a => HasCodec (NonEmpty a) | Since: tomland-1.1.0.0 |
ToExpr a => ToExpr (NonEmpty a) | |
Defined in Data.TreeDiff.Class | |
Validity a => Validity (NonEmpty a) | A nonempty list is valid if all the elements are valid. See the instance for 'Validity [a]' for more information. |
Defined in Data.Validity validate :: NonEmpty a -> Validation # | |
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.Base.Instances | |
(SDecide a, SDecide [a]) => TestEquality (SNonEmpty :: NonEmpty a -> Type) | |
Defined in Data.Singletons.Base.Instances | |
Each (NonEmpty a) (NonEmpty b) a b |
|
Each (NonEmpty a) (NonEmpty b) a b | |
SuppressUnusedWarnings Sconcat_6989586621679625548Sym0 | |
Defined in Data.Semigroup.Singletons.Internal suppressUnusedWarnings :: () # | |
SSemigroup a => SingI (SconcatSym0 :: TyFun (NonEmpty a) a -> Type) | |
Defined in Data.Semigroup.Singletons.Internal sing :: Sing SconcatSym0 # | |
SingI ((:|@#@$) :: TyFun a ([a] ~> NonEmpty a) -> Type) | |
Defined in Data.Singletons.Base.Instances | |
SuppressUnusedWarnings (Foldl1_6989586621680262474Sym0 :: TyFun (a ~> (a ~> a)) (NonEmpty a ~> a) -> Type) | |
Defined in Data.Foldable.Singletons suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Foldr1_6989586621680262486Sym0 :: TyFun (a ~> (a ~> a)) (NonEmpty a ~> a) -> Type) | |
Defined in Data.Foldable.Singletons suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679189438Sym0 :: TyFun (NonEmpty a) (NonEmpty a ~> Ordering) -> Type) | |
Defined in Data.Ord.Singletons suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679625512Sym0 :: TyFun (NonEmpty a) (NonEmpty a ~> NonEmpty a) -> Type) | |
Defined in Data.Semigroup.Singletons.Internal suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679136395Sym0 :: TyFun (NonEmpty a) (NonEmpty a ~> Bool) -> Type) | |
Defined in Data.Eq.Singletons suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ToList_6989586621680262525Sym0 :: TyFun (NonEmpty a) [a] -> Type) | |
Defined in Data.Foldable.Singletons suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (SconcatSym0 :: TyFun (NonEmpty a) a -> Type) | |
Defined in Data.Semigroup.Singletons.Internal suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Sconcat_6989586621679625480Sym0 :: TyFun (NonEmpty a) a -> Type) | |
Defined in Data.Semigroup.Singletons.Internal suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Fold_6989586621680262517Sym0 :: TyFun (NonEmpty m) m -> Type) | |
Defined in Data.Foldable.Singletons suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ShowsPrec_6989586621680128435Sym0 :: TyFun Natural (NonEmpty a ~> (Symbol ~> Symbol)) -> Type) | |
Defined in Text.Show.Singletons suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings ((:|@#@$) :: TyFun a ([a] ~> NonEmpty a) -> Type) | |
Defined in Data.Singletons.Base.Instances suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Pure_6989586621679378821Sym0 :: TyFun a (NonEmpty a) -> Type) | |
Defined in Control.Monad.Singletons.Internal suppressUnusedWarnings :: () # | |
SingI d => SingI ((:|@#@$$) d :: TyFun [a] (NonEmpty a) -> Type) | |
Defined in Data.Singletons.Base.Instances | |
SuppressUnusedWarnings (Foldr_6989586621680262443Sym0 :: TyFun (a ~> (b ~> b)) (b ~> (NonEmpty a ~> b)) -> Type) | |
Defined in Data.Foldable.Singletons suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Fmap_6989586621679378678Sym0 :: TyFun (a ~> b) (NonEmpty a ~> NonEmpty b) -> Type) | |
Defined in Control.Monad.Singletons.Internal suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (FoldMap_6989586621680262506Sym0 :: TyFun (a ~> m) (NonEmpty a ~> m) -> Type) | |
Defined in Data.Foldable.Singletons suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Foldl_6989586621680262459Sym0 :: TyFun (b ~> (a ~> b)) (b ~> (NonEmpty a ~> b)) -> Type) | |
Defined in Data.Foldable.Singletons suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Sconcat_6989586621680231591Sym0 :: TyFun (NonEmpty (Proxy s)) (Proxy s) -> Type) | |
Defined in Data.Proxy.Singletons suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679378829Sym0 :: TyFun (NonEmpty (a ~> b)) (NonEmpty a ~> NonEmpty b) -> Type) | |
Defined in Control.Monad.Singletons.Internal suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Compare_6989586621679189438Sym1 a6989586621679189443 :: TyFun (NonEmpty a) Ordering -> Type) | |
Defined in Data.Ord.Singletons suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679378973Sym0 :: TyFun (NonEmpty a) ((a ~> NonEmpty b) ~> NonEmpty b) -> Type) | |
Defined in Control.Monad.Singletons.Internal suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (ShowsPrec_6989586621680128435Sym1 a6989586621680128443 :: TyFun (NonEmpty a) (Symbol ~> Symbol) -> Type) | |
Defined in Text.Show.Singletons suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679625512Sym1 a6989586621679625517 :: TyFun (NonEmpty a) (NonEmpty a) -> Type) | |
Defined in Data.Semigroup.Singletons.Internal suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679136395Sym1 a6989586621679136400 :: TyFun (NonEmpty a) Bool -> Type) | |
Defined in Data.Eq.Singletons suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Foldl1_6989586621680262474Sym1 a6989586621680262479 :: TyFun (NonEmpty a) a -> Type) | |
Defined in Data.Foldable.Singletons suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Foldr1_6989586621680262486Sym1 a6989586621680262491 :: TyFun (NonEmpty a) a -> Type) | |
Defined in Data.Foldable.Singletons suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings ((:|@#@$$) a6989586621679028435 :: TyFun [a] (NonEmpty a) -> Type) | |
Defined in Data.Singletons.Base.Instances suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679378690Sym0 :: TyFun a (NonEmpty b ~> NonEmpty a) -> Type) | |
Defined in Control.Monad.Singletons.Internal suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (LiftA2_6989586621679378845Sym0 :: TyFun (a ~> (b ~> c)) (NonEmpty a ~> (NonEmpty b ~> NonEmpty c)) -> Type) | |
Defined in Control.Monad.Singletons.Internal suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679378973Sym1 a6989586621679378978 :: TyFun (a ~> NonEmpty b) (NonEmpty b) -> Type) | |
Defined in Control.Monad.Singletons.Internal suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Traverse_6989586621680544715Sym0 :: TyFun (a ~> f b) (NonEmpty a ~> f (NonEmpty b)) -> Type) | |
Defined in Data.Traversable.Singletons suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Fmap_6989586621679378678Sym1 a6989586621679378683 :: TyFun (NonEmpty a) (NonEmpty b) -> Type) | |
Defined in Control.Monad.Singletons.Internal suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679378829Sym1 a6989586621679378838 :: TyFun (NonEmpty a) (NonEmpty b) -> Type) | |
Defined in Control.Monad.Singletons.Internal suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (FoldMap_6989586621680262506Sym1 a6989586621680262511 :: TyFun (NonEmpty a) m -> Type) | |
Defined in Data.Foldable.Singletons suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (TFHelper_6989586621679378690Sym1 a6989586621679378695 :: TyFun (NonEmpty b) (NonEmpty a) -> Type) | |
Defined in Control.Monad.Singletons.Internal suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Foldl_6989586621680262459Sym1 a6989586621680262465 :: TyFun b (NonEmpty a ~> b) -> Type) | |
Defined in Data.Foldable.Singletons suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Foldr_6989586621680262443Sym1 a6989586621680262449 :: TyFun b (NonEmpty a ~> b) -> Type) | |
Defined in Data.Foldable.Singletons suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679378983Bs'Sym0 :: TyFun k (TyFun [a] (TyFun (a ~> NonEmpty b) [b] -> Type) -> Type) -> Type) | |
Defined in Control.Monad.Singletons.Internal suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679378983BsSym0 :: TyFun k1 (TyFun k (TyFun (k1 ~> NonEmpty a) [a] -> Type) -> Type) -> Type) | |
Defined in Control.Monad.Singletons.Internal suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679378983BSym0 :: TyFun k1 (TyFun k2 (TyFun (k1 ~> NonEmpty k3) k3 -> Type) -> Type) -> Type) | |
Defined in Control.Monad.Singletons.Internal suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (LiftA2_6989586621679378845Sym1 a6989586621679378857 :: TyFun (NonEmpty a) (NonEmpty b ~> NonEmpty c) -> Type) | |
Defined in Control.Monad.Singletons.Internal suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Foldl_6989586621680262459Sym2 a6989586621680262465 a6989586621680262466 :: TyFun (NonEmpty a) b -> Type) | |
Defined in Data.Foldable.Singletons suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Foldr_6989586621680262443Sym2 a6989586621680262449 a6989586621680262450 :: TyFun (NonEmpty a) b -> Type) | |
Defined in Data.Foldable.Singletons suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Traverse_6989586621680544715Sym1 a6989586621680544720 :: TyFun (NonEmpty a) (f (NonEmpty b)) -> Type) | |
Defined in Data.Traversable.Singletons suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679378983Bs'Sym1 a6989586621679378980 :: TyFun [a] (TyFun (a ~> NonEmpty b) [b] -> Type) -> Type) | |
Defined in Control.Monad.Singletons.Internal suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679378983BsSym1 a6989586621679378980 :: TyFun k (TyFun (k1 ~> NonEmpty a) [a] -> Type) -> Type) | |
Defined in Control.Monad.Singletons.Internal suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679378983ToListSym0 :: TyFun k1 (TyFun k2 (TyFun k3 (TyFun (NonEmpty k4) [k4] -> Type) -> Type) -> Type) -> Type) | |
Defined in Control.Monad.Singletons.Internal suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679378983BSym1 a6989586621679378980 :: TyFun k2 (TyFun (k1 ~> NonEmpty k3) k3 -> Type) -> Type) | |
Defined in Control.Monad.Singletons.Internal suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679378983Bs'Sym2 a6989586621679378980 as6989586621679378981 :: TyFun (a ~> NonEmpty b) [b] -> Type) | |
Defined in Control.Monad.Singletons.Internal suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679378983BsSym2 a6989586621679378980 as6989586621679378981 :: TyFun (k1 ~> NonEmpty a) [a] -> Type) | |
Defined in Control.Monad.Singletons.Internal suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679378983BSym2 a6989586621679378980 as6989586621679378981 :: TyFun (k1 ~> NonEmpty k3) k3 -> Type) | |
Defined in Control.Monad.Singletons.Internal suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (LiftA2_6989586621679378845Sym2 a6989586621679378857 a6989586621679378858 :: TyFun (NonEmpty b) (NonEmpty c) -> Type) | |
Defined in Control.Monad.Singletons.Internal suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679378983ToListSym1 a6989586621679378980 :: TyFun k2 (TyFun k3 (TyFun (NonEmpty k4) [k4] -> Type) -> Type) -> Type) | |
Defined in Control.Monad.Singletons.Internal suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679378983ToListSym2 a6989586621679378980 as6989586621679378981 :: TyFun k3 (TyFun (NonEmpty k4) [k4] -> Type) -> Type) | |
Defined in Control.Monad.Singletons.Internal suppressUnusedWarnings :: () # | |
SuppressUnusedWarnings (Let6989586621679378983ToListSym3 a6989586621679378980 as6989586621679378981 f6989586621679378982 :: TyFun (NonEmpty k4) [k4] -> Type) | |
Defined in Control.Monad.Singletons.Internal suppressUnusedWarnings :: () # | |
type Rep1 NonEmpty | Since: base-4.6.0.0 |
Defined in GHC.Generics type Rep1 NonEmpty = D1 ('MetaData "NonEmpty" "GHC.Base" "base" 'False) (C1 ('MetaCons ":|" ('InfixI 'RightAssociative 5) 'False) (S1 ('MetaSel ('Nothing :: Maybe Symbol) 'NoSourceUnpackedness 'NoSourceStrictness 'DecidedLazy) Par1 :*: S1 ('MetaSel ('Nothing :: Maybe Symbol) 'NoSourceUnpackedness 'NoSourceStrictness 'DecidedLazy) (Rec1 []))) | |
type Pure (a :: k1) | |
type Return (arg :: a) | |
type Fold (a :: NonEmpty k2) | |
type Length (arg :: NonEmpty a) | |
type Maximum (arg :: NonEmpty a) | |
type Minimum (arg :: NonEmpty a) | |
type Null (arg :: NonEmpty a) | |
type Product (arg :: NonEmpty a) | |
type Sum (arg :: NonEmpty a) | |
type ToList (a2 :: NonEmpty a1) | |
type Elem (arg1 :: a) (arg2 :: NonEmpty a) | |
type Foldl1 (a1 :: k2 ~> (k2 ~> k2)) (a2 :: NonEmpty k2) | |
type Foldr1 (a1 :: k2 ~> (k2 ~> k2)) (a2 :: NonEmpty k2) | |
type Sequence (arg :: NonEmpty (m a)) | |
type SequenceA (arg :: NonEmpty (f a)) | |
type (arg1 :: NonEmpty a) *> (arg2 :: NonEmpty b) | |
type (a1 :: k1) <$ (a2 :: NonEmpty b) | |
type (arg1 :: NonEmpty a) <* (arg2 :: NonEmpty b) | |
type (a2 :: NonEmpty (a1 ~> b)) <*> (a3 :: NonEmpty a1) | |
type (arg1 :: NonEmpty a) >> (arg2 :: NonEmpty b) | |
type (a2 :: NonEmpty a1) >>= (a3 :: a1 ~> NonEmpty b) | |
type Fmap (a2 :: a1 ~> b) (a3 :: NonEmpty a1) | |
type FoldMap (a2 :: a1 ~> k2) (a3 :: NonEmpty a1) | |
type Foldl (a2 :: k2 ~> (a1 ~> k2)) (a3 :: k2) (a4 :: NonEmpty a1) | |
type Foldl' (arg1 :: b ~> (a ~> b)) (arg2 :: b) (arg3 :: NonEmpty a) | |
type Foldr (a2 :: a1 ~> (k2 ~> k2)) (a3 :: k2) (a4 :: NonEmpty a1) | |
type Foldr' (arg1 :: a ~> (b ~> b)) (arg2 :: b) (arg3 :: NonEmpty a) | |
type MapM (arg1 :: a ~> m b) (arg2 :: NonEmpty a) | |
type Traverse (a2 :: a1 ~> f b) (a3 :: NonEmpty a1) | |
type LiftA2 (a2 :: a1 ~> (b ~> c)) (a3 :: NonEmpty a1) (a4 :: NonEmpty b) | |
type Apply (Pure_6989586621679378821Sym0 :: TyFun a (NonEmpty a) -> Type) (a6989586621679378825 :: a) | |
Defined in Control.Monad.Singletons.Internal | |
type Apply (ShowsPrec_6989586621680128435Sym0 :: TyFun Natural (NonEmpty a ~> (Symbol ~> Symbol)) -> Type) (a6989586621680128443 :: Natural) | |
type Apply ((:|@#@$) :: TyFun a ([a] ~> NonEmpty a) -> Type) (a6989586621679028435 :: a) | |
type Apply (TFHelper_6989586621679378690Sym0 :: TyFun a (NonEmpty b ~> NonEmpty a) -> Type) (a6989586621679378695 :: a) | |
type Apply (Foldl_6989586621680262459Sym1 a6989586621680262465 :: TyFun b (NonEmpty a ~> b) -> Type) (a6989586621680262466 :: b) | |
type Apply (Foldr_6989586621680262443Sym1 a6989586621680262449 :: TyFun b (NonEmpty a ~> b) -> Type) (a6989586621680262450 :: b) | |
type Apply (Let6989586621679378983Bs'Sym0 :: TyFun k (TyFun [a] (TyFun (a ~> NonEmpty b) [b] -> Type) -> Type) -> Type) (a6989586621679378980 :: k) | |
Defined in Control.Monad.Singletons.Internal | |
type Apply (Let6989586621679378983BsSym0 :: TyFun k1 (TyFun k (TyFun (k1 ~> NonEmpty a) [a] -> Type) -> Type) -> Type) (a6989586621679378980 :: k1) | |
Defined in Control.Monad.Singletons.Internal | |
type Apply (Let6989586621679378983BSym0 :: TyFun k1 (TyFun k2 (TyFun (k1 ~> NonEmpty k3) k3 -> Type) -> Type) -> Type) (a6989586621679378980 :: k1) | |
Defined in Control.Monad.Singletons.Internal | |
type Apply (Let6989586621679378983BsSym1 a6989586621679378980 :: TyFun k (TyFun (k1 ~> NonEmpty a) [a] -> Type) -> Type) (as6989586621679378981 :: k) | |
Defined in Control.Monad.Singletons.Internal | |
type Apply (Let6989586621679378983ToListSym0 :: TyFun k1 (TyFun k2 (TyFun k3 (TyFun (NonEmpty k4) [k4] -> Type) -> Type) -> Type) -> Type) (a6989586621679378980 :: k1) | |
Defined in Control.Monad.Singletons.Internal | |
type Apply (Let6989586621679378983BSym1 a6989586621679378980 :: TyFun k2 (TyFun (k1 ~> NonEmpty k3) k3 -> Type) -> Type) (as6989586621679378981 :: k2) | |
Defined in Control.Monad.Singletons.Internal | |
type Apply (Let6989586621679378983ToListSym1 a6989586621679378980 :: TyFun k2 (TyFun k3 (TyFun (NonEmpty k4) [k4] -> Type) -> Type) -> Type) (as6989586621679378981 :: k2) | |
Defined in Control.Monad.Singletons.Internal type Apply (Let6989586621679378983ToListSym1 a6989586621679378980 :: TyFun k2 (TyFun k3 (TyFun (NonEmpty k4) [k4] -> Type) -> Type) -> Type) (as6989586621679378981 :: k2) = Let6989586621679378983ToListSym2 a6989586621679378980 as6989586621679378981 :: TyFun k3 (TyFun (NonEmpty k4) [k4] -> Type) -> Type | |
type Apply (Let6989586621679378983ToListSym2 a6989586621679378980 as6989586621679378981 :: TyFun k3 (TyFun (NonEmpty k4) [k4] -> Type) -> Type) (f6989586621679378982 :: k3) | |
Defined in Control.Monad.Singletons.Internal type Apply (Let6989586621679378983ToListSym2 a6989586621679378980 as6989586621679378981 :: TyFun k3 (TyFun (NonEmpty k4) [k4] -> Type) -> Type) (f6989586621679378982 :: k3) = Let6989586621679378983ToListSym3 a6989586621679378980 as6989586621679378981 f6989586621679378982 :: TyFun (NonEmpty k4) [k4] -> Type | |
type Rep (NonEmpty a) | Since: base-4.6.0.0 |
Defined in GHC.Generics type Rep (NonEmpty a) = D1 ('MetaData "NonEmpty" "GHC.Base" "base" 'False) (C1 ('MetaCons ":|" ('InfixI 'RightAssociative 5) '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) | |
Defined in GHC.IsList | |
type Code (NonEmpty a) | |
Defined in Generics.SOP.Instances | |
type DatatypeInfoOf (NonEmpty a) | |
Defined in Generics.SOP.Instances type DatatypeInfoOf (NonEmpty a) = 'ADT "GHC.Base" "NonEmpty" '['Infix ":|" 'RightAssociative 5] '['['StrictnessInfo 'NoSourceUnpackedness 'NoSourceStrictness 'DecidedLazy, 'StrictnessInfo 'NoSourceUnpackedness 'NoSourceStrictness 'DecidedLazy]] | |
type Index (NonEmpty a) | |
Defined in Control.Lens.At | |
type IxValue (NonEmpty a) | |
Defined in Control.Lens.At | |
type Unwrapped (NonEmpty a) | |
Defined in Control.Lens.Wrapped | |
type Index (NonEmpty a) | |
Defined in Lens.Micro.Internal | |
type IxValue (NonEmpty a) | |
Defined in Lens.Micro.Internal | |
type Element (NonEmpty a) | |
Defined in Data.MonoTraversable | |
type Index (NonEmpty a) | |
Defined in Data.Sequences | |
type KIND (NonEmpty a) | |
Defined in Data.Morpheus.Server.Types.GQLType | |
type Index (NonEmpty a) | |
Defined in Optics.At.Core | |
type IxKind (NonEmpty a) | |
Defined in Optics.At.Core | |
type IxValue (NonEmpty a) | |
Defined in Optics.At.Core | |
type OneItem (NonEmpty a) | |
Defined in Relude.Container.One | |
type Demote (NonEmpty a) | |
Defined in Data.Singletons.Base.Instances | |
type Sing | |
Defined in Data.Singletons.Base.Instances | |
type Sconcat (arg :: NonEmpty (NonEmpty a)) | |
type Show_ (arg :: NonEmpty a) | |
type (arg1 :: NonEmpty a) /= (arg2 :: NonEmpty a) | |
type (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 Compare (a2 :: NonEmpty a1) (a3 :: NonEmpty a1) | |
type Max (arg1 :: NonEmpty a) (arg2 :: NonEmpty a) | |
type Min (arg1 :: NonEmpty a) (arg2 :: NonEmpty a) | |
type (a2 :: NonEmpty a1) <> (a3 :: NonEmpty a1) | |
type ShowList (arg1 :: [NonEmpty a]) arg2 | |
type Apply Sconcat_6989586621679625548Sym0 (a6989586621679625552 :: NonEmpty ()) | |
Defined in Data.Semigroup.Singletons.Internal | |
type ShowsPrec a2 (a3 :: NonEmpty a1) a4 | |
type Apply (SconcatSym0 :: TyFun (NonEmpty a) a -> Type) (a6989586621679625478 :: NonEmpty a) | |
Defined in Data.Semigroup.Singletons.Internal | |
type Apply (Sconcat_6989586621679625480Sym0 :: TyFun (NonEmpty a) a -> Type) (a6989586621679625484 :: NonEmpty a) | |
type Apply (Fold_6989586621680262517Sym0 :: TyFun (NonEmpty m) m -> Type) (a6989586621680262521 :: NonEmpty m) | |
type Apply (Compare_6989586621679189438Sym1 a6989586621679189443 :: TyFun (NonEmpty a) Ordering -> Type) (a6989586621679189444 :: NonEmpty a) | |
type Apply (TFHelper_6989586621679136395Sym1 a6989586621679136400 :: TyFun (NonEmpty a) Bool -> Type) (a6989586621679136401 :: NonEmpty a) | |
type Apply (Foldl1_6989586621680262474Sym1 a6989586621680262479 :: TyFun (NonEmpty a) a -> Type) (a6989586621680262480 :: NonEmpty a) | |
type Apply (Foldr1_6989586621680262486Sym1 a6989586621680262491 :: TyFun (NonEmpty a) a -> Type) (a6989586621680262492 :: NonEmpty a) | |
type Apply (FoldMap_6989586621680262506Sym1 a6989586621680262511 :: TyFun (NonEmpty a) m -> Type) (a6989586621680262512 :: NonEmpty a) | |
type Apply (Foldl_6989586621680262459Sym2 a6989586621680262465 a6989586621680262466 :: TyFun (NonEmpty a) b -> Type) (a6989586621680262467 :: NonEmpty a) | |
type Apply (Foldr_6989586621680262443Sym2 a6989586621680262449 a6989586621680262450 :: TyFun (NonEmpty a) b -> Type) (a6989586621680262451 :: NonEmpty a) | |
type Apply (ToList_6989586621680262525Sym0 :: TyFun (NonEmpty a) [a] -> Type) (a6989586621680262529 :: NonEmpty a) | |
type Apply (TFHelper_6989586621679625512Sym1 a6989586621679625517 :: TyFun (NonEmpty a) (NonEmpty a) -> Type) (a6989586621679625518 :: NonEmpty a) | |
type Apply ((:|@#@$$) a6989586621679028435 :: TyFun [a] (NonEmpty a) -> Type) (a6989586621679028436 :: [a]) | |
type Apply (Fmap_6989586621679378678Sym1 a6989586621679378683 :: TyFun (NonEmpty a) (NonEmpty b) -> Type) (a6989586621679378684 :: NonEmpty a) | |
type Apply (TFHelper_6989586621679378829Sym1 a6989586621679378838 :: TyFun (NonEmpty a) (NonEmpty b) -> Type) (a6989586621679378839 :: NonEmpty a) | |
type Apply (TFHelper_6989586621679378690Sym1 a6989586621679378695 :: TyFun (NonEmpty b) (NonEmpty a) -> Type) (a6989586621679378696 :: NonEmpty b) | |
type Apply (Traverse_6989586621680544715Sym1 a6989586621680544720 :: TyFun (NonEmpty a) (f (NonEmpty b)) -> Type) (a6989586621680544721 :: NonEmpty a) | |
type Apply (LiftA2_6989586621679378845Sym2 a6989586621679378857 a6989586621679378858 :: TyFun (NonEmpty b) (NonEmpty c) -> Type) (a6989586621679378859 :: NonEmpty b) | |
Defined in Control.Monad.Singletons.Internal | |
type Apply (Let6989586621679378983ToListSym3 a6989586621679378980 as6989586621679378981 f6989586621679378982 :: TyFun (NonEmpty k4) [k4] -> Type) (a6989586621679378990 :: NonEmpty k4) | |
Defined in Control.Monad.Singletons.Internal | |
type Apply (Compare_6989586621679189438Sym0 :: TyFun (NonEmpty a) (NonEmpty a ~> Ordering) -> Type) (a6989586621679189443 :: NonEmpty a) | |
type Apply (TFHelper_6989586621679625512Sym0 :: TyFun (NonEmpty a) (NonEmpty a ~> NonEmpty a) -> Type) (a6989586621679625517 :: NonEmpty a) | |
type Apply (TFHelper_6989586621679136395Sym0 :: TyFun (NonEmpty a) (NonEmpty a ~> Bool) -> Type) (a6989586621679136400 :: NonEmpty a) | |
type Apply (Sconcat_6989586621680231591Sym0 :: TyFun (NonEmpty (Proxy s)) (Proxy s) -> Type) (a6989586621680231595 :: NonEmpty (Proxy s)) | |
type Apply (TFHelper_6989586621679378829Sym0 :: TyFun (NonEmpty (a ~> b)) (NonEmpty a ~> NonEmpty b) -> Type) (a6989586621679378838 :: NonEmpty (a ~> b)) | |
type Apply (TFHelper_6989586621679378973Sym0 :: TyFun (NonEmpty a) ((a ~> NonEmpty b) ~> NonEmpty b) -> Type) (a6989586621679378978 :: NonEmpty a) | |
type Apply (ShowsPrec_6989586621680128435Sym1 a6989586621680128443 :: TyFun (NonEmpty a) (Symbol ~> Symbol) -> Type) (a6989586621680128444 :: NonEmpty a) | |
type Apply (LiftA2_6989586621679378845Sym1 a6989586621679378857 :: TyFun (NonEmpty a) (NonEmpty b ~> NonEmpty c) -> Type) (a6989586621679378858 :: NonEmpty a) | |
type Apply (Let6989586621679378983Bs'Sym1 a6989586621679378980 :: TyFun [a] (TyFun (a ~> NonEmpty b) [b] -> Type) -> Type) (as6989586621679378981 :: [a]) | |
Defined in Control.Monad.Singletons.Internal | |
type Apply (Let6989586621679378983BSym2 a6989586621679378980 as6989586621679378981 :: TyFun (k1 ~> NonEmpty k3) k3 -> Type) (f6989586621679378982 :: k1 ~> NonEmpty k3) | |
Defined in Control.Monad.Singletons.Internal | |
type Apply (TFHelper_6989586621679378973Sym1 a6989586621679378978 :: TyFun (a ~> NonEmpty b) (NonEmpty b) -> Type) (a6989586621679378979 :: a ~> NonEmpty b) | |
type Apply (Let6989586621679378983Bs'Sym2 a6989586621679378980 as6989586621679378981 :: TyFun (a ~> NonEmpty b) [b] -> Type) (f6989586621679378982 :: a ~> NonEmpty b) | |
Defined in Control.Monad.Singletons.Internal | |
type Apply (Let6989586621679378983BsSym2 a6989586621679378980 as6989586621679378981 :: TyFun (k1 ~> NonEmpty a) [a] -> Type) (f6989586621679378982 :: k1 ~> NonEmpty a) | |
Defined in Control.Monad.Singletons.Internal | |
type Apply (Foldl1_6989586621680262474Sym0 :: TyFun (a ~> (a ~> a)) (NonEmpty a ~> a) -> Type) (a6989586621680262479 :: a ~> (a ~> a)) | |
type Apply (Foldr1_6989586621680262486Sym0 :: TyFun (a ~> (a ~> a)) (NonEmpty a ~> a) -> Type) (a6989586621680262491 :: a ~> (a ~> a)) | |
type Apply (Foldr_6989586621680262443Sym0 :: TyFun (a ~> (b ~> b)) (b ~> (NonEmpty a ~> b)) -> Type) (a6989586621680262449 :: a ~> (b ~> b)) | |
type Apply (Fmap_6989586621679378678Sym0 :: TyFun (a ~> b) (NonEmpty a ~> NonEmpty b) -> Type) (a6989586621679378683 :: a ~> b) | |
type Apply (FoldMap_6989586621680262506Sym0 :: TyFun (a ~> m) (NonEmpty a ~> m) -> Type) (a6989586621680262511 :: a ~> m) | |
type Apply (Foldl_6989586621680262459Sym0 :: TyFun (b ~> (a ~> b)) (b ~> (NonEmpty a ~> b)) -> Type) (a6989586621680262465 :: b ~> (a ~> b)) | |
type Apply (LiftA2_6989586621679378845Sym0 :: TyFun (a ~> (b ~> c)) (NonEmpty a ~> (NonEmpty b ~> NonEmpty c)) -> Type) (a6989586621679378857 :: a ~> (b ~> c)) | |
type Apply (Traverse_6989586621680544715Sym0 :: TyFun (a ~> f b) (NonEmpty a ~> f (NonEmpty b)) -> Type) (a6989586621680544720 :: a ~> f b) | |
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.
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, instances are
encouraged to follow these properties: