From ef696d3c41ec25880067a576b53442f1f8d98614 Mon Sep 17 00:00:00 2001 From: Patrick Thomson Date: Tue, 23 Oct 2018 15:28:21 -0400 Subject: [PATCH 1/4] Split up Semantic.IO. This looks like a big patch, but it's very straightforward: no behavior has changed. After the umpteenth time spent hitting a compile error because I passed a `FilePath` rather than a `File` to `readBlobFromPath`, I decided to finally make the needed refactors to Semantic.IO, and to split off the `File` type and `Files` effect. This patch: * adds the `MonadIO` class to `Prologue`'s export list * moves `File` into `Data.File` * moves `Handle` into `Data.Handle` * moves `Files` into `Semantic.Task.Files` * moves functions for reading blobs into `Data.Blob` * keeps general IO helpers in Semantic.IO * renames `readFile` to `readBlobFromFile` * renames `readBlobFromPath` to `readBlobFromFile'` This should have a positive effect on compile times and ease of navigation throughout the codebase. --- semantic.cabal | 3 + src/Control/Abstract/Evaluator.hs | 1 - src/Data/Blob.hs | 47 +++++-- src/Data/File.hs | 66 +++++++++ src/Data/Handle.hs | 60 +++++++++ src/Data/Project.hs | 34 ++--- src/Parsing/TreeSitter.hs | 1 - src/Prologue.hs | 1 + src/Semantic/AST.hs | 1 - src/Semantic/CLI.hs | 9 +- src/Semantic/Diff.hs | 1 - src/Semantic/Distribute.hs | 1 - src/Semantic/Env.hs | 1 - src/Semantic/Graph.hs | 1 + src/Semantic/IO.hs | 216 ++---------------------------- src/Semantic/Parse.hs | 1 - src/Semantic/REPL.hs | 8 +- src/Semantic/Resolution.hs | 3 +- src/Semantic/Task.hs | 18 +-- src/Semantic/Task/Files.hs | 85 ++++++++++++ src/Semantic/Telemetry/Log.hs | 1 - src/Semantic/Telemetry/Stat.hs | 1 - src/Semantic/Util.hs | 6 +- src/Semantic/Util/Rewriting.hs | 9 +- test/Examples.hs | 5 +- test/Graphing/Calls/Spec.hs | 2 +- test/Reprinting/Spec.hs | 2 +- test/Semantic/IO/Spec.hs | 10 +- test/SpecHelpers.hs | 6 +- 29 files changed, 321 insertions(+), 279 deletions(-) create mode 100644 src/Data/File.hs create mode 100644 src/Data/Handle.hs create mode 100644 src/Semantic/Task/Files.hs diff --git a/semantic.cabal b/semantic.cabal index 5ee5eb1eb..19918d7fa 100644 --- a/semantic.cabal +++ b/semantic.cabal @@ -81,12 +81,14 @@ library , Data.Diff , Data.Duration , Data.Error + , Data.File , Data.Functor.Both , Data.Functor.Classes.Generic , Data.Graph , Data.Graph.ControlFlowVertex , Data.Graph.TermVertex , Data.Graph.DiffVertex + , Data.Handle , Data.History , Data.JSON.Fields , Data.Language @@ -196,6 +198,7 @@ library , Semantic.REPL , Semantic.Resolution , Semantic.Task + , Semantic.Task.Files , Semantic.Telemetry , Semantic.Telemetry.AsyncQueue , Semantic.Telemetry.Haystack diff --git a/src/Control/Abstract/Evaluator.hs b/src/Control/Abstract/Evaluator.hs index 0533799a8..0cef7f29e 100644 --- a/src/Control/Abstract/Evaluator.hs +++ b/src/Control/Abstract/Evaluator.hs @@ -25,7 +25,6 @@ import Control.Monad.Effect.Reader as X import Control.Monad.Effect.Resumable as X import Control.Monad.Effect.State as X import Control.Monad.Effect.Trace as X -import Control.Monad.IO.Class import Prologue hiding (MonadError(..)) -- | An 'Evaluator' is a thin wrapper around 'Eff' with (phantom) type parameters for the address, term, and value types. diff --git a/src/Data/Blob.hs b/src/Data/Blob.hs index c29a17669..68648fbee 100644 --- a/src/Data/Blob.hs +++ b/src/Data/Blob.hs @@ -1,36 +1,48 @@ {-# LANGUAGE DeriveAnyClass #-} module Data.Blob ( Blob(..) +, Blobs(..) +, decodeBlobs , nullBlob , sourceBlob +, noLanguageForBlob , BlobPair , These(..) , blobPairDiffing , blobPairInserting , blobPairDeleting +, decodeBlobPairs , languageForBlobPair , languageTagForBlobPair , pathForBlobPair , pathKeyForBlobPair ) where -import Prologue -import Proto3.Suite -import Data.Aeson +import Prologue hiding (throwError) + +import Control.Monad.Effect +import Control.Monad.Effect.Exception +import Data.Aeson +import qualified Data.ByteString.Lazy as BL +import Proto3.Suite +import qualified Proto3.Wire.Decode as Decode +import qualified Proto3.Wire.Encode as Encode + import Data.JSON.Fields import Data.Language import Data.Source as Source -import qualified Proto3.Wire.Encode as Encode -import qualified Proto3.Wire.Decode as Decode -- | The source, path, and language of a blob. data Blob = Blob - { blobSource :: Source -- ^ The UTF-8 encoded source text of the blob. - , blobPath :: FilePath -- ^ The file path to the blob. + { blobSource :: Source -- ^ The UTF-8 encoded source text of the blob. + , blobPath :: FilePath -- ^ The file path to the blob. , blobLanguage :: Language -- ^ The language of this blob. } deriving (Show, Eq, Generic, Message, Named) +newtype Blobs a = Blobs { blobs :: [a] } + deriving (Generic, FromJSON) + instance FromJSON Blob where parseJSON = withObject "Blob" $ \b -> inferringLanguage <$> b .: "content" @@ -48,6 +60,16 @@ inferringLanguage src pth lang | knownLanguage lang = Blob src pth lang | otherwise = Blob src pth (languageForFilePath pth) +decodeBlobs :: BL.ByteString -> Either String [Blob] +decodeBlobs = fmap blobs <$> eitherDecode + +-- | An exception indicating that we’ve tried to diff or parse a blob of unknown language. +newtype NoLanguageForBlob = NoLanguageForBlob FilePath + deriving (Eq, Exception, Ord, Show, Typeable) + +noLanguageForBlob :: Member (Exc SomeException) effs => FilePath -> Eff effs a +noLanguageForBlob blobPath = throwError (SomeException (NoLanguageForBlob blobPath)) + -- | Represents a blobs suitable for diffing which can be either a blob to -- delete, a blob to insert, or a pair of blobs to diff. type BlobPair = Join These Blob @@ -55,8 +77,8 @@ type BlobPair = Join These Blob instance Message BlobPair where encodeMessage _ pair = case pair of (Join (These a b)) -> Encode.embedded 1 (encodeMessage 1 a) <> Encode.embedded 2 (encodeMessage 1 b) - (Join (This a)) -> Encode.embedded 1 (encodeMessage 1 a) - (Join (That b)) -> Encode.embedded 2 (encodeMessage 1 b) + (Join (This a)) -> Encode.embedded 1 (encodeMessage 1 a) + (Join (That b)) -> Encode.embedded 2 (encodeMessage 1 b) decodeMessage _ = Join <$> (these <|> this <|> that) where embeddedAt parser = Decode.at (Decode.embedded'' parser) @@ -100,8 +122,8 @@ languageForBlobPair (Join (These a b)) = blobLanguage b pathForBlobPair :: BlobPair -> FilePath -pathForBlobPair (Join (This Blob{..})) = blobPath -pathForBlobPair (Join (That Blob{..})) = blobPath +pathForBlobPair (Join (This Blob{..})) = blobPath +pathForBlobPair (Join (That Blob{..})) = blobPath pathForBlobPair (Join (These _ Blob{..})) = blobPath languageTagForBlobPair :: BlobPair -> [(String, String)] @@ -117,3 +139,6 @@ pathKeyForBlobPair blobs = case bimap blobPath blobPath (runJoin blobs) of instance ToJSONFields Blob where toJSONFields Blob{..} = [ "path" .= blobPath, "language" .= blobLanguage ] + +decodeBlobPairs :: BL.ByteString -> Either String [BlobPair] +decodeBlobPairs = fmap blobs <$> eitherDecode diff --git a/src/Data/File.hs b/src/Data/File.hs new file mode 100644 index 000000000..a4b4667b8 --- /dev/null +++ b/src/Data/File.hs @@ -0,0 +1,66 @@ +{-# LANGUAGE RankNTypes #-} + +module Data.File + ( File (..) + , file + , toFile + , readBlobFromFile + , readBlobFromFile' + , readBlobsFromDir + , readFilePair + , maybeThese + ) where + +import Prologue + +import qualified Data.ByteString as B +import System.FilePath.Glob +import System.FilePath.Posix + +import Data.Blob +import Data.Language +import Data.Source + +data File = File + { filePath :: FilePath + , fileLanguage :: Language + } deriving (Eq, Ord, Show) + +file :: FilePath -> File +file path = File path (languageForFilePath path) + where languageForFilePath = languageForType . takeExtension + +-- This is kind of a wart; Blob and File should be two views of +-- the same higher-kinded datatype. +toFile :: Blob -> File +toFile (Blob _ p l) = File p l + +-- | Read a utf8-encoded file to a 'Blob'. +readBlobFromFile :: forall m. MonadIO m => File -> m (Maybe Blob) +readBlobFromFile (File "/dev/null" _) = pure Nothing +readBlobFromFile (File path language) = do + raw <- liftIO $ B.readFile path + pure . Just . sourceBlob path language . fromUTF8 $ raw + +-- | Read a utf8-encoded file to a 'Blob', raising an IOError if it can't be found. +readBlobFromFile' :: MonadIO m => File -> m Blob +readBlobFromFile' file = do + maybeFile <- readBlobFromFile file + maybeM (Prelude.fail ("cannot read '" <> show file <> "', file not found or language not supported.")) maybeFile + +readBlobsFromDir :: MonadIO m => FilePath -> m [Blob] +readBlobsFromDir path = do + paths <- liftIO (globDir1 (compile "[^vendor]**/*[.rb|.js|.tsx|.go|.py]") path) + let paths' = fmap (\p -> File p (languageForFilePath p)) paths + blobs <- traverse readBlobFromFile paths' + pure (catMaybes blobs) + +readFilePair :: forall m. (MonadFail m, MonadIO m) => File -> File -> m BlobPair +readFilePair a b = Join <$> join (maybeThese <$> readBlobFromFile a <*> readBlobFromFile b) + +maybeThese :: MonadFail m => Maybe a -> Maybe b -> m (These a b) +maybeThese a b = case (a, b) of + (Just a, Nothing) -> pure (This a) + (Nothing, Just b) -> pure (That b) + (Just a, Just b) -> pure (These a b) + _ -> Prologue.fail "expected file pair with content on at least one side" diff --git a/src/Data/Handle.hs b/src/Data/Handle.hs new file mode 100644 index 000000000..57c5e1709 --- /dev/null +++ b/src/Data/Handle.hs @@ -0,0 +1,60 @@ +{-# LANGUAGE GADTs, GeneralizedNewtypeDeriving #-} + +module Data.Handle + ( Handle (..) + , getHandle + , stdin + , stdout + , stderr + , readBlobsFromHandle + , readBlobPairsFromHandle + , readFromHandle + , openFileForReading + ) where + +import Prologue + +import Data.Aeson +import qualified Data.ByteString.Lazy as BL +import System.Exit +import qualified System.IO as IO + +import Data.Blob + +data Handle mode where + ReadHandle :: IO.Handle -> Handle 'IO.ReadMode + WriteHandle :: IO.Handle -> Handle 'IO.WriteMode + +deriving instance Eq (Handle mode) +deriving instance Show (Handle mode) + +getHandle :: Handle mode -> IO.Handle +getHandle (ReadHandle handle) = handle +getHandle (WriteHandle handle) = handle + +stdin :: Handle 'IO.ReadMode +stdin = ReadHandle IO.stdin + +stdout :: Handle 'IO.WriteMode +stdout = WriteHandle IO.stdout + +stderr :: Handle 'IO.WriteMode +stderr = WriteHandle IO.stderr + +openFileForReading :: FilePath -> IO (Handle 'IO.ReadMode) +openFileForReading path = ReadHandle <$> IO.openFile path IO.ReadMode + +-- | Read JSON encoded blobs from a handle. +readBlobsFromHandle :: MonadIO m => Handle 'IO.ReadMode -> m [Blob] +readBlobsFromHandle = fmap blobs <$> readFromHandle + +-- | Read JSON encoded blob pairs from a handle. +readBlobPairsFromHandle :: MonadIO m => Handle 'IO.ReadMode -> m [BlobPair] +readBlobPairsFromHandle = fmap blobs <$> readFromHandle + +readFromHandle :: (FromJSON a, MonadIO m) => Handle 'IO.ReadMode -> m a +readFromHandle (ReadHandle h) = do + input <- liftIO $ BL.hGetContents h + case eitherDecode input of + Left e -> liftIO (die (e <> ". Invalid input on " <> show h <> ", expecting JSON")) + Right d -> pure d diff --git a/src/Data/Project.hs b/src/Data/Project.hs index da3684e2f..4e8f75e97 100644 --- a/src/Data/Project.hs +++ b/src/Data/Project.hs @@ -11,9 +11,7 @@ module Data.Project ( , projectName , projectFiles , readFile - -- * Files - , File (..) - , file + , readProjectFromPaths ) where import Prelude hiding (readFile) @@ -22,10 +20,12 @@ import Prologue hiding (throwError) import Control.Monad.Effect import Control.Monad.Effect.Exception import Data.Blob +import Data.File import Data.Language import qualified Data.Text as T import Proto3.Suite import System.FilePath.Posix +import Semantic.IO -- | A 'ProjectF' contains all the information that semantic needs -- to execute an analysis, diffing, or graphing pass. It is higher-kinded @@ -73,20 +73,6 @@ projectExtensions = extensionsForLanguage . projectLanguage projectFiles :: Project -> [File] projectFiles = fmap toFile . projectBlobs -data File = File - { filePath :: FilePath - , fileLanguage :: Language - } deriving (Eq, Ord, Show) - -file :: FilePath -> File -file path = File path (languageForFilePath path) - where languageForFilePath = languageForType . takeExtension - --- This is kind of a wart; Blob and File should be two views of --- the same higher-kinded datatype. -toFile :: Blob -> File -toFile (Blob _ p l) = File p l - newtype ProjectException = FileNotFound FilePath deriving (Show, Eq, Typeable, Exception) @@ -102,3 +88,17 @@ readFile Project{..} f = | p == "/dev/null" -> pure Nothing | isJust candidate -> pure candidate | otherwise -> throwError (SomeException (FileNotFound p)) + +readProjectFromPaths :: MonadIO m => Maybe FilePath -> FilePath -> Language -> [FilePath] -> m Project +readProjectFromPaths maybeRoot path lang excludeDirs = do + isDir <- isDirectory path + let rootDir = if isDir + then fromMaybe path maybeRoot + else fromMaybe (takeDirectory path) maybeRoot + + paths <- liftIO $ findFilesInDir rootDir exts excludeDirs + blobs <- liftIO $ traverse (readBlobFromFile' . toFile) paths + pure $ Project rootDir blobs lang excludeDirs + where + toFile path = File path lang + exts = extensionsForLanguage lang diff --git a/src/Parsing/TreeSitter.hs b/src/Parsing/TreeSitter.hs index acce9670d..cdcc99187 100644 --- a/src/Parsing/TreeSitter.hs +++ b/src/Parsing/TreeSitter.hs @@ -11,7 +11,6 @@ import qualified Control.Exception as Exc (bracket) import Control.Monad.Effect import Control.Monad.Effect.Resource import Control.Monad.Effect.Trace -import Control.Monad.IO.Class import Data.ByteString.Unsafe (unsafeUseAsCStringLen) import Foreign import Foreign.C.Types (CBool (..)) diff --git a/src/Prologue.hs b/src/Prologue.hs index 1f22b5636..077ad500b 100644 --- a/src/Prologue.hs +++ b/src/Prologue.hs @@ -36,6 +36,7 @@ import Control.Arrow as X ((&&&), (***)) import Control.Monad as X hiding (fail, return) import Control.Monad.Except as X (MonadError (..)) import Control.Monad.Fail as X (MonadFail (..)) +import Control.Monad.IO.Class as X (MonadIO (..)) import Data.Algebra as X import Data.Bifoldable as X import Data.Bifunctor as X (Bifunctor (..)) diff --git a/src/Semantic/AST.hs b/src/Semantic/AST.hs index 6fddfd4e5..f67d7e215 100644 --- a/src/Semantic/AST.hs +++ b/src/Semantic/AST.hs @@ -12,7 +12,6 @@ import Data.Blob import Parsing.Parser import Prologue hiding (MonadError(..)) import Rendering.JSON (renderJSONAST) -import Semantic.IO (noLanguageForBlob) import Semantic.Task import qualified Serializing.Format as F diff --git a/src/Semantic/CLI.hs b/src/Semantic/CLI.hs index f11353d03..730c8b32f 100644 --- a/src/Semantic/CLI.hs +++ b/src/Semantic/CLI.hs @@ -6,10 +6,11 @@ module Semantic.CLI , Parse.runParse ) where -import Control.Monad.IO.Class -import Data.Language (ensureLanguage) +import Data.File +import Data.Language (ensureLanguage, languageForFilePath) import Data.List (intercalate, uncons) import Data.List.Split (splitWhen) +import Data.Handle import Data.Project import Options.Applicative hiding (style) import Prologue @@ -18,9 +19,9 @@ import qualified Semantic.AST as AST import Semantic.Config import qualified Semantic.Diff as Diff import qualified Semantic.Graph as Graph -import Semantic.IO as IO import qualified Semantic.Parse as Parse import qualified Semantic.Task as Task +import Semantic.Task.Files import qualified Semantic.Telemetry.Log as Log import Semantic.Version import System.FilePath @@ -118,7 +119,7 @@ graphCommand = command "graph" (info graphArgumentsParser (progDesc "Compute a g <|> flag' Nothing (long "stdin" <> help "Read a list of newline-separated paths to analyze from stdin.")) makeReadProjectFromPathsTask language maybePaths = do paths <- maybeM (liftIO (many getLine)) maybePaths - blobs <- traverse IO.readBlob (flip File language <$> paths) + blobs <- traverse readBlobFromFile' (flip File language <$> paths) pure $! Project (takeDirectory (maybe "/" fst (uncons paths))) blobs language [] readProjectRecursively = makeReadProjectRecursivelyTask <$> optional (strOption (long "root" <> help "Root directory of project. Optional, defaults to entry file/directory." <> metavar "DIR")) diff --git a/src/Semantic/Diff.hs b/src/Semantic/Diff.hs index e4d0d7437..42faeac03 100644 --- a/src/Semantic/Diff.hs +++ b/src/Semantic/Diff.hs @@ -17,7 +17,6 @@ import Parsing.Parser import Prologue hiding (MonadError(..)) import Rendering.Graph import Rendering.Renderer -import Semantic.IO (noLanguageForBlob) import Semantic.Telemetry as Stat import Semantic.Task as Task import Serializing.Format diff --git a/src/Semantic/Distribute.hs b/src/Semantic/Distribute.hs index cb79e8af7..50e464c55 100644 --- a/src/Semantic/Distribute.hs +++ b/src/Semantic/Distribute.hs @@ -10,7 +10,6 @@ module Semantic.Distribute import qualified Control.Concurrent.Async as Async import Control.Parallel.Strategies import Control.Monad.Effect -import Control.Monad.IO.Class import Prologue hiding (MonadError (..)) -- | Distribute a 'Traversable' container of tasks over the available cores (i.e. execute them concurrently), collecting their results. diff --git a/src/Semantic/Env.hs b/src/Semantic/Env.hs index 4bf717e7b..8243d6fb4 100644 --- a/src/Semantic/Env.hs +++ b/src/Semantic/Env.hs @@ -4,7 +4,6 @@ module Semantic.Env , envLookupString ) where -import Control.Monad.IO.Class import Prologue import System.Environment import Text.Read (readMaybe) diff --git a/src/Semantic/Graph.hs b/src/Semantic/Graph.hs index a796cde02..56b6d9d0e 100644 --- a/src/Semantic/Graph.hs +++ b/src/Semantic/Graph.hs @@ -45,6 +45,7 @@ import Data.Abstract.Value.Concrete as Concrete (Value, ValueError (..), runWhile, runBoolean, runFunction, runValueErrorWith) import Data.Abstract.Value.Type as Type import Data.Blob +import Data.File import Data.Graph import Data.Graph.ControlFlowVertex (VertexDeclarationStrategy, VertexDeclarationWithStrategy) import Data.Language as Language diff --git a/src/Semantic/IO.hs b/src/Semantic/IO.hs index 17d3b850f..f878a1675 100644 --- a/src/Semantic/IO.hs +++ b/src/Semantic/IO.hs @@ -1,117 +1,20 @@ -{-# LANGUAGE DeriveAnyClass, DeriveDataTypeable, DuplicateRecordFields, GADTs, KindSignatures, ScopedTypeVariables, TypeOperators, UndecidableInstances #-} +{-# LANGUAGE DuplicateRecordFields, GADTs, ScopedTypeVariables, TypeOperators, UndecidableInstances #-} module Semantic.IO -( Destination(..) -, Files -, Handle(..) -, IO.IOMode(..) -, NoLanguageForBlob(..) -, Source(..) -, findFiles -, findFilesInDir -, getHandle -, isDirectory -, languageForFilePath -, noLanguageForBlob -, openFileForReading -, readBlob -, readBlobFromPath -, readBlobPairs -, readBlobPairsFromHandle -, readBlobs -, readBlobsFromDir -, readBlobsFromHandle -, decodeBlobPairs -, decodeBlobs -, readFile -, readFilePair -, readProject -, readProjectFromPaths -, rethrowing -, runFiles -, stderr -, stdin -, stdout -, write -) where + ( isDirectory + , findFilesInDir + ) where + +import Prelude hiding (readFile) +import Prologue hiding (MonadError (..), fail) -import Control.Monad.Effect -import Control.Monad.Effect.Exception -import Control.Monad.IO.Class -import Data.Aeson -import Data.Blob -import Data.Bool -import Data.Project hiding (readFile) -import qualified Data.ByteString as B -import qualified Data.ByteString.Builder as B -import qualified Data.ByteString.Lazy as BL -import Data.Language -import Data.Source (fromUTF8) -import Prelude hiding (readFile) -import Prologue hiding (MonadError (..), fail) import System.Directory (doesDirectoryExist) +import System.Directory.Tree (AnchoredDirTree (..)) import qualified System.Directory.Tree as Tree -import System.Directory.Tree (AnchoredDirTree(..)) -import System.Exit import System.FilePath -import System.FilePath.Glob -import qualified System.IO as IO - --- | Read a utf8-encoded file to a 'Blob'. -readFile :: forall m. MonadIO m => File -> m (Maybe Blob) -readFile (File "/dev/null" _) = pure Nothing -readFile (File path language) = do - raw <- liftIO $ B.readFile path - pure . Just . sourceBlob path language . fromUTF8 $ raw - -readFilePair :: forall m. MonadIO m => File -> File -> m BlobPair -readFilePair a b = Join <$> join (maybeThese <$> readFile a <*> readFile b) - -maybeThese :: Monad m => Maybe a -> Maybe b -> m (These a b) -maybeThese a b = case (a, b) of - (Just a, Nothing) -> pure (This a) - (Nothing, Just b) -> pure (That b) - (Just a, Just b) -> pure (These a b) - _ -> fail "expected file pair with content on at least one side" - -newtype Blobs a = Blobs { blobs :: [a] } - deriving (Generic, FromJSON) isDirectory :: MonadIO m => FilePath -> m Bool isDirectory path = liftIO (doesDirectoryExist path) -decodeBlobPairs :: BL.ByteString -> Either String [BlobPair] -decodeBlobPairs = fmap blobs <$> eitherDecode - --- | Read JSON encoded blob pairs from a handle. -readBlobPairsFromHandle :: MonadIO m => Handle 'IO.ReadMode -> m [BlobPair] -readBlobPairsFromHandle = fmap blobs <$> readFromHandle - -decodeBlobs :: BL.ByteString -> Either String [Blob] -decodeBlobs = fmap blobs <$> eitherDecode - --- | Read JSON encoded blobs from a handle. -readBlobsFromHandle :: MonadIO m => Handle 'IO.ReadMode -> m [Blob] -readBlobsFromHandle = fmap blobs <$> readFromHandle - -readBlobFromPath :: MonadIO m => File -> m Blob -readBlobFromPath file = do - maybeFile <- readFile file - maybeM (fail ("cannot read '" <> show file <> "', file not found or language not supported.")) maybeFile - -readProjectFromPaths :: MonadIO m => Maybe FilePath -> FilePath -> Language -> [FilePath] -> m Project -readProjectFromPaths maybeRoot path lang excludeDirs = do - isDir <- isDirectory path - let rootDir = if isDir - then fromMaybe path maybeRoot - else fromMaybe (takeDirectory path) maybeRoot - - paths <- liftIO $ findFilesInDir rootDir exts excludeDirs - blobs <- liftIO $ traverse (readBlobFromPath . toFile) paths - pure $ Project rootDir blobs lang excludeDirs - where - toFile path = File path lang - exts = extensionsForLanguage lang - -- Recursively find files in a directory. findFilesInDir :: forall m. MonadIO m => FilePath -> [String] -> [FilePath] -> m [FilePath] findFilesInDir path exts excludeDirs = do @@ -135,106 +38,3 @@ findFilesInDir path exts excludeDirs = do | n `elem` dirs = False | otherwise = True notIn _ _ = True - -readBlobsFromDir :: MonadIO m => FilePath -> m [Blob] -readBlobsFromDir path = do - paths <- liftIO (globDir1 (compile "[^vendor]**/*[.rb|.js|.tsx|.go|.py]") path) - let paths' = fmap (\p -> File p (languageForFilePath p)) paths - blobs <- traverse readFile paths' - pure (catMaybes blobs) - -readFromHandle :: (FromJSON a, MonadIO m) => Handle 'IO.ReadMode -> m a -readFromHandle (ReadHandle h) = do - input <- liftIO $ BL.hGetContents h - case eitherDecode input of - Left e -> liftIO (die (e <> ". Invalid input on " <> show h <> ", expecting JSON")) - Right d -> pure d - - --- | An exception indicating that we’ve tried to diff or parse a blob of unknown language. -newtype NoLanguageForBlob = NoLanguageForBlob FilePath - deriving (Eq, Exception, Ord, Show, Typeable) - -noLanguageForBlob :: Member (Exc SomeException) effs => FilePath -> Eff effs a -noLanguageForBlob blobPath = throwError (SomeException (NoLanguageForBlob blobPath)) - - -readBlob :: Member Files effs => File -> Eff effs Blob -readBlob = send . Read . FromPath - --- | A task which reads a list of 'Blob's from a 'Handle' or a list of 'FilePath's optionally paired with 'Language's. -readBlobs :: Member Files effs => Either (Handle 'IO.ReadMode) [File] -> Eff effs [Blob] -readBlobs (Left handle) = send (Read (FromHandle handle)) -readBlobs (Right paths) = traverse (send . Read . FromPath) paths - --- | A task which reads a list of pairs of 'Blob's from a 'Handle' or a list of pairs of 'FilePath's optionally paired with 'Language's. -readBlobPairs :: Member Files effs => Either (Handle 'IO.ReadMode) [Both File] -> Eff effs [BlobPair] -readBlobPairs (Left handle) = send (Read (FromPairHandle handle)) -readBlobPairs (Right paths) = traverse (send . Read . FromPathPair) paths - -readProject :: Member Files effs => Maybe FilePath -> FilePath -> Language -> [FilePath] -> Eff effs Project -readProject rootDir dir excludeDirs = send . ReadProject rootDir dir excludeDirs - -findFiles :: Member Files effs => FilePath -> [String] -> [FilePath] -> Eff effs [FilePath] -findFiles dir exts = send . FindFiles dir exts - --- | A task which writes a 'B.Builder' to a 'Handle' or a 'FilePath'. -write :: Member Files effs => Destination -> B.Builder -> Eff effs () -write dest = send . Write dest - -data Handle mode where - ReadHandle :: IO.Handle -> Handle 'IO.ReadMode - WriteHandle :: IO.Handle -> Handle 'IO.WriteMode - -deriving instance Eq (Handle mode) -deriving instance Show (Handle mode) - -getHandle :: Handle mode -> IO.Handle -getHandle (ReadHandle handle) = handle -getHandle (WriteHandle handle) = handle - -stdin :: Handle 'IO.ReadMode -stdin = ReadHandle IO.stdin - -stdout :: Handle 'IO.WriteMode -stdout = WriteHandle IO.stdout - -stderr :: Handle 'IO.WriteMode -stderr = WriteHandle IO.stderr - -openFileForReading :: FilePath -> IO (Handle 'IO.ReadMode) -openFileForReading path = ReadHandle <$> IO.openFile path IO.ReadMode - -data Source blob where - FromPath :: File -> Source Blob - FromHandle :: Handle 'IO.ReadMode -> Source [Blob] - FromPathPair :: Both File -> Source BlobPair - FromPairHandle :: Handle 'IO.ReadMode -> Source [BlobPair] - -data Destination = ToPath FilePath | ToHandle (Handle 'IO.WriteMode) - --- | An effect to read/write 'Blob's from 'Handle's or 'FilePath's. -data Files (m :: * -> *) out where - Read :: Source out -> Files m out - ReadProject :: Maybe FilePath -> FilePath -> Language -> [FilePath] -> Files m Project - FindFiles :: FilePath -> [String] -> [FilePath] -> Files m [FilePath] - Write :: Destination -> B.Builder -> Files m () - -instance PureEffect Files -instance Effect Files where - handleState c dist (Request (Read source) k) = Request (Read source) (dist . (<$ c) . k) - handleState c dist (Request (ReadProject rootDir dir language excludeDirs) k) = Request (ReadProject rootDir dir language excludeDirs) (dist . (<$ c) . k) - handleState c dist (Request (FindFiles dir exts paths) k) = Request (FindFiles dir exts paths) (dist . (<$ c) . k) - handleState c dist (Request (Write destination builder) k) = Request (Write destination builder) (dist . (<$ c) . k) - --- | Run a 'Files' effect in 'IO'. -runFiles :: (Member (Exc SomeException) effs, Member (Lift IO) effs, PureEffects effs) => Eff (Files ': effs) a -> Eff effs a -runFiles = interpret $ \ files -> case files of - Read (FromPath path) -> rethrowing (readBlobFromPath path) - Read (FromHandle handle) -> rethrowing (readBlobsFromHandle handle) - Read (FromPathPair paths) -> rethrowing (runBothWith readFilePair paths) - Read (FromPairHandle handle) -> rethrowing (readBlobPairsFromHandle handle) - ReadProject rootDir dir language excludeDirs -> rethrowing (readProjectFromPaths rootDir dir language excludeDirs) - FindFiles dir exts excludeDirs -> rethrowing (findFilesInDir dir exts excludeDirs) - Write (ToPath path) builder -> liftIO (IO.withBinaryFile path IO.WriteMode (`B.hPutBuilder` builder)) - Write (ToHandle (WriteHandle handle)) builder -> liftIO (B.hPutBuilder handle builder) diff --git a/src/Semantic/Parse.hs b/src/Semantic/Parse.hs index 67c395a13..f4569abc7 100644 --- a/src/Semantic/Parse.hs +++ b/src/Semantic/Parse.hs @@ -19,7 +19,6 @@ import Rendering.Graph import Rendering.JSON (SomeJSON (..)) import qualified Rendering.JSON as JSON import Rendering.Renderer -import Semantic.IO (noLanguageForBlob) import Semantic.Task import Serializing.Format diff --git a/src/Semantic/REPL.hs b/src/Semantic/REPL.hs index 09ac3523e..f9709d704 100644 --- a/src/Semantic/REPL.hs +++ b/src/Semantic/REPL.hs @@ -6,7 +6,6 @@ module Semantic.REPL import Control.Abstract hiding (Continue, List, string) import Control.Monad.Effect.Resource -import Control.Monad.IO.Class import Data.Abstract.Address.Precise as Precise import Data.Abstract.Environment as Env import Data.Abstract.Evaluatable hiding (string) @@ -16,6 +15,7 @@ import Data.Abstract.Package import Data.Abstract.Value.Concrete as Concrete import Data.Blob (Blob(..)) import Data.Error (showExcerpt) +import Data.File (File (..), readBlobFromFile) import Data.Graph (topologicalSort) import Data.Language as Language import Data.List (uncons) @@ -30,9 +30,9 @@ import Prologue hiding (throwError) import Semantic.Config (logOptionsFromConfig) import Semantic.Distribute import Semantic.Graph -import Semantic.IO as IO import Semantic.Resolution import Semantic.Task hiding (Error) +import qualified Semantic.Task.Files as Files import Semantic.Telemetry import Semantic.Timeout import Semantic.Telemetry.Log (LogOptions, Message(..), writeLogMessage) @@ -71,8 +71,8 @@ runREPL prefs settings = interpret $ \case rubyREPL = repl (Proxy @'Language.Ruby) rubyParser -repl proxy parser paths = defaultConfig debugOptions >>= \ config -> runM . runDistribute . runResource (runM . runDistribute) . runTimeout (runM . runDistribute . runResource (runM . runDistribute)) . runError @_ @_ @SomeException . runTelemetryIgnoringStat (logOptionsFromConfig config) . runTraceInTelemetry . runReader config . IO.runFiles . runResolution . runTaskF $ do - blobs <- catMaybes <$> traverse IO.readFile (flip File (Language.reflect proxy) <$> paths) +repl proxy parser paths = defaultConfig debugOptions >>= \ config -> runM . runDistribute . runResource (runM . runDistribute) . runTimeout (runM . runDistribute . runResource (runM . runDistribute)) . runError @_ @_ @SomeException . runTelemetryIgnoringStat (logOptionsFromConfig config) . runTraceInTelemetry . runReader config . Files.runFiles . runResolution . runTaskF $ do + blobs <- catMaybes <$> traverse readBlobFromFile (flip File (Language.reflect proxy) <$> paths) package <- fmap (fmap quieterm) <$> parsePackage parser (Project (takeDirectory (maybe "/" fst (uncons paths))) blobs (Language.reflect proxy) []) modules <- topologicalSort <$> runImportGraphToModules proxy (snd <$> package) homeDir <- liftIO getHomeDirectory diff --git a/src/Semantic/Resolution.hs b/src/Semantic/Resolution.hs index cdb3766ab..8623ab807 100644 --- a/src/Semantic/Resolution.hs +++ b/src/Semantic/Resolution.hs @@ -10,12 +10,13 @@ import Control.Monad.Effect import Data.Aeson import Data.Aeson.Types (parseMaybe) import Data.Blob +import Data.File import Data.Project import qualified Data.Map as Map import Data.Source import Data.Language import Prologue -import Semantic.IO +import Semantic.Task.Files import System.FilePath.Posix diff --git a/src/Semantic/Task.hs b/src/Semantic/Task.hs index 4337328e7..0ebef1ab7 100644 --- a/src/Semantic/Task.hs +++ b/src/Semantic/Task.hs @@ -5,12 +5,12 @@ module Semantic.Task , Level(..) , RAlgebra -- * I/O -, IO.readBlob -, IO.readBlobs -, IO.readBlobPairs -, IO.readProject -, IO.findFiles -, IO.write +, Files.readBlob +, Files.readBlobs +, Files.readBlobPairs +, Files.readProject +, Files.findFiles +, Files.write -- * Module Resolution , resolutionMap , Resolution @@ -84,8 +84,8 @@ import Parsing.TreeSitter import Prologue hiding (MonadError (..), project) import Semantic.Config import Semantic.Distribute +import qualified Semantic.Task.Files as Files import Semantic.Timeout -import qualified Semantic.IO as IO import Semantic.Resolution import Semantic.Telemetry import Serializing.Format hiding (Options) @@ -94,7 +94,7 @@ import System.Exit (die) -- | A high-level task producing some result, e.g. parsing, diffing, rendering. 'Task's can also specify explicit concurrency via 'distribute', 'distributeFor', and 'distributeFoldMap' type TaskEff = Eff '[ Task , Resolution - , IO.Files + , Files.Files , Reader Config , Trace , Telemetry @@ -160,7 +160,7 @@ runTaskWithConfig options logger statter task = do . runTelemetry logger statter . runTraceInTelemetry . runReader options - . IO.runFiles + . Files.runFiles . runResolution . runTaskF run task diff --git a/src/Semantic/Task/Files.hs b/src/Semantic/Task/Files.hs new file mode 100644 index 000000000..9fa9f896e --- /dev/null +++ b/src/Semantic/Task/Files.hs @@ -0,0 +1,85 @@ +{-# LANGUAGE GADTs, KindSignatures, TypeOperators #-} + +module Semantic.Task.Files + ( Files + , Destination (..) + , Source (..) + , runFiles + , readBlob + , readBlobs + , readBlobPairs + , readProject + , findFiles + , write + , Handle (..) + ) where + +import Control.Monad.Effect +import Control.Monad.Effect.Exception +import qualified Data.ByteString.Builder as B +import Data.Blob +import Data.File +import Data.Handle +import Data.Language +import Data.Project hiding (readFile) +import Prelude hiding (readFile) +import Prologue hiding (MonadError (..), fail) +import Semantic.IO +import qualified System.IO as IO + +data Source blob where + FromPath :: File -> Source Blob + FromHandle :: Handle 'IO.ReadMode -> Source [Blob] + FromPathPair :: Both File -> Source BlobPair + FromPairHandle :: Handle 'IO.ReadMode -> Source [BlobPair] + +data Destination = ToPath FilePath | ToHandle (Handle 'IO.WriteMode) + +-- | An effect to read/write 'Blob's from 'Handle's or 'FilePath's. +data Files (m :: * -> *) out where + Read :: Source out -> Files m out + ReadProject :: Maybe FilePath -> FilePath -> Language -> [FilePath] -> Files m Project + FindFiles :: FilePath -> [String] -> [FilePath] -> Files m [FilePath] + Write :: Destination -> B.Builder -> Files m () + +instance PureEffect Files +instance Effect Files where + handleState c dist (Request (Read source) k) = Request (Read source) (dist . (<$ c) . k) + handleState c dist (Request (ReadProject rootDir dir language excludeDirs) k) = Request (ReadProject rootDir dir language excludeDirs) (dist . (<$ c) . k) + handleState c dist (Request (FindFiles dir exts paths) k) = Request (FindFiles dir exts paths) (dist . (<$ c) . k) + handleState c dist (Request (Write destination builder) k) = Request (Write destination builder) (dist . (<$ c) . k) + +-- | Run a 'Files' effect in 'IO'. +runFiles :: (Member (Exc SomeException) effs, Member (Lift IO) effs, PureEffects effs) => Eff (Files ': effs) a -> Eff effs a +runFiles = interpret $ \ files -> case files of + Read (FromPath path) -> rethrowing (readBlobFromFile' path) + Read (FromHandle handle) -> rethrowing (readBlobsFromHandle handle) + Read (FromPathPair paths) -> rethrowing (runBothWith readFilePair paths) + Read (FromPairHandle handle) -> rethrowing (readBlobPairsFromHandle handle) + ReadProject rootDir dir language excludeDirs -> rethrowing (readProjectFromPaths rootDir dir language excludeDirs) + FindFiles dir exts excludeDirs -> rethrowing (findFilesInDir dir exts excludeDirs) + Write (ToPath path) builder -> liftIO (IO.withBinaryFile path IO.WriteMode (`B.hPutBuilder` builder)) + Write (ToHandle (WriteHandle handle)) builder -> liftIO (B.hPutBuilder handle builder) + +readBlob :: Member Files effs => File -> Eff effs Blob +readBlob = send . Read . FromPath + +-- | A task which reads a list of 'Blob's from a 'Handle' or a list of 'FilePath's optionally paired with 'Language's. +readBlobs :: Member Files effs => Either (Handle 'IO.ReadMode) [File] -> Eff effs [Blob] +readBlobs (Left handle) = send (Read (FromHandle handle)) +readBlobs (Right paths) = traverse (send . Read . FromPath) paths + +-- | A task which reads a list of pairs of 'Blob's from a 'Handle' or a list of pairs of 'FilePath's optionally paired with 'Language's. +readBlobPairs :: Member Files effs => Either (Handle 'IO.ReadMode) [Both File] -> Eff effs [BlobPair] +readBlobPairs (Left handle) = send (Read (FromPairHandle handle)) +readBlobPairs (Right paths) = traverse (send . Read . FromPathPair) paths + +readProject :: Member Files effs => Maybe FilePath -> FilePath -> Language -> [FilePath] -> Eff effs Project +readProject rootDir dir excludeDirs = send . ReadProject rootDir dir excludeDirs + +findFiles :: Member Files effs => FilePath -> [String] -> [FilePath] -> Eff effs [FilePath] +findFiles dir exts = send . FindFiles dir exts + +-- | A task which writes a 'B.Builder' to a 'Handle' or a 'FilePath'. +write :: Member Files effs => Destination -> B.Builder -> Eff effs () +write dest = send . Write dest diff --git a/src/Semantic/Telemetry/Log.hs b/src/Semantic/Telemetry/Log.hs index ce826266d..9553c0a8c 100644 --- a/src/Semantic/Telemetry/Log.hs +++ b/src/Semantic/Telemetry/Log.hs @@ -8,7 +8,6 @@ module Semantic.Telemetry.Log , writeLogMessage ) where -import Control.Monad.IO.Class import Data.Error (withSGRCode) import Data.List (intersperse) import qualified Data.Time.Format as Time diff --git a/src/Semantic/Telemetry/Stat.hs b/src/Semantic/Telemetry/Stat.hs index 0b8b537a0..d969e8302 100644 --- a/src/Semantic/Telemetry/Stat.hs +++ b/src/Semantic/Telemetry/Stat.hs @@ -27,7 +27,6 @@ module Semantic.Telemetry.Stat ) where -import Control.Monad.IO.Class import qualified Data.ByteString.Char8 as B import Data.List (intercalate) import Data.List.Split (splitOneOf) diff --git a/src/Semantic/Util.hs b/src/Semantic/Util.hs index 62f50ec87..3f616d684 100644 --- a/src/Semantic/Util.hs +++ b/src/Semantic/Util.hs @@ -18,6 +18,7 @@ import Data.Abstract.Package import Data.Abstract.Value.Concrete as Concrete import Data.Abstract.Value.Type as Type import Data.Blob +import Data.File import Data.Graph (topologicalSort) import qualified Data.Language as Language import Data.List (uncons) @@ -28,7 +29,6 @@ import Parsing.Parser import Prologue hiding (weaken) import Semantic.Config import Semantic.Graph -import Semantic.IO as IO import Semantic.Task import Semantic.Telemetry (LogQueue, StatQueue) import System.Exit (die) @@ -75,7 +75,7 @@ typecheckGoFile = checking <=< evaluateProjectWithCaching (Proxy :: Proxy 'Langu typecheckRubyFile = checking <=< evaluateProjectWithCaching (Proxy :: Proxy 'Language.Ruby) rubyParser callGraphProject parser proxy opts paths = runTaskWithOptions opts $ do - blobs <- catMaybes <$> traverse readFile (flip File (Language.reflect proxy) <$> paths) + blobs <- catMaybes <$> traverse readBlobFromFile (flip File (Language.reflect proxy) <$> paths) package <- fmap snd <$> parsePackage parser (Project (takeDirectory (maybe "/" fst (uncons paths))) blobs (Language.reflect proxy) []) modules <- topologicalSort <$> runImportGraphToModules proxy package x <- runCallGraph proxy False modules package @@ -92,7 +92,7 @@ evaluateProject proxy parser paths = withOptions debugOptions $ \ config logger data TaskConfig = TaskConfig Config LogQueue StatQueue evaluateProject' (TaskConfig config logger statter) proxy parser paths = either (die . displayException) pure <=< runTaskWithConfig config logger statter $ do - blobs <- catMaybes <$> traverse readFile (flip File (Language.reflect proxy) <$> paths) + blobs <- catMaybes <$> traverse readBlobFromFile (flip File (Language.reflect proxy) <$> paths) package <- fmap (quieterm . snd) <$> parsePackage parser (Project (takeDirectory (maybe "/" fst (uncons paths))) blobs (Language.reflect proxy) []) modules <- topologicalSort <$> runImportGraphToModules proxy package trace $ "evaluating with load order: " <> show (map (modulePath . moduleInfo) modules) diff --git a/src/Semantic/Util/Rewriting.hs b/src/Semantic/Util/Rewriting.hs index 4d76136e6..0188d664b 100644 --- a/src/Semantic/Util/Rewriting.hs +++ b/src/Semantic/Util/Rewriting.hs @@ -12,9 +12,9 @@ import Text.Show.Pretty (pPrint) import Control.Abstract.Matching import Control.Rewriting hiding (fromMatcher, target) import Data.Blob +import Data.File import Data.History import qualified Data.Language as Language -import Data.Project hiding (readFile) import qualified Data.Source as Source import qualified Data.Syntax.Literal as Literal import Data.Term @@ -23,12 +23,11 @@ import Language.Python.PrettyPrint import Language.Ruby.PrettyPrint import Parsing.Parser import Reprinting.Pipeline -import Semantic.IO as IO import Semantic.Task testPythonFile = do let path = "test/fixtures/python/reprinting/function.py" - src <- blobSource <$> readBlobFromPath (File path Language.Python) + src <- blobSource <$> readBlobFromFile' (File path Language.Python) tree <- parseFile' miniPythonParser path pure (src, tree) @@ -50,7 +49,7 @@ testPythonPipeline''' = do testRubyFile = do let path = "test/fixtures/ruby/reprinting/infix.rb" - src <- blobSource <$> readBlobFromPath (File path Language.Ruby) + src <- blobSource <$> readBlobFromFile' (File path Language.Ruby) tree <- parseFile' miniRubyParser path pure (src, tree) @@ -74,7 +73,7 @@ printToTerm = either (putStrLn . show) (BC.putStr . Source.sourceBytes) testJSONFile = do let path = "test/fixtures/javascript/reprinting/map.json" - src <- blobSource <$> readBlobFromPath (File path Language.JSON) + src <- blobSource <$> readBlobFromFile' (File path Language.JSON) tree <- parseFile' jsonParser path pure (src, tree) diff --git a/test/Examples.hs b/test/Examples.hs index 1b6d79980..73b567baf 100644 --- a/test/Examples.hs +++ b/test/Examples.hs @@ -8,10 +8,10 @@ import qualified Data.ByteString as B import Data.ByteString.Builder import qualified Data.ByteString.Char8 as BC import Data.Either +import Data.File (file) import Data.Foldable import Data.List import Data.Maybe -import Data.Project (file) import Data.Quieterm import Data.Typeable (cast) import Data.Void @@ -21,6 +21,7 @@ import Semantic.Config (Config (..), Options (..), defaultOptions) import qualified Semantic.IO as IO import Semantic.Parse import Semantic.Task +import Semantic.Task.Files import Semantic.Util (TaskConfig (..)) import System.Directory import System.Exit (die) @@ -99,7 +100,7 @@ languages = -- , ("php", ".php") -- TODO: No parse-examples in tree-sitter yet ] -parseFilePath :: (Member (Exc SomeException) effs, Member Task effs, Member IO.Files effs) => FilePath -> Eff effs Bool +parseFilePath :: (Member (Exc SomeException) effs, Member Task effs, Member Files effs) => FilePath -> Eff effs Bool parseFilePath path = readBlob (file path) >>= runParse' >>= const (pure True) languagesDir :: FilePath diff --git a/test/Graphing/Calls/Spec.hs b/test/Graphing/Calls/Spec.hs index 942bba978..89890be84 100644 --- a/test/Graphing/Calls/Spec.hs +++ b/test/Graphing/Calls/Spec.hs @@ -21,7 +21,7 @@ import Semantic.IO callGraphPythonProject paths = runTaskWithOptions defaultOptions $ do let proxy = Proxy @'Language.Python let lang = Language.Python - blobs <- catMaybes <$> traverse readFile (flip File lang <$> paths) + blobs <- catMaybes <$> traverse readBlobFromFile (flip File lang <$> paths) package <- fmap snd <$> parsePackage pythonParser (Project (takeDirectory (maybe "/" fst (uncons paths))) blobs lang []) modules <- topologicalSort <$> runImportGraphToModules proxy package runCallGraph proxy False modules package diff --git a/test/Reprinting/Spec.hs b/test/Reprinting/Spec.hs index b9a6ba573..8aaea58d1 100644 --- a/test/Reprinting/Spec.hs +++ b/test/Reprinting/Spec.hs @@ -29,7 +29,7 @@ spec = describe "reprinting" $ do context "JSON" $ do let path = "test/fixtures/javascript/reprinting/map.json" (src, tree) <- runIO $ do - src <- blobSource <$> readBlobFromPath (File path Language.JSON) + src <- blobSource <$> readBlobFromFile' (File path Language.JSON) tree <- parseFile jsonParser path pure (src, tree) diff --git a/test/Semantic/IO/Spec.hs b/test/Semantic/IO/Spec.hs index bac839fdd..d7402db1c 100644 --- a/test/Semantic/IO/Spec.hs +++ b/test/Semantic/IO/Spec.hs @@ -16,6 +16,8 @@ import qualified TreeSitter.Node as TS import qualified TreeSitter.Parser as TS import qualified TreeSitter.Tree as TS +import Data.Blob +import Data.Handle import SpecHelpers hiding (readFile) @@ -23,17 +25,19 @@ spec :: Spec spec = parallel $ do describe "readFile" $ do it "returns a blob for extant files" $ do - Just blob <- readFile (File "semantic.cabal" Unknown) + Just blob <- readBlobFromFile (File "semantic.cabal" Unknown) blobPath blob `shouldBe` "semantic.cabal" it "throws for absent files" $ do - readFile (File "this file should not exist" Unknown) `shouldThrow` anyIOException + readBlobFromFile (File "this file should not exist" Unknown) `shouldThrow` anyIOException describe "readBlobPairsFromHandle" $ do let a = sourceBlob "method.rb" Ruby "def foo; end" let b = sourceBlob "method.rb" Ruby "def bar(x); end" it "returns blobs for valid JSON encoded diff input" $ do + putStrLn "step 1" blobs <- blobsFromFilePath "test/fixtures/cli/diff.json" + putStrLn "done" blobs `shouldBe` [blobPairDiffing a b] it "returns blobs when there's no before" $ do @@ -106,5 +110,7 @@ spec = parallel $ do where blobsFromFilePath path = do h <- openFileForReading path + putStrLn "got handle" blobs <- readBlobPairsFromHandle h + putStrLn "got blobs" pure blobs diff --git a/test/SpecHelpers.hs b/test/SpecHelpers.hs index 22afe4377..e48f64423 100644 --- a/test/SpecHelpers.hs +++ b/test/SpecHelpers.hs @@ -36,6 +36,8 @@ import Data.ByteString.Builder (toLazyByteString) import Data.ByteString.Lazy (toStrict) import Data.Project as X import Data.Proxy as X +import qualified Data.File as F +import Data.File as X hiding (readFilePair) import Data.Foldable (toList) import Data.Functor.Listable as X import Data.Language as X @@ -88,12 +90,12 @@ diffFilePaths (TaskConfig config logger statter) paths = readFilePair paths >>= -- | Returns an s-expression parse tree for the specified FilePath. parseFilePath :: TaskConfig -> FilePath -> IO ByteString -parseFilePath (TaskConfig config logger statter) path = (fromJust <$> IO.readFile (file path)) >>= runTaskWithConfig config logger statter . runParse SExpressionTermRenderer . pure >>= either (die . displayException) (pure . runBuilder) +parseFilePath (TaskConfig config logger statter) path = (fromJust <$> readBlobFromFile (file path)) >>= runTaskWithConfig config logger statter . runParse SExpressionTermRenderer . pure >>= either (die . displayException) (pure . runBuilder) -- | Read two files to a BlobPair. readFilePair :: Both FilePath -> IO BlobPair readFilePair paths = let paths' = fmap file paths in - runBothWith IO.readFilePair paths' + runBothWith F.readFilePair paths' type TestEvaluatingEffects term = '[ Resumable (BaseError (ValueError term Precise)) From 9e2ea1101d75a6e0cb1a744b1f40fcaf645ed61f Mon Sep 17 00:00:00 2001 From: Patrick Thomson Date: Tue, 23 Oct 2018 15:46:02 -0400 Subject: [PATCH 2/4] stray LANGUAGE pragma --- src/Data/Handle.hs | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/src/Data/Handle.hs b/src/Data/Handle.hs index 57c5e1709..2792cc4cb 100644 --- a/src/Data/Handle.hs +++ b/src/Data/Handle.hs @@ -1,4 +1,4 @@ -{-# LANGUAGE GADTs, GeneralizedNewtypeDeriving #-} +{-# LANGUAGE GADTs #-} module Data.Handle ( Handle (..) From 4defc29197379d25ca6c65c74a2f9074626c8e16 Mon Sep 17 00:00:00 2001 From: Rick Winfrey Date: Tue, 23 Oct 2018 16:54:24 -0700 Subject: [PATCH 3/4] Update licenses --- .licenses/semantic/cabal/QuickCheck.txt | 37 ----- .licenses/semantic/cabal/StateVar.txt | 37 ----- .licenses/semantic/cabal/adjunctions.txt | 34 ----- .licenses/semantic/cabal/aeson-pretty.txt | 38 ----- .licenses/semantic/cabal/aeson.txt | 38 ----- .licenses/semantic/cabal/algebraic-graphs.txt | 29 ---- .licenses/semantic/cabal/ansi-terminal.txt | 30 ---- .licenses/semantic/cabal/ansi-wl-pprint.txt | 33 ---- .licenses/semantic/cabal/asn1-encoding.txt | 35 ----- .licenses/semantic/cabal/asn1-parse.txt | 35 ----- .licenses/semantic/cabal/asn1-types.txt | 35 ----- .licenses/semantic/cabal/async.txt | 38 ----- .licenses/semantic/cabal/attoparsec.txt | 38 ----- .../semantic/cabal/base-compat-batteries.txt | 27 ---- .licenses/semantic/cabal/base-compat.txt | 27 ---- .licenses/semantic/cabal/base-orphans.txt | 28 ---- .licenses/semantic/cabal/base-prelude.txt | 30 ---- .../semantic/cabal/base64-bytestring.txt | 38 ----- .licenses/semantic/cabal/basement.txt | 36 ----- .licenses/semantic/cabal/bifunctors.txt | 34 ----- .licenses/semantic/cabal/blaze-builder.txt | 38 ----- .licenses/semantic/cabal/byteable.txt | 35 ----- .licenses/semantic/cabal/call-stack.txt | 27 ---- .licenses/semantic/cabal/case-insensitive.txt | 39 ----- .licenses/semantic/cabal/cereal.txt | 38 ----- .licenses/semantic/cabal/charset.txt | 39 ----- .licenses/semantic/cabal/clock.txt | 40 ----- .licenses/semantic/cabal/cmark-gfm.txt | 144 ------------------ .licenses/semantic/cabal/colour.txt | 28 ---- .licenses/semantic/cabal/comonad.txt | 35 ----- .licenses/semantic/cabal/connection.txt | 35 ----- .licenses/semantic/cabal/contravariant.txt | 38 ----- .licenses/semantic/cabal/cookie.txt | 28 ---- .licenses/semantic/cabal/cryptohash.txt | 35 ----- .licenses/semantic/cabal/cryptonite.txt | 36 ----- .../semantic/cabal/data-default-class.txt | 34 ----- .licenses/semantic/cabal/deepseq-generics.txt | 38 ----- .licenses/semantic/cabal/directory-tree.txt | 34 ----- .licenses/semantic/cabal/distributive.txt | 34 ----- .licenses/semantic/cabal/dlist.txt | 39 ----- .licenses/semantic/cabal/effects.txt | 39 ----- .licenses/semantic/cabal/exceptions.txt | 39 ----- .licenses/semantic/cabal/fastsum.txt | 39 ----- .licenses/semantic/cabal/fingertree.txt | 39 ----- .licenses/semantic/cabal/foldl.txt | 32 ---- .licenses/semantic/cabal/free.txt | 38 ----- .licenses/semantic/cabal/freer-cofreer.txt | 38 ----- .licenses/semantic/cabal/generics-sop.txt | 35 ----- .licenses/semantic/cabal/ghc-boot.txt | 39 ----- .../semantic/cabal/ghc-tcplugins-extra.txt | 35 ----- .../semantic/cabal/ghc-typelits-extra.txt | 35 ----- .../semantic/cabal/ghc-typelits-knownnat.txt | 36 ----- .../cabal/ghc-typelits-natnormalise.txt | 35 ----- .licenses/semantic/cabal/ghc.txt | 39 ----- .licenses/semantic/cabal/ghci.txt | 39 ----- .licenses/semantic/cabal/gitrev.txt | 36 ----- .licenses/semantic/cabal/hashable.txt | 38 ----- .licenses/semantic/cabal/haskeline.txt | 2 +- .licenses/semantic/cabal/haskell-lexer.txt | 16 -- .licenses/semantic/cabal/haskell-src.txt | 39 ----- .../semantic/cabal/haskell-tree-sitter.txt | 38 ----- .licenses/semantic/cabal/heap.txt | 30 ---- .licenses/semantic/cabal/hostname.txt | 31 ---- .licenses/semantic/cabal/hourglass.txt | 35 ----- .licenses/semantic/cabal/hpc.txt | 33 ---- .licenses/semantic/cabal/http-client-tls.txt | 28 ---- .licenses/semantic/cabal/http-client.txt | 28 ---- .licenses/semantic/cabal/http-media.txt | 28 ---- .licenses/semantic/cabal/http-types.txt | 39 ----- .../cabal/insert-ordered-containers.txt | 38 ----- .../semantic/cabal/integer-logarithms.txt | 24 --- .licenses/semantic/cabal/invariant.txt | 31 ---- .licenses/semantic/cabal/kan-extensions.txt | 38 ----- .licenses/semantic/cabal/kdt.txt | 28 ---- .licenses/semantic/cabal/keys.txt | 38 ----- .licenses/semantic/cabal/lens.txt | 34 ----- .licenses/semantic/cabal/machines.txt | 38 ----- .licenses/semantic/cabal/managed.txt | 32 ---- .licenses/semantic/cabal/megaparsec.txt | 34 ----- .licenses/semantic/cabal/memory.txt | 37 ----- .../semantic/cabal/mersenne-random-pure64.txt | 38 ----- .licenses/semantic/cabal/mime-types.txt | 28 ---- .licenses/semantic/cabal/mwc-random.txt | 34 ----- .../semantic/cabal/neat-interpolation.txt | 30 ---- .licenses/semantic/cabal/network-uri.txt | 37 ----- .licenses/semantic/cabal/network.txt | 37 ----- .licenses/semantic/cabal/old-locale.txt | 71 --------- .licenses/semantic/cabal/old-time.txt | 71 --------- .licenses/semantic/cabal/optional-args.txt | 32 ---- .../semantic/cabal/optparse-applicative.txt | 38 ----- .licenses/semantic/cabal/parallel.txt | 47 ------ .licenses/semantic/cabal/parsec.txt | 29 ---- .../semantic/cabal/parser-combinators.txt | 36 ----- .licenses/semantic/cabal/parsers.txt | 38 ----- .licenses/semantic/cabal/pem.txt | 35 ----- .licenses/semantic/cabal/pointed.txt | 34 ----- .licenses/semantic/cabal/prettyprinter.txt | 31 ---- .licenses/semantic/cabal/primitive.txt | 38 ----- .licenses/semantic/cabal/profunctors.txt | 38 ----- .licenses/semantic/cabal/proto3-suite.txt | 22 --- .licenses/semantic/cabal/proto3-wire.txt | 21 --- .../semantic/cabal/quickcheck-instances.txt | 38 ----- .licenses/semantic/cabal/random.txt | 71 --------- .../semantic/cabal/recursion-schemes.txt | 34 ----- .licenses/semantic/cabal/reducers.txt | 38 ----- .licenses/semantic/cabal/reflection.txt | 39 ----- .licenses/semantic/cabal/safe.txt | 38 ----- .licenses/semantic/cabal/scientific.txt | 38 ----- .licenses/semantic/cabal/semigroupoids.txt | 34 ----- .licenses/semantic/cabal/semigroups.txt | 34 ----- .licenses/semantic/cabal/semilattices.txt | 38 ----- .licenses/semantic/cabal/socks.txt | 35 ----- .licenses/semantic/cabal/split.txt | 35 ----- .licenses/semantic/cabal/stm-chans.txt | 42 ----- .licenses/semantic/cabal/stm.txt | 2 +- .../semantic/cabal/streaming-commons.txt | 29 ---- .licenses/semantic/cabal/swagger2.txt | 35 ----- .licenses/semantic/cabal/syb.txt | 91 ----------- .licenses/semantic/cabal/system-fileio.txt | 30 ---- .licenses/semantic/cabal/system-filepath.txt | 30 ---- .licenses/semantic/cabal/tagged.txt | 38 ----- .licenses/semantic/cabal/temporary.txt | 35 ----- .licenses/semantic/cabal/text.txt | 2 +- .licenses/semantic/cabal/tf-random.txt | 38 ----- .licenses/semantic/cabal/th-abstraction.txt | 21 --- .licenses/semantic/cabal/these.txt | 38 ----- .../semantic/cabal/time-locale-compat.txt | 38 ----- .licenses/semantic/cabal/tls.txt | 35 ----- .../semantic/cabal/transformers-base.txt | 34 ----- .../semantic/cabal/transformers-compat.txt | 38 ----- .licenses/semantic/cabal/turtle.txt | 32 ---- .licenses/semantic/cabal/type-aligned.txt | 18 --- .licenses/semantic/cabal/unix-compat.txt | 37 ----- .../semantic/cabal/unordered-containers.txt | 38 ----- .licenses/semantic/cabal/utf8-string.txt | 32 ---- .licenses/semantic/cabal/uuid-types.txt | 36 ----- .licenses/semantic/cabal/vector-builder.txt | 30 ---- .licenses/semantic/cabal/vector-instances.txt | 38 ----- .licenses/semantic/cabal/vector.txt | 38 ----- .licenses/semantic/cabal/void.txt | 38 ----- .licenses/semantic/cabal/wl-pprint.txt | 33 ---- .licenses/semantic/cabal/x509-store.txt | 35 ----- .licenses/semantic/cabal/x509-system.txt | 35 ----- .licenses/semantic/cabal/x509-validation.txt | 35 ----- .licenses/semantic/cabal/x509.txt | 35 ----- .licenses/semantic/cabal/zlib.txt | 32 ---- 146 files changed, 3 insertions(+), 5213 deletions(-) delete mode 100644 .licenses/semantic/cabal/QuickCheck.txt delete mode 100644 .licenses/semantic/cabal/StateVar.txt delete mode 100644 .licenses/semantic/cabal/adjunctions.txt delete mode 100644 .licenses/semantic/cabal/aeson-pretty.txt delete mode 100644 .licenses/semantic/cabal/aeson.txt delete mode 100644 .licenses/semantic/cabal/algebraic-graphs.txt delete mode 100644 .licenses/semantic/cabal/ansi-terminal.txt delete mode 100644 .licenses/semantic/cabal/ansi-wl-pprint.txt delete mode 100644 .licenses/semantic/cabal/asn1-encoding.txt delete mode 100644 .licenses/semantic/cabal/asn1-parse.txt delete mode 100644 .licenses/semantic/cabal/asn1-types.txt delete mode 100644 .licenses/semantic/cabal/async.txt delete mode 100644 .licenses/semantic/cabal/attoparsec.txt delete mode 100644 .licenses/semantic/cabal/base-compat-batteries.txt delete mode 100644 .licenses/semantic/cabal/base-compat.txt delete mode 100644 .licenses/semantic/cabal/base-orphans.txt delete mode 100644 .licenses/semantic/cabal/base-prelude.txt delete mode 100644 .licenses/semantic/cabal/base64-bytestring.txt delete mode 100644 .licenses/semantic/cabal/basement.txt delete mode 100644 .licenses/semantic/cabal/bifunctors.txt delete mode 100644 .licenses/semantic/cabal/blaze-builder.txt delete mode 100644 .licenses/semantic/cabal/byteable.txt delete mode 100644 .licenses/semantic/cabal/call-stack.txt delete mode 100644 .licenses/semantic/cabal/case-insensitive.txt delete mode 100644 .licenses/semantic/cabal/cereal.txt delete mode 100644 .licenses/semantic/cabal/charset.txt delete mode 100644 .licenses/semantic/cabal/clock.txt delete mode 100644 .licenses/semantic/cabal/cmark-gfm.txt delete mode 100644 .licenses/semantic/cabal/colour.txt delete mode 100644 .licenses/semantic/cabal/comonad.txt delete mode 100644 .licenses/semantic/cabal/connection.txt delete mode 100644 .licenses/semantic/cabal/contravariant.txt delete mode 100644 .licenses/semantic/cabal/cookie.txt delete mode 100644 .licenses/semantic/cabal/cryptohash.txt delete mode 100644 .licenses/semantic/cabal/cryptonite.txt delete mode 100644 .licenses/semantic/cabal/data-default-class.txt delete mode 100644 .licenses/semantic/cabal/deepseq-generics.txt delete mode 100644 .licenses/semantic/cabal/directory-tree.txt delete mode 100644 .licenses/semantic/cabal/distributive.txt delete mode 100644 .licenses/semantic/cabal/dlist.txt delete mode 100644 .licenses/semantic/cabal/effects.txt delete mode 100644 .licenses/semantic/cabal/exceptions.txt delete mode 100644 .licenses/semantic/cabal/fastsum.txt delete mode 100644 .licenses/semantic/cabal/fingertree.txt delete mode 100644 .licenses/semantic/cabal/foldl.txt delete mode 100644 .licenses/semantic/cabal/free.txt delete mode 100644 .licenses/semantic/cabal/freer-cofreer.txt delete mode 100644 .licenses/semantic/cabal/generics-sop.txt delete mode 100644 .licenses/semantic/cabal/ghc-boot.txt delete mode 100644 .licenses/semantic/cabal/ghc-tcplugins-extra.txt delete mode 100644 .licenses/semantic/cabal/ghc-typelits-extra.txt delete mode 100644 .licenses/semantic/cabal/ghc-typelits-knownnat.txt delete mode 100644 .licenses/semantic/cabal/ghc-typelits-natnormalise.txt delete mode 100644 .licenses/semantic/cabal/ghc.txt delete mode 100644 .licenses/semantic/cabal/ghci.txt delete mode 100644 .licenses/semantic/cabal/gitrev.txt delete mode 100644 .licenses/semantic/cabal/hashable.txt delete mode 100644 .licenses/semantic/cabal/haskell-lexer.txt delete mode 100644 .licenses/semantic/cabal/haskell-src.txt delete mode 100644 .licenses/semantic/cabal/haskell-tree-sitter.txt delete mode 100644 .licenses/semantic/cabal/heap.txt delete mode 100644 .licenses/semantic/cabal/hostname.txt delete mode 100644 .licenses/semantic/cabal/hourglass.txt delete mode 100644 .licenses/semantic/cabal/hpc.txt delete mode 100644 .licenses/semantic/cabal/http-client-tls.txt delete mode 100644 .licenses/semantic/cabal/http-client.txt delete mode 100644 .licenses/semantic/cabal/http-media.txt delete mode 100644 .licenses/semantic/cabal/http-types.txt delete mode 100644 .licenses/semantic/cabal/insert-ordered-containers.txt delete mode 100644 .licenses/semantic/cabal/integer-logarithms.txt delete mode 100644 .licenses/semantic/cabal/invariant.txt delete mode 100644 .licenses/semantic/cabal/kan-extensions.txt delete mode 100644 .licenses/semantic/cabal/kdt.txt delete mode 100644 .licenses/semantic/cabal/keys.txt delete mode 100644 .licenses/semantic/cabal/lens.txt delete mode 100644 .licenses/semantic/cabal/machines.txt delete mode 100644 .licenses/semantic/cabal/managed.txt delete mode 100644 .licenses/semantic/cabal/megaparsec.txt delete mode 100644 .licenses/semantic/cabal/memory.txt delete mode 100644 .licenses/semantic/cabal/mersenne-random-pure64.txt delete mode 100644 .licenses/semantic/cabal/mime-types.txt delete mode 100644 .licenses/semantic/cabal/mwc-random.txt delete mode 100644 .licenses/semantic/cabal/neat-interpolation.txt delete mode 100644 .licenses/semantic/cabal/network-uri.txt delete mode 100644 .licenses/semantic/cabal/network.txt delete mode 100644 .licenses/semantic/cabal/old-locale.txt delete mode 100644 .licenses/semantic/cabal/old-time.txt delete mode 100644 .licenses/semantic/cabal/optional-args.txt delete mode 100644 .licenses/semantic/cabal/optparse-applicative.txt delete mode 100644 .licenses/semantic/cabal/parallel.txt delete mode 100644 .licenses/semantic/cabal/parsec.txt delete mode 100644 .licenses/semantic/cabal/parser-combinators.txt delete mode 100644 .licenses/semantic/cabal/parsers.txt delete mode 100644 .licenses/semantic/cabal/pem.txt delete mode 100644 .licenses/semantic/cabal/pointed.txt delete mode 100644 .licenses/semantic/cabal/prettyprinter.txt delete mode 100644 .licenses/semantic/cabal/primitive.txt delete mode 100644 .licenses/semantic/cabal/profunctors.txt delete mode 100644 .licenses/semantic/cabal/proto3-suite.txt delete mode 100644 .licenses/semantic/cabal/proto3-wire.txt delete mode 100644 .licenses/semantic/cabal/quickcheck-instances.txt delete mode 100644 .licenses/semantic/cabal/random.txt delete mode 100644 .licenses/semantic/cabal/recursion-schemes.txt delete mode 100644 .licenses/semantic/cabal/reducers.txt delete mode 100644 .licenses/semantic/cabal/reflection.txt delete mode 100644 .licenses/semantic/cabal/safe.txt delete mode 100644 .licenses/semantic/cabal/scientific.txt delete mode 100644 .licenses/semantic/cabal/semigroupoids.txt delete mode 100644 .licenses/semantic/cabal/semigroups.txt delete mode 100644 .licenses/semantic/cabal/semilattices.txt delete mode 100644 .licenses/semantic/cabal/socks.txt delete mode 100644 .licenses/semantic/cabal/split.txt delete mode 100644 .licenses/semantic/cabal/stm-chans.txt delete mode 100644 .licenses/semantic/cabal/streaming-commons.txt delete mode 100644 .licenses/semantic/cabal/swagger2.txt delete mode 100644 .licenses/semantic/cabal/syb.txt delete mode 100644 .licenses/semantic/cabal/system-fileio.txt delete mode 100644 .licenses/semantic/cabal/system-filepath.txt delete mode 100644 .licenses/semantic/cabal/tagged.txt delete mode 100644 .licenses/semantic/cabal/temporary.txt delete mode 100644 .licenses/semantic/cabal/tf-random.txt delete mode 100644 .licenses/semantic/cabal/th-abstraction.txt delete mode 100644 .licenses/semantic/cabal/these.txt delete mode 100644 .licenses/semantic/cabal/time-locale-compat.txt delete mode 100644 .licenses/semantic/cabal/tls.txt delete mode 100644 .licenses/semantic/cabal/transformers-base.txt delete mode 100644 .licenses/semantic/cabal/transformers-compat.txt delete mode 100644 .licenses/semantic/cabal/turtle.txt delete mode 100644 .licenses/semantic/cabal/type-aligned.txt delete mode 100644 .licenses/semantic/cabal/unix-compat.txt delete mode 100644 .licenses/semantic/cabal/unordered-containers.txt delete mode 100644 .licenses/semantic/cabal/utf8-string.txt delete mode 100644 .licenses/semantic/cabal/uuid-types.txt delete mode 100644 .licenses/semantic/cabal/vector-builder.txt delete mode 100644 .licenses/semantic/cabal/vector-instances.txt delete mode 100644 .licenses/semantic/cabal/vector.txt delete mode 100644 .licenses/semantic/cabal/void.txt delete mode 100644 .licenses/semantic/cabal/wl-pprint.txt delete mode 100644 .licenses/semantic/cabal/x509-store.txt delete mode 100644 .licenses/semantic/cabal/x509-system.txt delete mode 100644 .licenses/semantic/cabal/x509-validation.txt delete mode 100644 .licenses/semantic/cabal/x509.txt delete mode 100644 .licenses/semantic/cabal/zlib.txt diff --git a/.licenses/semantic/cabal/QuickCheck.txt b/.licenses/semantic/cabal/QuickCheck.txt deleted file mode 100644 index 7895917c7..000000000 --- a/.licenses/semantic/cabal/QuickCheck.txt +++ /dev/null @@ -1,37 +0,0 @@ ---- -type: cabal -name: QuickCheck -version: 2.11.3 -summary: Automatic testing of Haskell programs -homepage: https://github.com/nick8325/quickcheck -license: bsd-3-clause ---- -(The following is the 3-clause BSD license.) - -Copyright (c) 2000-2017, Koen Claessen -Copyright (c) 2006-2008, Björn Bringert -Copyright (c) 2009-2017, Nick Smallbone - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - -- Redistributions of source code must retain the above copyright notice, - this list of conditions and the following disclaimer. -- Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. -- Neither the names of the copyright owners nor the names of the - contributors may be used to endorse or promote products derived - from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/StateVar.txt b/.licenses/semantic/cabal/StateVar.txt deleted file mode 100644 index c88c2cded..000000000 --- a/.licenses/semantic/cabal/StateVar.txt +++ /dev/null @@ -1,37 +0,0 @@ ---- -type: cabal -name: StateVar -version: 1.1.1.1 -summary: State variables -homepage: https://github.com/haskell-opengl/StateVar -license: bsd-3-clause ---- -Copyright (c) 2014-2015, Edward Kmett -Copyright (c) 2009-2018, Sven Panne -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - -1. Redistributions of source code must retain the above copyright notice, - this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -3. Neither the name of the author nor the names of its contributors may be - used to endorse or promote products derived from this software without - specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" -AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE -IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE -ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR CONTRIBUTORS BE -LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR -CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF -SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS -INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN -CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) -ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/adjunctions.txt b/.licenses/semantic/cabal/adjunctions.txt deleted file mode 100644 index e14422245..000000000 --- a/.licenses/semantic/cabal/adjunctions.txt +++ /dev/null @@ -1,34 +0,0 @@ ---- -type: cabal -name: adjunctions -version: '4.4' -summary: Adjunctions and representable functors -homepage: https://github.com/ekmett/adjunctions/ -license: bsd-2-clause ---- -Copyright 2011-2014 Edward Kmett - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR -IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, -STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN -ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/aeson-pretty.txt b/.licenses/semantic/cabal/aeson-pretty.txt deleted file mode 100644 index 738e74ff3..000000000 --- a/.licenses/semantic/cabal/aeson-pretty.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: aeson-pretty -version: 0.8.7 -summary: JSON pretty-printing library and command-line tool. -homepage: https://github.com/informatikr/aeson-pretty -license: bsd-3-clause ---- -Copyright (c)2011, Falko Peters - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - - * Neither the name of Falko Peters nor the names of other - contributors may be used to endorse or promote products derived - from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/aeson.txt b/.licenses/semantic/cabal/aeson.txt deleted file mode 100644 index 6037eeb26..000000000 --- a/.licenses/semantic/cabal/aeson.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: aeson -version: 1.3.1.1 -summary: Fast JSON parsing and encoding -homepage: https://github.com/bos/aeson -license: bsd-3-clause ---- -Copyright (c) 2011, MailRank, Inc. - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE CONTRIBUTORS ``AS IS'' AND ANY EXPRESS -OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, -STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN -ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/algebraic-graphs.txt b/.licenses/semantic/cabal/algebraic-graphs.txt deleted file mode 100644 index 7cfa147c4..000000000 --- a/.licenses/semantic/cabal/algebraic-graphs.txt +++ /dev/null @@ -1,29 +0,0 @@ ---- -type: cabal -name: algebraic-graphs -version: '0.2' -summary: A library for algebraic graph construction and transformation -homepage: https://github.com/snowleopard/alga -license: mit ---- -MIT License - -Copyright (c) 2016-2018 Andrey Mokhov - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/ansi-terminal.txt b/.licenses/semantic/cabal/ansi-terminal.txt deleted file mode 100644 index b2902b86f..000000000 --- a/.licenses/semantic/cabal/ansi-terminal.txt +++ /dev/null @@ -1,30 +0,0 @@ ---- -type: cabal -name: ansi-terminal -version: 0.8.1 -summary: Simple ANSI terminal support, with Windows compatibility -homepage: https://github.com/feuerbach/ansi-terminal -license: bsd-3-clause ---- -Copyright (c) 2008, Maximilian Bolingbroke -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, are permitted -provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright notice, this list of - conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright notice, this list of - conditions and the following disclaimer in the documentation and/or other materials - provided with the distribution. - * Neither the name of Maximilian Bolingbroke nor the names of other contributors may be used to - endorse or promote products derived from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR -IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR -CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER -IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT -OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/ansi-wl-pprint.txt b/.licenses/semantic/cabal/ansi-wl-pprint.txt deleted file mode 100644 index 6fbe9e30d..000000000 --- a/.licenses/semantic/cabal/ansi-wl-pprint.txt +++ /dev/null @@ -1,33 +0,0 @@ ---- -type: cabal -name: ansi-wl-pprint -version: 0.6.8.2 -summary: The Wadler/Leijen Pretty Printer for colored ANSI terminal output -homepage: https://github.com/ekmett/ansi-wl-pprint -license: bsd-2-clause ---- -Copyright 2008, Daan Leijen and Max Bolingbroke. All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are -met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in - the documentation and/or other materials provided with the - distribution. - -This software is provided by the copyright holders "as is" and any -express or implied warranties, including, but not limited to, the -implied warranties of merchantability and fitness for a particular -purpose are disclaimed. In no event shall the copyright holders be -liable for any direct, indirect, incidental, special, exemplary, or -consequential damages (including, but not limited to, procurement of -substitute goods or services; loss of use, data, or profits; or -business interruption) however caused and on any theory of liability, -whether in contract, strict liability, or tort (including negligence -or otherwise) arising in any way out of the use of this software, even -if advised of the possibility of such damage. diff --git a/.licenses/semantic/cabal/asn1-encoding.txt b/.licenses/semantic/cabal/asn1-encoding.txt deleted file mode 100644 index 93405c9d7..000000000 --- a/.licenses/semantic/cabal/asn1-encoding.txt +++ /dev/null @@ -1,35 +0,0 @@ ---- -type: cabal -name: asn1-encoding -version: 0.9.5 -summary: ASN1 data reader and writer in RAW, BER and DER forms -homepage: https://github.com/vincenthz/hs-asn1 -license: bsd-3-clause ---- -Copyright (c) 2010-2013 Vincent Hanquez - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS ``AS IS'' AND -ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE -IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE -ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF -SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/asn1-parse.txt b/.licenses/semantic/cabal/asn1-parse.txt deleted file mode 100644 index 17f7dd81e..000000000 --- a/.licenses/semantic/cabal/asn1-parse.txt +++ /dev/null @@ -1,35 +0,0 @@ ---- -type: cabal -name: asn1-parse -version: 0.9.4 -summary: Simple monadic parser for ASN1 stream types. -homepage: https://github.com/vincenthz/hs-asn1 -license: bsd-3-clause ---- -Copyright (c) 2010-2013 Vincent Hanquez - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS ``AS IS'' AND -ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE -IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE -ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF -SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/asn1-types.txt b/.licenses/semantic/cabal/asn1-types.txt deleted file mode 100644 index f07aa14aa..000000000 --- a/.licenses/semantic/cabal/asn1-types.txt +++ /dev/null @@ -1,35 +0,0 @@ ---- -type: cabal -name: asn1-types -version: 0.3.2 -summary: ASN.1 types -homepage: https://github.com/vincenthz/hs-asn1-types -license: bsd-3-clause ---- -Copyright (c) 2010-2013 Vincent Hanquez - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS ``AS IS'' AND -ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE -IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE -ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF -SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/async.txt b/.licenses/semantic/cabal/async.txt deleted file mode 100644 index 54ddc5aa6..000000000 --- a/.licenses/semantic/cabal/async.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: async -version: 2.2.1 -summary: Run IO operations asynchronously and wait for their results -homepage: https://github.com/simonmar/async -license: bsd-3-clause ---- -Copyright (c) 2012, Simon Marlow - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - - * Neither the name of Simon Marlow nor the names of other - contributors may be used to endorse or promote products derived - from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/attoparsec.txt b/.licenses/semantic/cabal/attoparsec.txt deleted file mode 100644 index 7119910c1..000000000 --- a/.licenses/semantic/cabal/attoparsec.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: attoparsec -version: 0.13.2.2 -summary: Fast combinator parsing for bytestrings and text -homepage: https://github.com/bos/attoparsec -license: bsd-3-clause ---- -Copyright (c) Lennart Kolmodin - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE CONTRIBUTORS ``AS IS'' AND ANY EXPRESS -OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, -STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN -ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/base-compat-batteries.txt b/.licenses/semantic/cabal/base-compat-batteries.txt deleted file mode 100644 index eaa71c1e5..000000000 --- a/.licenses/semantic/cabal/base-compat-batteries.txt +++ /dev/null @@ -1,27 +0,0 @@ ---- -type: cabal -name: base-compat-batteries -version: 0.10.1 -summary: base-compat with extra batteries -homepage: -license: mit ---- -Copyright (c) 2012-2018 Simon Hengel and Ryan Scott - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in -all copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN -THE SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/base-compat.txt b/.licenses/semantic/cabal/base-compat.txt deleted file mode 100644 index a15d24aa1..000000000 --- a/.licenses/semantic/cabal/base-compat.txt +++ /dev/null @@ -1,27 +0,0 @@ ---- -type: cabal -name: base-compat -version: 0.10.4 -summary: A compatibility layer for base -homepage: -license: mit ---- -Copyright (c) 2012-2018 Simon Hengel and Ryan Scott - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in -all copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN -THE SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/base-orphans.txt b/.licenses/semantic/cabal/base-orphans.txt deleted file mode 100644 index cdb0eca3f..000000000 --- a/.licenses/semantic/cabal/base-orphans.txt +++ /dev/null @@ -1,28 +0,0 @@ ---- -type: cabal -name: base-orphans -version: '0.7' -summary: Backwards-compatible orphan instances for base -homepage: https://github.com/haskell-compat/base-orphans -license: mit ---- -Copyright (c) 2015-2017 Simon Hengel , João Cristóvão , Ryan Scott - -Permission is hereby granted, free of charge, to any person obtaining -a copy of this software and associated documentation files (the -"Software"), to deal in the Software without restriction, including -without limitation the rights to use, copy, modify, merge, publish, -distribute, sublicense, and/or sell copies of the Software, and to -permit persons to whom the Software is furnished to do so, subject to -the following conditions: - -The above copyright notice and this permission notice shall be included -in all copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, -EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF -MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. -IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY -CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT, -TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE -SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. diff --git a/.licenses/semantic/cabal/base-prelude.txt b/.licenses/semantic/cabal/base-prelude.txt deleted file mode 100644 index f1da8f7ab..000000000 --- a/.licenses/semantic/cabal/base-prelude.txt +++ /dev/null @@ -1,30 +0,0 @@ ---- -type: cabal -name: base-prelude -version: '1.3' -summary: The most complete prelude formed solely from the "base" package -homepage: https://github.com/nikita-volkov/base-prelude -license: mit ---- -Copyright (c) 2014, Nikita Volkov - -Permission is hereby granted, free of charge, to any person -obtaining a copy of this software and associated documentation -files (the "Software"), to deal in the Software without -restriction, including without limitation the rights to use, -copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the -Software is furnished to do so, subject to the following -conditions: - -The above copyright notice and this permission notice shall be -included in all copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, -EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES -OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND -NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT -HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, -WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING -FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR -OTHER DEALINGS IN THE SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/base64-bytestring.txt b/.licenses/semantic/cabal/base64-bytestring.txt deleted file mode 100644 index 672b90a0f..000000000 --- a/.licenses/semantic/cabal/base64-bytestring.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: base64-bytestring -version: 1.0.0.1 -summary: Fast base64 encoding and decoding for ByteStrings -homepage: https://github.com/bos/base64-bytestring -license: bsd-3-clause ---- -Copyright (c) 2010 Bryan O'Sullivan - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE CONTRIBUTORS ``AS IS'' AND ANY EXPRESS -OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, -STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN -ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/basement.txt b/.licenses/semantic/cabal/basement.txt deleted file mode 100644 index 5895ff0b2..000000000 --- a/.licenses/semantic/cabal/basement.txt +++ /dev/null @@ -1,36 +0,0 @@ ---- -type: cabal -name: basement -version: 0.0.8 -summary: Foundation scrap box of array & string -homepage: https://github.com/haskell-foundation/foundation -license: bsd-3-clause ---- -Copyright (c) 2015-2017 Vincent Hanquez -Copyright (c) 2017 Foundation Maintainers - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS AS IS'' AND -ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE -IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE -ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF -SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/bifunctors.txt b/.licenses/semantic/cabal/bifunctors.txt deleted file mode 100644 index ad41b0bcb..000000000 --- a/.licenses/semantic/cabal/bifunctors.txt +++ /dev/null @@ -1,34 +0,0 @@ ---- -type: cabal -name: bifunctors -version: 5.5.3 -summary: Bifunctors -homepage: https://github.com/ekmett/bifunctors/ -license: bsd-2-clause ---- -Copyright 2008-2016 Edward Kmett - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR -IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, -STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN -ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/blaze-builder.txt b/.licenses/semantic/cabal/blaze-builder.txt deleted file mode 100644 index a85772586..000000000 --- a/.licenses/semantic/cabal/blaze-builder.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: blaze-builder -version: 0.4.1.0 -summary: Efficient buffered output. -homepage: https://github.com/lpsmith/blaze-builder -license: bsd-3-clause ---- -Copyright Jasper Van der Jeugt 2010, Simon Meier 2010 & 2011 - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - - * Neither the name of Jasper Van der Jeugt nor the names of other - contributors may be used to endorse or promote products derived - from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/byteable.txt b/.licenses/semantic/cabal/byteable.txt deleted file mode 100644 index 1853db32d..000000000 --- a/.licenses/semantic/cabal/byteable.txt +++ /dev/null @@ -1,35 +0,0 @@ ---- -type: cabal -name: byteable -version: 0.1.1 -summary: Type class for sequence of bytes -homepage: https://github.com/vincenthz/hs-byteable -license: bsd-3-clause ---- -Copyright (c) 2013 Vincent Hanquez - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS AS IS'' AND -ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE -IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE -ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF -SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/call-stack.txt b/.licenses/semantic/cabal/call-stack.txt deleted file mode 100644 index 928ccd8b3..000000000 --- a/.licenses/semantic/cabal/call-stack.txt +++ /dev/null @@ -1,27 +0,0 @@ ---- -type: cabal -name: call-stack -version: 0.1.0 -summary: Use GHC call-stacks in a backward compatible way -homepage: https://github.com/sol/call-stack -license: mit ---- -Copyright (c) 2016 Simon Hengel - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in -all copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN -THE SOFTWARE. diff --git a/.licenses/semantic/cabal/case-insensitive.txt b/.licenses/semantic/cabal/case-insensitive.txt deleted file mode 100644 index c39b19161..000000000 --- a/.licenses/semantic/cabal/case-insensitive.txt +++ /dev/null @@ -1,39 +0,0 @@ ---- -type: cabal -name: case-insensitive -version: 1.2.0.11 -summary: Case insensitive string comparison -homepage: https://github.com/basvandijk/case-insensitive -license: bsd-3-clause ---- -Copyright (c) 2011-2013 Bas van Dijk - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are -met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - - * The name of Bas van Dijk and the names of contributors may NOT - be used to endorse or promote products derived from this - software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/cereal.txt b/.licenses/semantic/cabal/cereal.txt deleted file mode 100644 index 996e67246..000000000 --- a/.licenses/semantic/cabal/cereal.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: cereal -version: 0.5.7.0 -summary: A binary serialization library -homepage: https://github.com/GaloisInc/cereal -license: bsd-3-clause ---- -Copyright (c) Lennart Kolmodin, Galois, Inc. - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE CONTRIBUTORS ``AS IS'' AND ANY EXPRESS -OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, -STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN -ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/charset.txt b/.licenses/semantic/cabal/charset.txt deleted file mode 100644 index 10bc32886..000000000 --- a/.licenses/semantic/cabal/charset.txt +++ /dev/null @@ -1,39 +0,0 @@ ---- -type: cabal -name: charset -version: 0.3.7.1 -summary: Fast unicode character sets based on complemented PATRICIA tries -homepage: https://github.com/ekmett/charset -license: bsd-3-clause ---- -Copyright (c) 2010, Edward Kmett - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are -met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - - * Neither the name of Edward Kmett nor the names of other - contributors may be used to endorse or promote products derived - from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/clock.txt b/.licenses/semantic/cabal/clock.txt deleted file mode 100644 index 17bd704c5..000000000 --- a/.licenses/semantic/cabal/clock.txt +++ /dev/null @@ -1,40 +0,0 @@ ---- -type: cabal -name: clock -version: 0.7.2 -summary: 'High-resolution clock functions: monotonic, realtime, cputime.' -homepage: https://github.com/corsis/clock -license: bsd-3-clause ---- -Copyright (c) 2009-2012, Cetin Sert -Copyright (c) 2010, Eugene Kirpichov - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are -met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - - * The names of contributors may not be used to endorse or promote - products derived from this software without specific prior - written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/cmark-gfm.txt b/.licenses/semantic/cabal/cmark-gfm.txt deleted file mode 100644 index 26ea8021e..000000000 --- a/.licenses/semantic/cabal/cmark-gfm.txt +++ /dev/null @@ -1,144 +0,0 @@ ---- -type: cabal -name: cmark-gfm -version: 0.1.5 -summary: Fast, accurate GitHub Flavored Markdown parser and renderer -homepage: https://github.com/kivikakk/cmark-gfm-hs -license: multiple ---- -Copyright (c) 2014, John MacFarlane - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - - * Neither the name of John MacFarlane nor the names of other - contributors may be used to endorse or promote products derived - from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. - ----- -libcmark -Copyright (c) 2014, John MacFarlane - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. - ----- - -houdini.h, houdini_href_e.c, houdini_html_e.c, houdini_html_u.c, -html_unescape.gperf, html_unescape.h - -derive from https://github.com/vmg/houdini (with some modifications) - -Copyright (C) 2012 Vicent Martí - -Permission is hereby granted, free of charge, to any person obtaining a copy of -this software and associated documentation files (the "Software"), to deal in -the Software without restriction, including without limitation the rights to -use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies -of the Software, and to permit persons to whom the Software is furnished to do -so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. - ------ - -buffer.h, buffer.c, chunk.h - -are derived from code (C) 2012 Github, Inc. - -Permission is hereby granted, free of charge, to any person obtaining a copy of -this software and associated documentation files (the "Software"), to deal in -the Software without restriction, including without limitation the rights to -use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies -of the Software, and to permit persons to whom the Software is furnished to do -so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. - ------ - -utf8.c and utf8.c - -are derived from utf8proc -(), -(C) 2009 Public Software Group e. V., Berlin, Germany. - -Permission is hereby granted, free of charge, to any person obtaining a -copy of this software and associated documentation files (the "Software"), -to deal in the Software without restriction, including without limitation -the rights to use, copy, modify, merge, publish, distribute, sublicense, -and/or sell copies of the Software, and to permit persons to whom the -Software is furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in -all copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING -FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER -DEALINGS IN THE SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/colour.txt b/.licenses/semantic/cabal/colour.txt deleted file mode 100644 index eb222de11..000000000 --- a/.licenses/semantic/cabal/colour.txt +++ /dev/null @@ -1,28 +0,0 @@ ---- -type: cabal -name: colour -version: 2.3.4 -summary: A model for human colour/color perception -homepage: https://www.haskell.org/haskellwiki/Colour -license: mit ---- -Copyright (c) 2008, 2009 -Russell O'Connor - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in -all copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN -THE SOFTWARE. diff --git a/.licenses/semantic/cabal/comonad.txt b/.licenses/semantic/cabal/comonad.txt deleted file mode 100644 index 66c8bf659..000000000 --- a/.licenses/semantic/cabal/comonad.txt +++ /dev/null @@ -1,35 +0,0 @@ ---- -type: cabal -name: comonad -version: 5.0.4 -summary: Comonads -homepage: https://github.com/ekmett/comonad/ -license: bsd-2-clause ---- -Copyright 2008-2014 Edward Kmett -Copyright 2004-2008 Dave Menendez - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR -IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, -STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN -ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/connection.txt b/.licenses/semantic/cabal/connection.txt deleted file mode 100644 index ca5508998..000000000 --- a/.licenses/semantic/cabal/connection.txt +++ /dev/null @@ -1,35 +0,0 @@ ---- -type: cabal -name: connection -version: 0.2.8 -summary: Simple and easy network connections API -homepage: https://github.com/vincenthz/hs-connection -license: bsd-3-clause ---- -Copyright (c) 2012 Vincent Hanquez - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS ``AS IS'' AND -ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE -IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE -ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF -SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/contravariant.txt b/.licenses/semantic/cabal/contravariant.txt deleted file mode 100644 index 813537389..000000000 --- a/.licenses/semantic/cabal/contravariant.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: contravariant -version: 1.4.1 -summary: Contravariant functors -homepage: https://github.com/ekmett/contravariant/ -license: bsd-3-clause ---- -Copyright 2007-2015 Edward Kmett - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR -IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, -STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN -ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/cookie.txt b/.licenses/semantic/cabal/cookie.txt deleted file mode 100644 index 8b5b9fe65..000000000 --- a/.licenses/semantic/cabal/cookie.txt +++ /dev/null @@ -1,28 +0,0 @@ ---- -type: cabal -name: cookie -version: 0.4.4 -summary: HTTP cookie parsing and rendering -homepage: https://github.com/snoyberg/cookie -license: mit ---- -Copyright (c) 2010 Michael Snoyman, http://www.yesodweb.com/ - -Permission is hereby granted, free of charge, to any person obtaining -a copy of this software and associated documentation files (the -"Software"), to deal in the Software without restriction, including -without limitation the rights to use, copy, modify, merge, publish, -distribute, sublicense, and/or sell copies of the Software, and to -permit persons to whom the Software is furnished to do so, subject to -the following conditions: - -The above copyright notice and this permission notice shall be -included in all copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, -EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF -MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND -NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE -LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION -OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION -WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. diff --git a/.licenses/semantic/cabal/cryptohash.txt b/.licenses/semantic/cabal/cryptohash.txt deleted file mode 100644 index 7f355aff1..000000000 --- a/.licenses/semantic/cabal/cryptohash.txt +++ /dev/null @@ -1,35 +0,0 @@ ---- -type: cabal -name: cryptohash -version: 0.11.9 -summary: collection of crypto hashes, fast, pure and practical -homepage: https://github.com/vincenthz/hs-cryptohash -license: bsd-3-clause ---- -Copyright (c) 2010-2014 Vincent Hanquez - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS ``AS IS'' AND -ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE -IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE -ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF -SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/cryptonite.txt b/.licenses/semantic/cabal/cryptonite.txt deleted file mode 100644 index fdac59266..000000000 --- a/.licenses/semantic/cabal/cryptonite.txt +++ /dev/null @@ -1,36 +0,0 @@ ---- -type: cabal -name: cryptonite -version: '0.25' -summary: Cryptography Primitives sink -homepage: https://github.com/haskell-crypto/cryptonite -license: bsd-3-clause ---- -Copyright (c) 2006-2015 Vincent Hanquez - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS AS IS'' AND -ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE -IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE -ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF -SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/data-default-class.txt b/.licenses/semantic/cabal/data-default-class.txt deleted file mode 100644 index 1a2ec61d2..000000000 --- a/.licenses/semantic/cabal/data-default-class.txt +++ /dev/null @@ -1,34 +0,0 @@ ---- -type: cabal -name: data-default-class -version: 0.1.2.0 -summary: A class for types with a default value -homepage: https://github.com/mauke/data-default -license: bsd-3-clause ---- -Copyright (c) 2013 Lukas Mai - -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, -are permitted provided that the following conditions are met: - -* Redistributions of source code must retain the above copyright notice, this - list of conditions and the following disclaimer. -* Redistributions in binary form must reproduce the above copyright notice, - this list of conditions and the following disclaimer in the documentation - and/or other materials provided with the distribution. -* Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND -ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDERS OR CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR -SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER -CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, -OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/deepseq-generics.txt b/.licenses/semantic/cabal/deepseq-generics.txt deleted file mode 100644 index ed581f135..000000000 --- a/.licenses/semantic/cabal/deepseq-generics.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: deepseq-generics -version: 0.2.0.0 -summary: GHC.Generics-based Control.DeepSeq.rnf implementation -homepage: https://github.com/hvr/deepseq-generics -license: bsd-3-clause ---- -Copyright (c) 2012, Herbert Valerio Riedel - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - - * Neither the name of Herbert Valerio Riedel nor the names of other - contributors may be used to endorse or promote products derived - from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/directory-tree.txt b/.licenses/semantic/cabal/directory-tree.txt deleted file mode 100644 index 76863a67e..000000000 --- a/.licenses/semantic/cabal/directory-tree.txt +++ /dev/null @@ -1,34 +0,0 @@ ---- -type: cabal -name: directory-tree -version: 0.12.1 -summary: A simple directory-like tree datatype, with useful IO functions -homepage: https://brandon.si/code/directory-tree-module-released/ -license: bsd-2-clause ---- -Copyright (c) 2009 Brandon Simmons - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR -IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, -STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN -ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/distributive.txt b/.licenses/semantic/cabal/distributive.txt deleted file mode 100644 index bdfb134c4..000000000 --- a/.licenses/semantic/cabal/distributive.txt +++ /dev/null @@ -1,34 +0,0 @@ ---- -type: cabal -name: distributive -version: 0.5.3 -summary: Distributive functors -- Dual to Traversable -homepage: https://github.com/ekmett/distributive/ -license: bsd-2-clause ---- -Copyright 2011-2016 Edward Kmett - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR -IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, -STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN -ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/dlist.txt b/.licenses/semantic/cabal/dlist.txt deleted file mode 100644 index c048d8f4c..000000000 --- a/.licenses/semantic/cabal/dlist.txt +++ /dev/null @@ -1,39 +0,0 @@ ---- -type: cabal -name: dlist -version: 0.8.0.5 -summary: Difference lists -homepage: https://github.com/spl/dlist -license: bsd-3-clause ---- -Copyright (c) 2006-2009 Don Stewart, 2013-2016 Sean Leather - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are -met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - - * Neither the name of Don Stewart nor the names of other - contributors may be used to endorse or promote products derived - from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/effects.txt b/.licenses/semantic/cabal/effects.txt deleted file mode 100644 index a5bc9160f..000000000 --- a/.licenses/semantic/cabal/effects.txt +++ /dev/null @@ -1,39 +0,0 @@ ---- -type: cabal -name: effects -version: 0.3.2.0 -summary: Implementation of the Freer Monad -homepage: https://github.com/joshvera/effects -license: bsd-3-clause ---- -Original work Copyright (c) 2016, Allele Dev -Modified work Copyright 2016 Josh Vera - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - - * Neither the name of Allele Dev nor the names of other - contributors may be used to endorse or promote products derived - from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/exceptions.txt b/.licenses/semantic/cabal/exceptions.txt deleted file mode 100644 index 37e993e22..000000000 --- a/.licenses/semantic/cabal/exceptions.txt +++ /dev/null @@ -1,39 +0,0 @@ ---- -type: cabal -name: exceptions -version: 0.10.0 -summary: Extensible optionally-pure exceptions -homepage: https://github.com/ekmett/exceptions/ -license: bsd-3-clause ---- -Copyright 2013-2015 Edward Kmett -Copyright 2012 Google Inc. - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR -IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, -STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN -ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/fastsum.txt b/.licenses/semantic/cabal/fastsum.txt deleted file mode 100644 index 2f5158b66..000000000 --- a/.licenses/semantic/cabal/fastsum.txt +++ /dev/null @@ -1,39 +0,0 @@ ---- -type: cabal -name: fastsum -version: 0.1.1.0 -summary: A fast open-union type suitable for 100+ contained alternatives -homepage: https://github.com/patrickt/fastsum -license: bsd-3-clause ---- -Original work Copyright (c) 2016, Allele Dev -Modified work Copyright (c) 2016, Patrick Thomson and Josh Vera - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - - * Neither the name of Allele Dev nor the names of other - contributors may be used to endorse or promote products derived - from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/fingertree.txt b/.licenses/semantic/cabal/fingertree.txt deleted file mode 100644 index 17c07f03c..000000000 --- a/.licenses/semantic/cabal/fingertree.txt +++ /dev/null @@ -1,39 +0,0 @@ ---- -type: cabal -name: fingertree -version: 0.1.4.1 -summary: Generic finger-tree structure, with example instances -homepage: -license: bsd-3-clause ---- -The Glasgow Haskell Compiler License - -Copyright 2006, The University Court of the University of Glasgow. -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - -- Redistributions of source code must retain the above copyright notice, -this list of conditions and the following disclaimer. - -- Redistributions in binary form must reproduce the above copyright notice, -this list of conditions and the following disclaimer in the documentation -and/or other materials provided with the distribution. - -- Neither name of the University nor the names of its contributors may be -used to endorse or promote products derived from this software without -specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE UNIVERSITY COURT OF THE UNIVERSITY OF -GLASGOW AND THE CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE -UNIVERSITY COURT OF THE UNIVERSITY OF GLASGOW OR THE CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR -SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER -CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH -DAMAGE. diff --git a/.licenses/semantic/cabal/foldl.txt b/.licenses/semantic/cabal/foldl.txt deleted file mode 100644 index 6e21ad152..000000000 --- a/.licenses/semantic/cabal/foldl.txt +++ /dev/null @@ -1,32 +0,0 @@ ---- -type: cabal -name: foldl -version: 1.4.5 -summary: Composable, streaming, and efficient left folds -homepage: -license: bsd-3-clause ---- -Copyright (c) 2013 Gabriel Gonzalez -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, -are permitted provided that the following conditions are met: - * Redistributions of source code must retain the above copyright notice, - this list of conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright notice, - this list of conditions and the following disclaimer in the documentation - and/or other materials provided with the distribution. - * Neither the name of Gabriel Gonzalez nor the names of other contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND -ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES -(INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; -LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON -ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS -SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/free.txt b/.licenses/semantic/cabal/free.txt deleted file mode 100644 index cb59044d5..000000000 --- a/.licenses/semantic/cabal/free.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: free -version: 5.0.2 -summary: Monads for free -homepage: https://github.com/ekmett/free/ -license: bsd-3-clause ---- -Copyright 2008-2013 Edward Kmett - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR -IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, -STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN -ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/freer-cofreer.txt b/.licenses/semantic/cabal/freer-cofreer.txt deleted file mode 100644 index e3a232f82..000000000 --- a/.licenses/semantic/cabal/freer-cofreer.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: freer-cofreer -version: 0.0.0.1 -summary: Freer monads and Cofreer comonads. -homepage: https://github.com/robrix/freer-cofreer -license: bsd-3-clause ---- -Copyright Rob Rix (c) 2017 - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - - * Neither the name of Rob Rix nor the names of other contributors - may be used to endorse or promote products derived from this - software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/generics-sop.txt b/.licenses/semantic/cabal/generics-sop.txt deleted file mode 100644 index c0663e433..000000000 --- a/.licenses/semantic/cabal/generics-sop.txt +++ /dev/null @@ -1,35 +0,0 @@ ---- -type: cabal -name: generics-sop -version: 0.3.2.0 -summary: Generic Programming using True Sums of Products -homepage: -license: bsd-3-clause ---- -Copyright (c) 2014-2015, Well-Typed LLP, Edsko de Vries, Andres Löh -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - -1. Redistributions of source code must retain the above copyright notice, - this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright notice, - this list of conditions and the following disclaimer in the documentation - and/or other materials provided with the distribution. - -3. Neither the name of the copyright holder nor the names of its contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" -AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE -IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR -SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER -CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, -OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/ghc-boot.txt b/.licenses/semantic/cabal/ghc-boot.txt deleted file mode 100644 index f0dac7074..000000000 --- a/.licenses/semantic/cabal/ghc-boot.txt +++ /dev/null @@ -1,39 +0,0 @@ ---- -type: cabal -name: ghc-boot -version: 8.4.3 -summary: Shared functionality between GHC and its boot libraries -homepage: -license: bsd-3-clause ---- -The Glasgow Haskell Compiler License - -Copyright 2002, The University Court of the University of Glasgow. -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - -- Redistributions of source code must retain the above copyright notice, -this list of conditions and the following disclaimer. - -- Redistributions in binary form must reproduce the above copyright notice, -this list of conditions and the following disclaimer in the documentation -and/or other materials provided with the distribution. - -- Neither name of the University nor the names of its contributors may be -used to endorse or promote products derived from this software without -specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE UNIVERSITY COURT OF THE UNIVERSITY OF -GLASGOW AND THE CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE -UNIVERSITY COURT OF THE UNIVERSITY OF GLASGOW OR THE CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR -SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER -CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH -DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/ghc-tcplugins-extra.txt b/.licenses/semantic/cabal/ghc-tcplugins-extra.txt deleted file mode 100644 index bb1d87031..000000000 --- a/.licenses/semantic/cabal/ghc-tcplugins-extra.txt +++ /dev/null @@ -1,35 +0,0 @@ ---- -type: cabal -name: ghc-tcplugins-extra -version: '0.3' -summary: Utilities for writing GHC type-checker plugins -homepage: https://github.com/clash-lang/ghc-tcplugins-extra -license: bsd-2-clause ---- -Copyright (c) 2015-2016, University of Twente, - 2017-2018, QBayLogic -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are -met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the - distribution. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/ghc-typelits-extra.txt b/.licenses/semantic/cabal/ghc-typelits-extra.txt deleted file mode 100644 index 4af508430..000000000 --- a/.licenses/semantic/cabal/ghc-typelits-extra.txt +++ /dev/null @@ -1,35 +0,0 @@ ---- -type: cabal -name: ghc-typelits-extra -version: 0.2.6 -summary: Additional type-level operations on GHC.TypeLits.Nat -homepage: https://www.clash-lang.org/ -license: bsd-2-clause ---- -Copyright (c) 2015-2016, University of Twente, - 2017-2018, QBayLogic B.V. -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are -met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the - distribution. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/ghc-typelits-knownnat.txt b/.licenses/semantic/cabal/ghc-typelits-knownnat.txt deleted file mode 100644 index 7d6798624..000000000 --- a/.licenses/semantic/cabal/ghc-typelits-knownnat.txt +++ /dev/null @@ -1,36 +0,0 @@ ---- -type: cabal -name: ghc-typelits-knownnat -version: 0.5.1 -summary: Derive KnownNat constraints from other KnownNat constraints -homepage: https://clash-lang.org/ -license: bsd-2-clause ---- -Copyright (c) 2016 , University of Twente, - 2017-2018, QBayLogic B.V., - 2017 , Google Inc. -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are -met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the - distribution. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/ghc-typelits-natnormalise.txt b/.licenses/semantic/cabal/ghc-typelits-natnormalise.txt deleted file mode 100644 index c6785312d..000000000 --- a/.licenses/semantic/cabal/ghc-typelits-natnormalise.txt +++ /dev/null @@ -1,35 +0,0 @@ ---- -type: cabal -name: ghc-typelits-natnormalise -version: 0.6.2 -summary: GHC typechecker plugin for types of kind GHC.TypeLits.Nat -homepage: https://www.clash-lang.org/ -license: bsd-2-clause ---- -Copyright (c) 2015-2016, University of Twente, - 2017-2018, QBayLogic B.V. -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are -met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the - distribution. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/ghc.txt b/.licenses/semantic/cabal/ghc.txt deleted file mode 100644 index 2be721bcf..000000000 --- a/.licenses/semantic/cabal/ghc.txt +++ /dev/null @@ -1,39 +0,0 @@ ---- -type: cabal -name: ghc -version: 8.4.3 -summary: The GHC API -homepage: https://www.haskell.org/ghc/ -license: bsd-3-clause ---- -The Glasgow Haskell Compiler License - -Copyright 2002, The University Court of the University of Glasgow. -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - -- Redistributions of source code must retain the above copyright notice, -this list of conditions and the following disclaimer. - -- Redistributions in binary form must reproduce the above copyright notice, -this list of conditions and the following disclaimer in the documentation -and/or other materials provided with the distribution. - -- Neither name of the University nor the names of its contributors may be -used to endorse or promote products derived from this software without -specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE UNIVERSITY COURT OF THE UNIVERSITY OF -GLASGOW AND THE CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE -UNIVERSITY COURT OF THE UNIVERSITY OF GLASGOW OR THE CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR -SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER -CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH -DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/ghci.txt b/.licenses/semantic/cabal/ghci.txt deleted file mode 100644 index 26a7f4682..000000000 --- a/.licenses/semantic/cabal/ghci.txt +++ /dev/null @@ -1,39 +0,0 @@ ---- -type: cabal -name: ghci -version: 8.4.3 -summary: The library supporting GHC's interactive interpreter -homepage: -license: bsd-3-clause ---- -The Glasgow Haskell Compiler License - -Copyright 2002, The University Court of the University of Glasgow. -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - -- Redistributions of source code must retain the above copyright notice, -this list of conditions and the following disclaimer. - -- Redistributions in binary form must reproduce the above copyright notice, -this list of conditions and the following disclaimer in the documentation -and/or other materials provided with the distribution. - -- Neither name of the University nor the names of its contributors may be -used to endorse or promote products derived from this software without -specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE UNIVERSITY COURT OF THE UNIVERSITY OF -GLASGOW AND THE CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE -UNIVERSITY COURT OF THE UNIVERSITY OF GLASGOW OR THE CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR -SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER -CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH -DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/gitrev.txt b/.licenses/semantic/cabal/gitrev.txt deleted file mode 100644 index cd447b4b9..000000000 --- a/.licenses/semantic/cabal/gitrev.txt +++ /dev/null @@ -1,36 +0,0 @@ ---- -type: cabal -name: gitrev -version: 1.3.1 -summary: Compile git revision info into Haskell projects -homepage: https://github.com/acfoltzer/gitrev -license: bsd-3-clause ---- -Copyright (c) 2015, Adam C. Foltzer -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - -* Redistributions of source code must retain the above copyright notice, this - list of conditions and the following disclaimer. - -* Redistributions in binary form must reproduce the above copyright notice, - this list of conditions and the following disclaimer in the documentation - and/or other materials provided with the distribution. - -* Neither the name of gitrev nor the names of its - contributors may be used to endorse or promote products derived from - this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" -AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE -IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR -SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER -CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, -OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. - diff --git a/.licenses/semantic/cabal/hashable.txt b/.licenses/semantic/cabal/hashable.txt deleted file mode 100644 index f7e6a10a7..000000000 --- a/.licenses/semantic/cabal/hashable.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: hashable -version: 1.2.7.0 -summary: A class for types that can be converted to a hash value -homepage: https://github.com/tibbe/hashable -license: bsd-3-clause ---- -Copyright Milan Straka 2010 - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - - * Neither the name of Milan Straka nor the names of other - contributors may be used to endorse or promote products derived - from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/haskeline.txt b/.licenses/semantic/cabal/haskeline.txt index c65bc1c34..b3e6a5259 100644 --- a/.licenses/semantic/cabal/haskeline.txt +++ b/.licenses/semantic/cabal/haskeline.txt @@ -1,7 +1,7 @@ --- type: cabal name: haskeline -version: 0.7.4.3 +version: 0.7.4.2 summary: A command-line interface for user input, written in Haskell. homepage: https://github.com/judah/haskeline license: bsd-2-clause diff --git a/.licenses/semantic/cabal/haskell-lexer.txt b/.licenses/semantic/cabal/haskell-lexer.txt deleted file mode 100644 index b4e5faab0..000000000 --- a/.licenses/semantic/cabal/haskell-lexer.txt +++ /dev/null @@ -1,16 +0,0 @@ ---- -type: cabal -name: haskell-lexer -version: 1.0.2 -summary: A fully compliant Haskell 98 lexer. -homepage: https://github.com/yav/haskell-lexer -license: mit ---- -Copyright (c) 2008 Thomas Hallgren -Copyright (c) 2008 Iavor S. Diatchki - -Permission is hereby granted, free of charge, to any person obtaining a copy of this software and associated documentation files (the "Software"), to deal in the Software without restriction, including without limitation the rights to use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies of the Software, and to permit persons to whom the Software is furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/haskell-src.txt b/.licenses/semantic/cabal/haskell-src.txt deleted file mode 100644 index 259179500..000000000 --- a/.licenses/semantic/cabal/haskell-src.txt +++ /dev/null @@ -1,39 +0,0 @@ ---- -type: cabal -name: haskell-src -version: 1.0.3.0 -summary: Support for manipulating Haskell source code -homepage: -license: bsd-3-clause ---- -The Glasgow Haskell Compiler License - -Copyright 2004, The University Court of the University of Glasgow. -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - -- Redistributions of source code must retain the above copyright notice, -this list of conditions and the following disclaimer. - -- Redistributions in binary form must reproduce the above copyright notice, -this list of conditions and the following disclaimer in the documentation -and/or other materials provided with the distribution. - -- Neither name of the University nor the names of its contributors may be -used to endorse or promote products derived from this software without -specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE UNIVERSITY COURT OF THE UNIVERSITY OF -GLASGOW AND THE CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE -UNIVERSITY COURT OF THE UNIVERSITY OF GLASGOW OR THE CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR -SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER -CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH -DAMAGE. diff --git a/.licenses/semantic/cabal/haskell-tree-sitter.txt b/.licenses/semantic/cabal/haskell-tree-sitter.txt deleted file mode 100644 index 8c381c04c..000000000 --- a/.licenses/semantic/cabal/haskell-tree-sitter.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: haskell-tree-sitter -version: 0.1.0 -summary: haskell tree-sitter bindings -homepage: https://github.com/tree-sitter/haskell-tree-sitter -license: bsd-3-clause ---- -Copyright GitHub (c) 2015 - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - - * Neither the name of Author name here nor the names of other - contributors may be used to endorse or promote products derived - from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/heap.txt b/.licenses/semantic/cabal/heap.txt deleted file mode 100644 index 29d2ae834..000000000 --- a/.licenses/semantic/cabal/heap.txt +++ /dev/null @@ -1,30 +0,0 @@ ---- -type: cabal -name: heap -version: 1.0.4 -summary: Heaps in Haskell -homepage: -license: bsd-2-clause ---- -Copyright (c) 2008-2009, Stephan Friedrichs -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR -CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, -EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, -PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR -PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF -LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING -NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS -SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/hostname.txt b/.licenses/semantic/cabal/hostname.txt deleted file mode 100644 index 4b21e02ee..000000000 --- a/.licenses/semantic/cabal/hostname.txt +++ /dev/null @@ -1,31 +0,0 @@ ---- -type: cabal -name: hostname -version: '1.0' -summary: A very simple package providing a cross-platform means of determining the - hostname -homepage: -license: bsd-3-clause ---- -Copyright (c) 2008, Maximilian Bolingbroke -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, are permitted -provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright notice, this list of - conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright notice, this list of - conditions and the following disclaimer in the documentation and/or other materials - provided with the distribution. - * Neither the name of Maximilian Bolingbroke nor the names of other contributors may be used to - endorse or promote products derived from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR -IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR -CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER -IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT -OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/hourglass.txt b/.licenses/semantic/cabal/hourglass.txt deleted file mode 100644 index 063d30b8e..000000000 --- a/.licenses/semantic/cabal/hourglass.txt +++ /dev/null @@ -1,35 +0,0 @@ ---- -type: cabal -name: hourglass -version: 0.2.12 -summary: simple performant time related library -homepage: https://github.com/vincenthz/hs-hourglass -license: bsd-3-clause ---- -Copyright (c) 2014 Vincent Hanquez - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS AS IS'' AND -ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE -IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE -ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF -SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/hpc.txt b/.licenses/semantic/cabal/hpc.txt deleted file mode 100644 index 3c73b285a..000000000 --- a/.licenses/semantic/cabal/hpc.txt +++ /dev/null @@ -1,33 +0,0 @@ ---- -type: cabal -name: hpc -version: 0.6.0.3 -summary: Code Coverage Library for Haskell -homepage: -license: bsd-3-clause ---- -Copyright (c) 2006 Andy Gill, Colin Runciman -Copyright (c) 2007 Andy Gill -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. -3. The names of the authors may not be used to endorse or promote products - derived from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR -IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES -OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. -IN NO EVENT SHALL THE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, -INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT -NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF -THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/http-client-tls.txt b/.licenses/semantic/cabal/http-client-tls.txt deleted file mode 100644 index 8304ee694..000000000 --- a/.licenses/semantic/cabal/http-client-tls.txt +++ /dev/null @@ -1,28 +0,0 @@ ---- -type: cabal -name: http-client-tls -version: 0.3.5.3 -summary: http-client backend using the connection package and tls library -homepage: https://github.com/snoyberg/http-client -license: mit ---- -The MIT License (MIT) - -Copyright (c) 2013 Michael Snoyman - -Permission is hereby granted, free of charge, to any person obtaining a copy of -this software and associated documentation files (the "Software"), to deal in -the Software without restriction, including without limitation the rights to -use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies of -the Software, and to permit persons to whom the Software is furnished to do so, -subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, FITNESS -FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR -COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER -IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN -CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. diff --git a/.licenses/semantic/cabal/http-client.txt b/.licenses/semantic/cabal/http-client.txt deleted file mode 100644 index 146fe6645..000000000 --- a/.licenses/semantic/cabal/http-client.txt +++ /dev/null @@ -1,28 +0,0 @@ ---- -type: cabal -name: http-client -version: 0.5.13.1 -summary: An HTTP client engine -homepage: https://github.com/snoyberg/http-client -license: mit ---- -The MIT License (MIT) - -Copyright (c) 2013 Michael Snoyman - -Permission is hereby granted, free of charge, to any person obtaining a copy of -this software and associated documentation files (the "Software"), to deal in -the Software without restriction, including without limitation the rights to -use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies of -the Software, and to permit persons to whom the Software is furnished to do so, -subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, FITNESS -FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR -COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER -IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN -CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/http-media.txt b/.licenses/semantic/cabal/http-media.txt deleted file mode 100644 index 1013aec70..000000000 --- a/.licenses/semantic/cabal/http-media.txt +++ /dev/null @@ -1,28 +0,0 @@ ---- -type: cabal -name: http-media -version: 0.7.1.3 -summary: Processing HTTP Content-Type and Accept headers -homepage: https://github.com/zmthy/http-media -license: mit ---- -Copyright (c) 2012-2015 Timothy Jones - -Permission is hereby granted, free of charge, to any person obtaining a -copy of this software and associated documentation files (the -"Software"), to deal in the Software without restriction, including -without limitation the rights to use, copy, modify, merge, publish, -distribute, sublicense, and/or sell copies of the Software, and to -permit persons to whom the Software is furnished to do so, subject to -the following conditions: - -The above copyright notice and this permission notice shall be included -in all copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS -OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF -MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. -IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY -CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT, -TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE -SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/http-types.txt b/.licenses/semantic/cabal/http-types.txt deleted file mode 100644 index edff5095d..000000000 --- a/.licenses/semantic/cabal/http-types.txt +++ /dev/null @@ -1,39 +0,0 @@ ---- -type: cabal -name: http-types -version: 0.12.2 -summary: Generic HTTP types for Haskell (for both client and server code). -homepage: https://github.com/aristidb/http-types -license: bsd-3-clause ---- -Copyright (c) 2011, Aristid Breitkreuz -Copyright (c) 2011, Michael Snoyman - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - - * Neither the name of Aristid Breitkreuz nor the names of other - contributors may be used to endorse or promote products derived - from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/insert-ordered-containers.txt b/.licenses/semantic/cabal/insert-ordered-containers.txt deleted file mode 100644 index b7e93be1a..000000000 --- a/.licenses/semantic/cabal/insert-ordered-containers.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: insert-ordered-containers -version: 0.2.1.0 -summary: Associative containers retaining insertion order for traversals. -homepage: https://github.com/phadej/insert-ordered-containers -license: bsd-3-clause ---- -Copyright (c) 2015, Oleg Grenrus - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - - * Neither the name of Oleg Grenrus nor the names of other - contributors may be used to endorse or promote products derived - from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/integer-logarithms.txt b/.licenses/semantic/cabal/integer-logarithms.txt deleted file mode 100644 index 2169bbc90..000000000 --- a/.licenses/semantic/cabal/integer-logarithms.txt +++ /dev/null @@ -1,24 +0,0 @@ ---- -type: cabal -name: integer-logarithms -version: 1.0.2.2 -summary: Integer logarithms. -homepage: https://github.com/Bodigrim/integer-logarithms -license: mit ---- -Copyright (c) 2011 Daniel Fischer, 2017 Oleg Grenrus - -Permission is hereby granted, free of charge, to any person obtaining a copy of this software and - associated documentation files (the "Software"), to deal in the Software without restriction, - including without limitation the rights to use, copy, modify, merge, publish, distribute, - sublicense, and/or sell copies of the Software, and to permit persons to whom the Software is - furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all copies or -substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR IMPLIED, INCLUDING BUT NOT -LIMITED TO THE WARRANTIES OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. - IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER - LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN - CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/invariant.txt b/.licenses/semantic/cabal/invariant.txt deleted file mode 100644 index 05ae0b45e..000000000 --- a/.licenses/semantic/cabal/invariant.txt +++ /dev/null @@ -1,31 +0,0 @@ ---- -type: cabal -name: invariant -version: 0.5.1 -summary: Haskell98 invariant functors -homepage: https://github.com/nfrisby/invariant-functors -license: bsd-2-clause ---- -Copyright (c) 2012-2017, University of Kansas -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright notice, this - list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above copyright notice, - this list of conditions and the following disclaimer in the documentation - and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND -ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR -SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER -CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, -OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/kan-extensions.txt b/.licenses/semantic/cabal/kan-extensions.txt deleted file mode 100644 index c29662917..000000000 --- a/.licenses/semantic/cabal/kan-extensions.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: kan-extensions -version: '5.2' -summary: Kan extensions, Kan lifts, the Yoneda lemma, and (co)density (co)monads -homepage: https://github.com/ekmett/kan-extensions/ -license: bsd-3-clause ---- -Copyright 2008-2016 Edward Kmett - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR -IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, -STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN -ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/kdt.txt b/.licenses/semantic/cabal/kdt.txt deleted file mode 100644 index 841d92f32..000000000 --- a/.licenses/semantic/cabal/kdt.txt +++ /dev/null @@ -1,28 +0,0 @@ ---- -type: cabal -name: kdt -version: 0.2.4 -summary: Fast and flexible k-d trees for various types of point queries. -homepage: https://github.com/giogadi/kdt -license: mit ---- -Copyright (c) 2014 Luis G. Torres - -Permission is hereby granted, free of charge, to any person obtaining -a copy of this software and associated documentation files (the -"Software"), to deal in the Software without restriction, including -without limitation the rights to use, copy, modify, merge, publish, -distribute, sublicense, and/or sell copies of the Software, and to -permit persons to whom the Software is furnished to do so, subject to -the following conditions: - -The above copyright notice and this permission notice shall be included -in all copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, -EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF -MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. -IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY -CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT, -TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE -SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. diff --git a/.licenses/semantic/cabal/keys.txt b/.licenses/semantic/cabal/keys.txt deleted file mode 100644 index 38e7417ac..000000000 --- a/.licenses/semantic/cabal/keys.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: keys -version: 3.12.1 -summary: Keyed functors and containers -homepage: https://github.com/ekmett/keys/ -license: bsd-3-clause ---- -Copyright 2011-2016 Edward Kmett - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR -IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, -STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN -ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/lens.txt b/.licenses/semantic/cabal/lens.txt deleted file mode 100644 index c3c3fa653..000000000 --- a/.licenses/semantic/cabal/lens.txt +++ /dev/null @@ -1,34 +0,0 @@ ---- -type: cabal -name: lens -version: 4.16.1 -summary: Lenses, Folds and Traversals -homepage: https://github.com/ekmett/lens/ -license: bsd-2-clause ---- -Copyright 2012-2016 Edward Kmett - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR -IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, -STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN -ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/machines.txt b/.licenses/semantic/cabal/machines.txt deleted file mode 100644 index 2f231d750..000000000 --- a/.licenses/semantic/cabal/machines.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: machines -version: 0.6.4 -summary: Networked stream transducers -homepage: https://github.com/ekmett/machines/ -license: bsd-3-clause ---- -Copyright 2012-2015 Edward Kmett, Runar Bjarnason, Paul Chiusano - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR -IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, -STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN -ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/managed.txt b/.licenses/semantic/cabal/managed.txt deleted file mode 100644 index 250ce3840..000000000 --- a/.licenses/semantic/cabal/managed.txt +++ /dev/null @@ -1,32 +0,0 @@ ---- -type: cabal -name: managed -version: 1.0.6 -summary: A monad for managed values -homepage: -license: bsd-3-clause ---- -Copyright (c) 2014 Gabriel Gonzalez -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, -are permitted provided that the following conditions are met: - * Redistributions of source code must retain the above copyright notice, - this list of conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright notice, - this list of conditions and the following disclaimer in the documentation - and/or other materials provided with the distribution. - * Neither the name of Gabriel Gonzalez nor the names of other contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND -ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES -(INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; -LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON -ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS -SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/megaparsec.txt b/.licenses/semantic/cabal/megaparsec.txt deleted file mode 100644 index 9e8a8498e..000000000 --- a/.licenses/semantic/cabal/megaparsec.txt +++ /dev/null @@ -1,34 +0,0 @@ ---- -type: cabal -name: megaparsec -version: 6.5.0 -summary: Monadic parser combinators -homepage: https://github.com/mrkkrp/megaparsec -license: bsd-2-clause ---- -Copyright © 2015–2018 Megaparsec contributors
-Copyright © 2007 Paolo Martini
-Copyright © 1999–2000 Daan Leijen - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - -* Redistributions of source code must retain the above copyright notice, - this list of conditions and the following disclaimer. - -* Redistributions in binary form must reproduce the above copyright notice, - this list of conditions and the following disclaimer in the documentation - and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS “AS IS” AND ANY EXPRESS -OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES -OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN -NO EVENT SHALL THE COPYRIGHT HOLDERS BE LIABLE FOR ANY DIRECT, INDIRECT, -INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, -OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF -LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING -NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, -EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/memory.txt b/.licenses/semantic/cabal/memory.txt deleted file mode 100644 index aef83462c..000000000 --- a/.licenses/semantic/cabal/memory.txt +++ /dev/null @@ -1,37 +0,0 @@ ---- -type: cabal -name: memory -version: 0.14.18 -summary: memory and related abstraction stuff -homepage: https://github.com/vincenthz/hs-memory -license: bsd-3-clause ---- -Copyright (c) 2015-2018 Vincent Hanquez -Copyright (c) 2017-2018 Nicolas Di Prima - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS AS IS'' AND -ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE -IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE -ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF -SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/mersenne-random-pure64.txt b/.licenses/semantic/cabal/mersenne-random-pure64.txt deleted file mode 100644 index c46ce9fb1..000000000 --- a/.licenses/semantic/cabal/mersenne-random-pure64.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: mersenne-random-pure64 -version: 0.2.2.0 -summary: Generate high quality pseudorandom numbers purely using a Mersenne Twister -homepage: https://code.haskell.org/~dons/code/mersenne-random-pure64/ -license: bsd-3-clause ---- -Copyright (c) Don Stewart 2008 - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND -ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE -IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE -ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF -SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/mime-types.txt b/.licenses/semantic/cabal/mime-types.txt deleted file mode 100644 index ba18034b9..000000000 --- a/.licenses/semantic/cabal/mime-types.txt +++ /dev/null @@ -1,28 +0,0 @@ ---- -type: cabal -name: mime-types -version: 0.1.0.8 -summary: Basic mime-type handling types and functions -homepage: https://github.com/yesodweb/wai -license: mit ---- -Copyright (c) 2012 Michael Snoyman, http://www.yesodweb.com/ - -Permission is hereby granted, free of charge, to any person obtaining -a copy of this software and associated documentation files (the -"Software"), to deal in the Software without restriction, including -without limitation the rights to use, copy, modify, merge, publish, -distribute, sublicense, and/or sell copies of the Software, and to -permit persons to whom the Software is furnished to do so, subject to -the following conditions: - -The above copyright notice and this permission notice shall be -included in all copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, -EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF -MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND -NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE -LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION -OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION -WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/mwc-random.txt b/.licenses/semantic/cabal/mwc-random.txt deleted file mode 100644 index 0a916cb09..000000000 --- a/.licenses/semantic/cabal/mwc-random.txt +++ /dev/null @@ -1,34 +0,0 @@ ---- -type: cabal -name: mwc-random -version: 0.13.3.2 -summary: Fast, high quality pseudo random number generation -homepage: https://github.com/bos/mwc-random -license: bsd-2-clause ---- -Copyright (c) 2009, Bryan O'Sullivan -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/neat-interpolation.txt b/.licenses/semantic/cabal/neat-interpolation.txt deleted file mode 100644 index 06f105386..000000000 --- a/.licenses/semantic/cabal/neat-interpolation.txt +++ /dev/null @@ -1,30 +0,0 @@ ---- -type: cabal -name: neat-interpolation -version: 0.3.2.2 -summary: A quasiquoter for neat and simple multiline text interpolation -homepage: https://github.com/nikita-volkov/neat-interpolation -license: mit ---- -Copyright (c) 2013, Nikita Volkov - -Permission is hereby granted, free of charge, to any person -obtaining a copy of this software and associated documentation -files (the "Software"), to deal in the Software without -restriction, including without limitation the rights to use, -copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the -Software is furnished to do so, subject to the following -conditions: - -The above copyright notice and this permission notice shall be -included in all copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, -EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES -OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND -NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT -HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, -WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING -FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR -OTHER DEALINGS IN THE SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/network-uri.txt b/.licenses/semantic/cabal/network-uri.txt deleted file mode 100644 index ba7f4c52d..000000000 --- a/.licenses/semantic/cabal/network-uri.txt +++ /dev/null @@ -1,37 +0,0 @@ ---- -type: cabal -name: network-uri -version: 2.6.1.0 -summary: URI manipulation -homepage: https://github.com/haskell/network-uri -license: bsd-3-clause ---- -Copyright (c) 2002-2010, The University Court of the University of Glasgow. -Copyright (c) 2007-2010, Johan Tibell - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - -- Redistributions of source code must retain the above copyright notice, -this list of conditions and the following disclaimer. - -- Redistributions in binary form must reproduce the above copyright notice, -this list of conditions and the following disclaimer in the documentation -and/or other materials provided with the distribution. - -- Neither name of the University nor the names of its contributors may be -used to endorse or promote products derived from this software without -specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE UNIVERSITY COURT OF THE UNIVERSITY OF -GLASGOW AND THE CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE -UNIVERSITY COURT OF THE UNIVERSITY OF GLASGOW OR THE CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR -SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER -CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH -DAMAGE. diff --git a/.licenses/semantic/cabal/network.txt b/.licenses/semantic/cabal/network.txt deleted file mode 100644 index 56e63d694..000000000 --- a/.licenses/semantic/cabal/network.txt +++ /dev/null @@ -1,37 +0,0 @@ ---- -type: cabal -name: network -version: 2.6.3.6 -summary: Low-level networking interface -homepage: https://github.com/haskell/network -license: bsd-3-clause ---- -Copyright (c) 2002-2010, The University Court of the University of Glasgow. -Copyright (c) 2007-2010, Johan Tibell - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - -- Redistributions of source code must retain the above copyright notice, -this list of conditions and the following disclaimer. - -- Redistributions in binary form must reproduce the above copyright notice, -this list of conditions and the following disclaimer in the documentation -and/or other materials provided with the distribution. - -- Neither name of the University nor the names of its contributors may be -used to endorse or promote products derived from this software without -specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE UNIVERSITY COURT OF THE UNIVERSITY OF -GLASGOW AND THE CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE -UNIVERSITY COURT OF THE UNIVERSITY OF GLASGOW OR THE CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR -SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER -CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH -DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/old-locale.txt b/.licenses/semantic/cabal/old-locale.txt deleted file mode 100644 index 1a21033e4..000000000 --- a/.licenses/semantic/cabal/old-locale.txt +++ /dev/null @@ -1,71 +0,0 @@ ---- -type: cabal -name: old-locale -version: 1.0.0.7 -summary: locale library -homepage: -license: bsd-3-clause ---- -This library (libraries/base) is derived from code from two -sources: - - * Code from the GHC project which is largely (c) The University of - Glasgow, and distributable under a BSD-style license (see below), - - * Code from the Haskell 98 Report which is (c) Simon Peyton Jones - and freely redistributable (but see the full license for - restrictions). - -The full text of these licenses is reproduced below. Both of the -licenses are BSD-style or compatible. - ------------------------------------------------------------------------------ - -The Glasgow Haskell Compiler License - -Copyright 2004, The University Court of the University of Glasgow. -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - -- Redistributions of source code must retain the above copyright notice, -this list of conditions and the following disclaimer. - -- Redistributions in binary form must reproduce the above copyright notice, -this list of conditions and the following disclaimer in the documentation -and/or other materials provided with the distribution. - -- Neither name of the University nor the names of its contributors may be -used to endorse or promote products derived from this software without -specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE UNIVERSITY COURT OF THE UNIVERSITY OF -GLASGOW AND THE CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE -UNIVERSITY COURT OF THE UNIVERSITY OF GLASGOW OR THE CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR -SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER -CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH -DAMAGE. - ------------------------------------------------------------------------------ - -Code derived from the document "Report on the Programming Language -Haskell 98", is distributed under the following license: - - Copyright (c) 2002 Simon Peyton Jones - - The authors intend this Report to belong to the entire Haskell - community, and so we grant permission to copy and distribute it for - any purpose, provided that it is reproduced in its entirety, - including this Notice. Modified versions of this Report may also be - copied and distributed for any purpose, provided that the modified - version is clearly presented as such, and that it does not claim to - be a definition of the Haskell 98 Language. - ------------------------------------------------------------------------------ diff --git a/.licenses/semantic/cabal/old-time.txt b/.licenses/semantic/cabal/old-time.txt deleted file mode 100644 index 7661c5c97..000000000 --- a/.licenses/semantic/cabal/old-time.txt +++ /dev/null @@ -1,71 +0,0 @@ ---- -type: cabal -name: old-time -version: 1.1.0.3 -summary: Time library -homepage: -license: bsd-3-clause ---- -This library (libraries/base) is derived from code from two -sources: - - * Code from the GHC project which is largely (c) The University of - Glasgow, and distributable under a BSD-style license (see below), - - * Code from the Haskell 98 Report which is (c) Simon Peyton Jones - and freely redistributable (but see the full license for - restrictions). - -The full text of these licenses is reproduced below. Both of the -licenses are BSD-style or compatible. - ------------------------------------------------------------------------------ - -The Glasgow Haskell Compiler License - -Copyright 2004, The University Court of the University of Glasgow. -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - -- Redistributions of source code must retain the above copyright notice, -this list of conditions and the following disclaimer. - -- Redistributions in binary form must reproduce the above copyright notice, -this list of conditions and the following disclaimer in the documentation -and/or other materials provided with the distribution. - -- Neither name of the University nor the names of its contributors may be -used to endorse or promote products derived from this software without -specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE UNIVERSITY COURT OF THE UNIVERSITY OF -GLASGOW AND THE CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE -UNIVERSITY COURT OF THE UNIVERSITY OF GLASGOW OR THE CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR -SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER -CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH -DAMAGE. - ------------------------------------------------------------------------------ - -Code derived from the document "Report on the Programming Language -Haskell 98", is distributed under the following license: - - Copyright (c) 2002 Simon Peyton Jones - - The authors intend this Report to belong to the entire Haskell - community, and so we grant permission to copy and distribute it for - any purpose, provided that it is reproduced in its entirety, - including this Notice. Modified versions of this Report may also be - copied and distributed for any purpose, provided that the modified - version is clearly presented as such, and that it does not claim to - be a definition of the Haskell 98 Language. - ------------------------------------------------------------------------------ diff --git a/.licenses/semantic/cabal/optional-args.txt b/.licenses/semantic/cabal/optional-args.txt deleted file mode 100644 index 6cc0d3789..000000000 --- a/.licenses/semantic/cabal/optional-args.txt +++ /dev/null @@ -1,32 +0,0 @@ ---- -type: cabal -name: optional-args -version: 1.0.2 -summary: Optional function arguments -homepage: -license: bsd-3-clause ---- -Copyright (c) 2015 Gabriel Gonzalez -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, -are permitted provided that the following conditions are met: - * Redistributions of source code must retain the above copyright notice, - this list of conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright notice, - this list of conditions and the following disclaimer in the documentation - and/or other materials provided with the distribution. - * Neither the name of Gabriel Gonzalez nor the names of other contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND -ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES -(INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; -LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON -ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS -SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/optparse-applicative.txt b/.licenses/semantic/cabal/optparse-applicative.txt deleted file mode 100644 index 098fe0095..000000000 --- a/.licenses/semantic/cabal/optparse-applicative.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: optparse-applicative -version: 0.14.3.0 -summary: Utilities and combinators for parsing command line options -homepage: https://github.com/pcapriotti/optparse-applicative -license: bsd-3-clause ---- -Copyright (c) 2012, Paolo Capriotti - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - - * Neither the name of Paolo Capriotti nor the names of other - contributors may be used to endorse or promote products derived - from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/parallel.txt b/.licenses/semantic/cabal/parallel.txt deleted file mode 100644 index e4959295c..000000000 --- a/.licenses/semantic/cabal/parallel.txt +++ /dev/null @@ -1,47 +0,0 @@ ---- -type: cabal -name: parallel -version: 3.2.2.0 -summary: Parallel programming library -homepage: -license: bsd-3-clause ---- -This library (libraries/parallel) is derived from code from -the GHC project which is largely (c) The University of -Glasgow, and distributable under a BSD-style license (see below). - ------------------------------------------------------------------------------ - -The Glasgow Haskell Compiler License - -Copyright 2004, The University Court of the University of Glasgow. -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - -- Redistributions of source code must retain the above copyright notice, -this list of conditions and the following disclaimer. - -- Redistributions in binary form must reproduce the above copyright notice, -this list of conditions and the following disclaimer in the documentation -and/or other materials provided with the distribution. - -- Neither name of the University nor the names of its contributors may be -used to endorse or promote products derived from this software without -specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE UNIVERSITY COURT OF THE UNIVERSITY OF -GLASGOW AND THE CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE -UNIVERSITY COURT OF THE UNIVERSITY OF GLASGOW OR THE CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR -SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER -CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH -DAMAGE. - ------------------------------------------------------------------------------ \ No newline at end of file diff --git a/.licenses/semantic/cabal/parsec.txt b/.licenses/semantic/cabal/parsec.txt deleted file mode 100644 index ba02a3d55..000000000 --- a/.licenses/semantic/cabal/parsec.txt +++ /dev/null @@ -1,29 +0,0 @@ ---- -type: cabal -name: parsec -version: 3.1.13.0 -summary: Monadic parser combinators -homepage: https://github.com/hvr/parsec -license: bsd-2-clause ---- -Copyright 1999-2000, Daan Leijen; 2007, Paolo Martini. All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - -* Redistributions of source code must retain the above copyright notice, - this list of conditions and the following disclaimer. -* Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -This software is provided by the copyright holders "as is" and any express or -implied warranties, including, but not limited to, the implied warranties of -merchantability and fitness for a particular purpose are disclaimed. In no -event shall the copyright holders be liable for any direct, indirect, -incidental, special, exemplary, or consequential damages (including, but not -limited to, procurement of substitute goods or services; loss of use, data, -or profits; or business interruption) however caused and on any theory of -liability, whether in contract, strict liability, or tort (including -negligence or otherwise) arising in any way out of the use of this software, -even if advised of the possibility of such damage. diff --git a/.licenses/semantic/cabal/parser-combinators.txt b/.licenses/semantic/cabal/parser-combinators.txt deleted file mode 100644 index 37130ecef..000000000 --- a/.licenses/semantic/cabal/parser-combinators.txt +++ /dev/null @@ -1,36 +0,0 @@ ---- -type: cabal -name: parser-combinators -version: 1.0.0 -summary: Lightweight package providing commonly useful parser combinators -homepage: https://github.com/mrkkrp/parser-combinators -license: bsd-3-clause ---- -Copyright © 2017–2018 Mark Karpov - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - -* Redistributions of source code must retain the above copyright notice, - this list of conditions and the following disclaimer. - -* Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -* Neither the name Mark Karpov nor the names of contributors may be used to - endorse or promote products derived from this software without specific - prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS “AS IS” AND ANY EXPRESS -OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES -OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN -NO EVENT SHALL THE COPYRIGHT HOLDERS BE LIABLE FOR ANY DIRECT, INDIRECT, -INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, -OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF -LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING -NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, -EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/parsers.txt b/.licenses/semantic/cabal/parsers.txt deleted file mode 100644 index 1b066420b..000000000 --- a/.licenses/semantic/cabal/parsers.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: parsers -version: 0.12.9 -summary: Parsing combinators -homepage: https://github.com/ekmett/parsers/ -license: bsd-3-clause ---- -Copyright 2011-2013 Edward Kmett - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR -IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, -STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN -ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/pem.txt b/.licenses/semantic/cabal/pem.txt deleted file mode 100644 index 1a1471856..000000000 --- a/.licenses/semantic/cabal/pem.txt +++ /dev/null @@ -1,35 +0,0 @@ ---- -type: cabal -name: pem -version: 0.2.4 -summary: Privacy Enhanced Mail (PEM) format reader and writer. -homepage: https://github.com/vincenthz/hs-pem -license: bsd-3-clause ---- -Copyright (c) 2010-2018 Vincent Hanquez - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS ``AS IS'' AND -ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE -IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE -ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF -SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/pointed.txt b/.licenses/semantic/cabal/pointed.txt deleted file mode 100644 index 7a93872d7..000000000 --- a/.licenses/semantic/cabal/pointed.txt +++ /dev/null @@ -1,34 +0,0 @@ ---- -type: cabal -name: pointed -version: 5.0.1 -summary: Pointed and copointed data -homepage: https://github.com/ekmett/pointed/ -license: bsd-2-clause ---- -Copyright 2008-2011 Edward Kmett - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR -IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, -STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN -ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/prettyprinter.txt b/.licenses/semantic/cabal/prettyprinter.txt deleted file mode 100644 index 55fd581be..000000000 --- a/.licenses/semantic/cabal/prettyprinter.txt +++ /dev/null @@ -1,31 +0,0 @@ ---- -type: cabal -name: prettyprinter -version: 1.2.1 -summary: A modern, easy to use, well-documented, extensible pretty-printer. -homepage: https://github.com/quchen/prettyprinter -license: bsd-2-clause ---- -Copyright 2008, Daan Leijen and Max Bolingbroke, 2016 David Luposchainsky. All -rights reserved. - -Redistribution and use in source and binary forms, with or without modification, -are permitted provided that the following conditions are met: - - - Redistributions of source code must retain the above copyright notice, this - list of conditions and the following disclaimer. - - - Redistributions in binary form must reproduce the above copyright notice, - this list of conditions and the following disclaimer in the documentation - and/or other materials provided with the distribution. - -This software is provided by the copyright holders "as is" and any express or -implied warranties, including, but not limited to, the implied warranties of -merchantability and fitness for a particular purpose are disclaimed. In no event -shall the copyright holders be liable for any direct, indirect, incidental, -special, exemplary, or consequential damages (including, but not limited to, -procurement of substitute goods or services; loss of use, data, or profits; or -business interruption) however caused and on any theory of liability, whether in -contract, strict liability, or tort (including negligence or otherwise) arising -in any way out of the use of this software, even if advised of the possibility -of such damage. \ No newline at end of file diff --git a/.licenses/semantic/cabal/primitive.txt b/.licenses/semantic/cabal/primitive.txt deleted file mode 100644 index 67acdc05d..000000000 --- a/.licenses/semantic/cabal/primitive.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: primitive -version: 0.6.3.0 -summary: Primitive memory-related operations -homepage: https://github.com/haskell/primitive -license: bsd-3-clause ---- -Copyright (c) 2008-2009, Roman Leshchinskiy -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - -- Redistributions of source code must retain the above copyright notice, -this list of conditions and the following disclaimer. - -- Redistributions in binary form must reproduce the above copyright notice, -this list of conditions and the following disclaimer in the documentation -and/or other materials provided with the distribution. - -- Neither name of the University nor the names of its contributors may be -used to endorse or promote products derived from this software without -specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE UNIVERSITY COURT OF THE UNIVERSITY OF -GLASGOW AND THE CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE -UNIVERSITY COURT OF THE UNIVERSITY OF GLASGOW OR THE CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR -SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER -CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH -DAMAGE. - diff --git a/.licenses/semantic/cabal/profunctors.txt b/.licenses/semantic/cabal/profunctors.txt deleted file mode 100644 index 951708590..000000000 --- a/.licenses/semantic/cabal/profunctors.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: profunctors -version: 5.2.2 -summary: Profunctors -homepage: https://github.com/ekmett/profunctors/ -license: bsd-3-clause ---- -Copyright 2011-2015 Edward Kmett - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR -IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, -STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN -ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/proto3-suite.txt b/.licenses/semantic/cabal/proto3-suite.txt deleted file mode 100644 index fd01c1256..000000000 --- a/.licenses/semantic/cabal/proto3-suite.txt +++ /dev/null @@ -1,22 +0,0 @@ ---- -type: cabal -name: proto3-suite -version: 0.2.0 -summary: A low level library for writing out data in the Protocol Buffers wire format -homepage: -license: apache-2.0 ---- - -Copyright 2017 Awake Networks - -Licensed under the Apache License, Version 2.0 (the "License"); -you may not use this file except in compliance with the License. -You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - -Unless required by applicable law or agreed to in writing, software -distributed under the License is distributed on an "AS IS" BASIS, -WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -See the License for the specific language governing permissions and -limitations under the License. diff --git a/.licenses/semantic/cabal/proto3-wire.txt b/.licenses/semantic/cabal/proto3-wire.txt deleted file mode 100644 index 09f0f4559..000000000 --- a/.licenses/semantic/cabal/proto3-wire.txt +++ /dev/null @@ -1,21 +0,0 @@ ---- -type: cabal -name: proto3-wire -version: 1.0.0 -summary: A low-level implementation of the Protocol Buffers (version 3) wire format -homepage: -license: apache-2.0 ---- -Copyright 2016 Awake Networks - -Licensed under the Apache License, Version 2.0 (the "License"); -you may not use this file except in compliance with the License. -You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - -Unless required by applicable law or agreed to in writing, software -distributed under the License is distributed on an "AS IS" BASIS, -WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -See the License for the specific language governing permissions and -limitations under the License. diff --git a/.licenses/semantic/cabal/quickcheck-instances.txt b/.licenses/semantic/cabal/quickcheck-instances.txt deleted file mode 100644 index 22755f8b7..000000000 --- a/.licenses/semantic/cabal/quickcheck-instances.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: quickcheck-instances -version: 0.3.19 -summary: Common quickcheck instances -homepage: https://github.com/phadej/qc-instances -license: bsd-3-clause ---- -Copyright (c)2012, Antoine Latter - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - - * Neither the name of Antoine Latter nor the names of other - contributors may be used to endorse or promote products derived - from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/random.txt b/.licenses/semantic/cabal/random.txt deleted file mode 100644 index 2f6521dfc..000000000 --- a/.licenses/semantic/cabal/random.txt +++ /dev/null @@ -1,71 +0,0 @@ ---- -type: cabal -name: random -version: '1.1' -summary: random number library -homepage: https://github.com/haskell/random -license: bsd-3-clause ---- -This library (libraries/base) is derived from code from two -sources: - - * Code from the GHC project which is largely (c) The University of - Glasgow, and distributable under a BSD-style license (see below), - - * Code from the Haskell 98 Report which is (c) Simon Peyton Jones - and freely redistributable (but see the full license for - restrictions). - -The full text of these licenses is reproduced below. Both of the -licenses are BSD-style or compatible. - ------------------------------------------------------------------------------ - -The Glasgow Haskell Compiler License - -Copyright 2004, The University Court of the University of Glasgow. -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - -- Redistributions of source code must retain the above copyright notice, -this list of conditions and the following disclaimer. - -- Redistributions in binary form must reproduce the above copyright notice, -this list of conditions and the following disclaimer in the documentation -and/or other materials provided with the distribution. - -- Neither name of the University nor the names of its contributors may be -used to endorse or promote products derived from this software without -specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE UNIVERSITY COURT OF THE UNIVERSITY OF -GLASGOW AND THE CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE -UNIVERSITY COURT OF THE UNIVERSITY OF GLASGOW OR THE CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR -SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER -CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH -DAMAGE. - ------------------------------------------------------------------------------ - -Code derived from the document "Report on the Programming Language -Haskell 98", is distributed under the following license: - - Copyright (c) 2002 Simon Peyton Jones - - The authors intend this Report to belong to the entire Haskell - community, and so we grant permission to copy and distribute it for - any purpose, provided that it is reproduced in its entirety, - including this Notice. Modified versions of this Report may also be - copied and distributed for any purpose, provided that the modified - version is clearly presented as such, and that it does not claim to - be a definition of the Haskell 98 Language. - ------------------------------------------------------------------------------ diff --git a/.licenses/semantic/cabal/recursion-schemes.txt b/.licenses/semantic/cabal/recursion-schemes.txt deleted file mode 100644 index 7aa28b05b..000000000 --- a/.licenses/semantic/cabal/recursion-schemes.txt +++ /dev/null @@ -1,34 +0,0 @@ ---- -type: cabal -name: recursion-schemes -version: 5.0.3 -summary: Generalized bananas, lenses and barbed wire -homepage: https://github.com/ekmett/recursion-schemes/ -license: bsd-2-clause ---- -Copyright 2011-2015 Edward Kmett - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR -IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, -STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN -ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/reducers.txt b/.licenses/semantic/cabal/reducers.txt deleted file mode 100644 index 7f5626b85..000000000 --- a/.licenses/semantic/cabal/reducers.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: reducers -version: 3.12.3 -summary: Semigroups, specialized containers and a general map/reduce framework -homepage: https://github.com/ekmett/reducers/ -license: bsd-3-clause ---- -Copyright 2008-2016 Edward Kmett - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR -IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, -STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN -ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/reflection.txt b/.licenses/semantic/cabal/reflection.txt deleted file mode 100644 index 439910394..000000000 --- a/.licenses/semantic/cabal/reflection.txt +++ /dev/null @@ -1,39 +0,0 @@ ---- -type: cabal -name: reflection -version: 2.1.4 -summary: Reifies arbitrary terms into types that can be reflected back into terms -homepage: https://github.com/ekmett/reflection -license: bsd-3-clause ---- -Copyright (c) 2009-2013 Edward Kmett -Copyright (c) 2004 Oleg Kiselyov and Chung-chieh Shan -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are -met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - - * Neither the name of Edward Kmett nor the names of other - contributors may be used to endorse or promote products derived - from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/safe.txt b/.licenses/semantic/cabal/safe.txt deleted file mode 100644 index 711da324b..000000000 --- a/.licenses/semantic/cabal/safe.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: safe -version: 0.3.17 -summary: Library of safe (exception free) functions -homepage: https://github.com/ndmitchell/safe -license: bsd-3-clause ---- -Copyright Neil Mitchell 2007-2018. -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are -met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - - * Neither the name of Neil Mitchell nor the names of other - contributors may be used to endorse or promote products derived - from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/scientific.txt b/.licenses/semantic/cabal/scientific.txt deleted file mode 100644 index 38eb6f763..000000000 --- a/.licenses/semantic/cabal/scientific.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: scientific -version: 0.3.6.2 -summary: Numbers represented using scientific notation -homepage: https://github.com/basvandijk/scientific -license: other ---- -Copyright (c) 2013, Bas van Dijk - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - - * Neither the name of Bas van Dijk nor the names of other - contributors may be used to endorse or promote products derived - from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/semigroupoids.txt b/.licenses/semantic/cabal/semigroupoids.txt deleted file mode 100644 index 53b7b68ee..000000000 --- a/.licenses/semantic/cabal/semigroupoids.txt +++ /dev/null @@ -1,34 +0,0 @@ ---- -type: cabal -name: semigroupoids -version: 5.2.2 -summary: 'Semigroupoids: Category sans id' -homepage: https://github.com/ekmett/semigroupoids -license: bsd-2-clause ---- -Copyright 2011-2015 Edward Kmett - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR -IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, -STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN -ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/semigroups.txt b/.licenses/semantic/cabal/semigroups.txt deleted file mode 100644 index b754991a7..000000000 --- a/.licenses/semantic/cabal/semigroups.txt +++ /dev/null @@ -1,34 +0,0 @@ ---- -type: cabal -name: semigroups -version: 0.18.5 -summary: Anything that associates -homepage: https://github.com/ekmett/semigroups/ -license: bsd-2-clause ---- -Copyright 2011-2015 Edward Kmett - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR -IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, -STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN -ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/semilattices.txt b/.licenses/semantic/cabal/semilattices.txt deleted file mode 100644 index 44b9b4b9b..000000000 --- a/.licenses/semantic/cabal/semilattices.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: semilattices -version: 0.0.0.1 -summary: Semilattices -homepage: https://github.com/robrix/semilattices -license: bsd-3-clause ---- -Copyright (c) 2017, Rob Rix - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - - * Neither the name of Rob Rix nor the names of other - contributors may be used to endorse or promote products derived - from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/socks.txt b/.licenses/semantic/cabal/socks.txt deleted file mode 100644 index d55d5f44f..000000000 --- a/.licenses/semantic/cabal/socks.txt +++ /dev/null @@ -1,35 +0,0 @@ ---- -type: cabal -name: socks -version: 0.5.6 -summary: Socks proxy (ver 5) -homepage: https://github.com/vincenthz/hs-socks -license: bsd-3-clause ---- -Copyright (c) 2010-2011 Vincent Hanquez - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS ``AS IS'' AND -ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE -IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE -ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF -SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/split.txt b/.licenses/semantic/cabal/split.txt deleted file mode 100644 index 91fce21c3..000000000 --- a/.licenses/semantic/cabal/split.txt +++ /dev/null @@ -1,35 +0,0 @@ ---- -type: cabal -name: split -version: 0.2.3.3 -summary: Combinator library for splitting lists. -homepage: https://github.com/byorgey/split -license: bsd-3-clause ---- -Copyright (c) 2008 Brent Yorgey, Louis Wasserman - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. -3. Neither the name of the author nor the names of other contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND -ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE -IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE -ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF -SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/stm-chans.txt b/.licenses/semantic/cabal/stm-chans.txt deleted file mode 100644 index ecf113cbe..000000000 --- a/.licenses/semantic/cabal/stm-chans.txt +++ /dev/null @@ -1,42 +0,0 @@ ---- -type: cabal -name: stm-chans -version: 3.0.0.4 -summary: Additional types of channels for STM. -homepage: https://code.haskell.org/~wren/ -license: bsd-3-clause ---- -=== stm-chans license === - -Copyright (c) 2011--2013, wren gayle romano. -ALL RIGHTS RESERVED. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - - * Neither the name of the copyright holders nor the names of - other contributors may be used to endorse or promote products - derived from this software without specific prior written - permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS -FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE -COPYRIGHT OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, -INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, -BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; -LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER -CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN -ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/stm.txt b/.licenses/semantic/cabal/stm.txt index 31b7164ea..a7c567ab3 100644 --- a/.licenses/semantic/cabal/stm.txt +++ b/.licenses/semantic/cabal/stm.txt @@ -1,7 +1,7 @@ --- type: cabal name: stm -version: 2.4.5.1 +version: 2.4.5.0 summary: Software Transactional Memory homepage: https://wiki.haskell.org/Software_transactional_memory license: bsd-3-clause diff --git a/.licenses/semantic/cabal/streaming-commons.txt b/.licenses/semantic/cabal/streaming-commons.txt deleted file mode 100644 index 35930e681..000000000 --- a/.licenses/semantic/cabal/streaming-commons.txt +++ /dev/null @@ -1,29 +0,0 @@ ---- -type: cabal -name: streaming-commons -version: 0.2.1.0 -summary: Common lower-level functions needed by various streaming data libraries -homepage: https://github.com/fpco/streaming-commons -license: mit ---- -The MIT License (MIT) - -Copyright (c) 2014 FP Complete - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/swagger2.txt b/.licenses/semantic/cabal/swagger2.txt deleted file mode 100644 index 58ee199a3..000000000 --- a/.licenses/semantic/cabal/swagger2.txt +++ /dev/null @@ -1,35 +0,0 @@ ---- -type: cabal -name: swagger2 -version: 2.2.2 -summary: Swagger 2.0 data model -homepage: https://github.com/GetShopTV/swagger2 -license: bsd-3-clause ---- -Copyright (c) 2015-2017, GetShopTV -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - -* Redistributions of source code must retain the above copyright notice, this - list of conditions and the following disclaimer. - -* Redistributions in binary form must reproduce the above copyright notice, - this list of conditions and the following disclaimer in the documentation - and/or other materials provided with the distribution. - -* Neither the name of swagger2 nor the names of its - contributors may be used to endorse or promote products derived from - this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" -AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE -IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR -SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER -CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, -OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/syb.txt b/.licenses/semantic/cabal/syb.txt deleted file mode 100644 index f9f064d43..000000000 --- a/.licenses/semantic/cabal/syb.txt +++ /dev/null @@ -1,91 +0,0 @@ ---- -type: cabal -name: syb -version: '0.7' -summary: Scrap Your Boilerplate -homepage: https://www.cs.uu.nl/wiki/GenericProgramming/SYB -license: bsd-3-clause ---- -This library (libraries/syb) is derived from code from several -sources: - - * Code from the GHC project which is largely (c) The University of - Glasgow, and distributable under a BSD-style license (see below), - - * Code from the Haskell 98 Report which is (c) Simon Peyton Jones - and freely redistributable (but see the full license for - restrictions). - - * Code from the Haskell Foreign Function Interface specification, - which is (c) Manuel M. T. Chakravarty and freely redistributable - (but see the full license for restrictions). - -The full text of these licenses is reproduced below. All of the -licenses are BSD-style or compatible. - ------------------------------------------------------------------------------ - -The Glasgow Haskell Compiler License - -Copyright 2004, The University Court of the University of Glasgow. -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - -- Redistributions of source code must retain the above copyright notice, -this list of conditions and the following disclaimer. - -- Redistributions in binary form must reproduce the above copyright notice, -this list of conditions and the following disclaimer in the documentation -and/or other materials provided with the distribution. - -- Neither name of the University nor the names of its contributors may be -used to endorse or promote products derived from this software without -specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE UNIVERSITY COURT OF THE UNIVERSITY OF -GLASGOW AND THE CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE -UNIVERSITY COURT OF THE UNIVERSITY OF GLASGOW OR THE CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR -SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER -CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH -DAMAGE. - ------------------------------------------------------------------------------ - -Code derived from the document "Report on the Programming Language -Haskell 98", is distributed under the following license: - - Copyright (c) 2002 Simon Peyton Jones - - The authors intend this Report to belong to the entire Haskell - community, and so we grant permission to copy and distribute it for - any purpose, provided that it is reproduced in its entirety, - including this Notice. Modified versions of this Report may also be - copied and distributed for any purpose, provided that the modified - version is clearly presented as such, and that it does not claim to - be a definition of the Haskell 98 Language. - ------------------------------------------------------------------------------ - -Code derived from the document "The Haskell 98 Foreign Function -Interface, An Addendum to the Haskell 98 Report" is distributed under -the following license: - - Copyright (c) 2002 Manuel M. T. Chakravarty - - The authors intend this Report to belong to the entire Haskell - community, and so we grant permission to copy and distribute it for - any purpose, provided that it is reproduced in its entirety, - including this Notice. Modified versions of this Report may also be - copied and distributed for any purpose, provided that the modified - version is clearly presented as such, and that it does not claim to - be a definition of the Haskell 98 Foreign Function Interface. - ------------------------------------------------------------------------------ diff --git a/.licenses/semantic/cabal/system-fileio.txt b/.licenses/semantic/cabal/system-fileio.txt deleted file mode 100644 index 459bf70d9..000000000 --- a/.licenses/semantic/cabal/system-fileio.txt +++ /dev/null @@ -1,30 +0,0 @@ ---- -type: cabal -name: system-fileio -version: 0.3.16.4 -summary: Consistent filesystem interaction across GHC versions (deprecated) -homepage: https://github.com/fpco/haskell-filesystem -license: mit ---- -Copyright (c) 2011 John Millikin - -Permission is hereby granted, free of charge, to any person -obtaining a copy of this software and associated documentation -files (the "Software"), to deal in the Software without -restriction, including without limitation the rights to use, -copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the -Software is furnished to do so, subject to the following -conditions: - -The above copyright notice and this permission notice shall be -included in all copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, -EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES -OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND -NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT -HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, -WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING -FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR -OTHER DEALINGS IN THE SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/system-filepath.txt b/.licenses/semantic/cabal/system-filepath.txt deleted file mode 100644 index ba4899d33..000000000 --- a/.licenses/semantic/cabal/system-filepath.txt +++ /dev/null @@ -1,30 +0,0 @@ ---- -type: cabal -name: system-filepath -version: 0.4.14 -summary: High-level, byte-based file and directory path manipulations (deprecated) -homepage: https://github.com/fpco/haskell-filesystem -license: mit ---- -Copyright (c) 2010 John Millikin - -Permission is hereby granted, free of charge, to any person -obtaining a copy of this software and associated documentation -files (the "Software"), to deal in the Software without -restriction, including without limitation the rights to use, -copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the -Software is furnished to do so, subject to the following -conditions: - -The above copyright notice and this permission notice shall be -included in all copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, -EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES -OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND -NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT -HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, -WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING -FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR -OTHER DEALINGS IN THE SOFTWARE. diff --git a/.licenses/semantic/cabal/tagged.txt b/.licenses/semantic/cabal/tagged.txt deleted file mode 100644 index 471855725..000000000 --- a/.licenses/semantic/cabal/tagged.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: tagged -version: 0.8.5 -summary: Haskell 98 phantom types to avoid unsafely passing dummy arguments -homepage: https://github.com/ekmett/tagged -license: bsd-3-clause ---- -Copyright (c) 2009-2015 Edward Kmett -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are -met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - - * Neither the name of Edward Kmett nor the names of other - contributors may be used to endorse or promote products derived - from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/temporary.txt b/.licenses/semantic/cabal/temporary.txt deleted file mode 100644 index 5711611aa..000000000 --- a/.licenses/semantic/cabal/temporary.txt +++ /dev/null @@ -1,35 +0,0 @@ ---- -type: cabal -name: temporary -version: '1.3' -summary: Portable temporary file and directory support -homepage: https://github.com/feuerbach/temporary -license: bsd-3-clause ---- -Copyright - (c) 2003-2006, Isaac Jones - (c) 2005-2009, Duncan Coutts - (c) 2008, Maximilian Bolingbroke - ... and other contributors - -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, are permitted -provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright notice, this list of - conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright notice, this list of - conditions and the following disclaimer in the documentation and/or other materials - provided with the distribution. - * Neither the name of Maximilian Bolingbroke nor the names of other contributors may be used to - endorse or promote products derived from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR -IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR -CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER -IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT -OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/text.txt b/.licenses/semantic/cabal/text.txt index 4a00a5f94..9c0c30784 100644 --- a/.licenses/semantic/cabal/text.txt +++ b/.licenses/semantic/cabal/text.txt @@ -1,7 +1,7 @@ --- type: cabal name: text -version: 1.2.3.1 +version: 1.2.3.0 summary: An efficient packed Unicode text type. homepage: https://github.com/haskell/text license: bsd-2-clause diff --git a/.licenses/semantic/cabal/tf-random.txt b/.licenses/semantic/cabal/tf-random.txt deleted file mode 100644 index 38e222713..000000000 --- a/.licenses/semantic/cabal/tf-random.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: tf-random -version: '0.5' -summary: High-quality splittable pseudorandom number generator -homepage: https://hub.darcs.net/michal.palka/tf-random -license: bsd-3-clause ---- -Copyright (c) 2012-2013, Michał Pałka - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - - * The names of the authors may not be used to endorse or promote - products derived from this software without specific prior written - permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/th-abstraction.txt b/.licenses/semantic/cabal/th-abstraction.txt deleted file mode 100644 index 7863ef0fb..000000000 --- a/.licenses/semantic/cabal/th-abstraction.txt +++ /dev/null @@ -1,21 +0,0 @@ ---- -type: cabal -name: th-abstraction -version: 0.2.8.0 -summary: Nicer interface for reified information about data types -homepage: https://github.com/glguy/th-abstraction -license: isc ---- -Copyright (c) 2017 Eric Mertens - -Permission to use, copy, modify, and/or distribute this software for any purpose -with or without fee is hereby granted, provided that the above copyright notice -and this permission notice appear in all copies. - -THE SOFTWARE IS PROVIDED "AS IS" AND THE AUTHOR DISCLAIMS ALL WARRANTIES WITH -REGARD TO THIS SOFTWARE INCLUDING ALL IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS. IN NO EVENT SHALL THE AUTHOR BE LIABLE FOR ANY SPECIAL, DIRECT, -INDIRECT, OR CONSEQUENTIAL DAMAGES OR ANY DAMAGES WHATSOEVER RESULTING FROM LOSS -OF USE, DATA OR PROFITS, WHETHER IN AN ACTION OF CONTRACT, NEGLIGENCE OR OTHER -TORTIOUS ACTION, ARISING OUT OF OR IN CONNECTION WITH THE USE OR PERFORMANCE OF -THIS SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/these.txt b/.licenses/semantic/cabal/these.txt deleted file mode 100644 index 859f6e3f7..000000000 --- a/.licenses/semantic/cabal/these.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: these -version: 0.7.5 -summary: An either-or-both data type & a generalized 'zip with padding' typeclass -homepage: https://github.com/isomorphism/these -license: bsd-3-clause ---- -Copyright (c)2012, C. McCann - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - - * Neither the name of C. McCann nor the names of other - contributors may be used to endorse or promote products derived - from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/time-locale-compat.txt b/.licenses/semantic/cabal/time-locale-compat.txt deleted file mode 100644 index 6b468a273..000000000 --- a/.licenses/semantic/cabal/time-locale-compat.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: time-locale-compat -version: 0.1.1.5 -summary: Compatibile module for time-format locale -homepage: https://github.com/khibino/haskell-time-locale-compat -license: bsd-3-clause ---- -Copyright (c) 2014, Kei Hibino - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - - * Neither the name of Kei Hibino nor the names of other - contributors may be used to endorse or promote products derived - from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/tls.txt b/.licenses/semantic/cabal/tls.txt deleted file mode 100644 index ebd90e8f7..000000000 --- a/.licenses/semantic/cabal/tls.txt +++ /dev/null @@ -1,35 +0,0 @@ ---- -type: cabal -name: tls -version: 1.4.1 -summary: TLS/SSL protocol native implementation (Server and Client) -homepage: https://github.com/vincenthz/hs-tls -license: bsd-3-clause ---- -Copyright (c) 2010-2015 Vincent Hanquez - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS ``AS IS'' AND -ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE -IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE -ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF -SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/transformers-base.txt b/.licenses/semantic/cabal/transformers-base.txt deleted file mode 100644 index 1165a0f85..000000000 --- a/.licenses/semantic/cabal/transformers-base.txt +++ /dev/null @@ -1,34 +0,0 @@ ---- -type: cabal -name: transformers-base -version: 0.4.5.2 -summary: Lift computations from the bottom of a transformer stack -homepage: https://github.com/mvv/transformers-base -license: bsd-3-clause ---- -Copyright (c) 2011, Mikhail Vorozhtsov, Bas van Dijk -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - -- Redistributions of source code must retain the above copyright notice, - this list of conditions and the following disclaimer. -- Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. -- Neither the names of the copyright owners nor the names of the - contributors may be used to endorse or promote products derived - from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/transformers-compat.txt b/.licenses/semantic/cabal/transformers-compat.txt deleted file mode 100644 index 90e712ee8..000000000 --- a/.licenses/semantic/cabal/transformers-compat.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: transformers-compat -version: 0.6.2 -summary: A small compatibility shim for the transformers library -homepage: https://github.com/ekmett/transformers-compat/ -license: bsd-3-clause ---- -Copyright 2012-2015 Edward Kmett - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR -IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, -STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN -ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/turtle.txt b/.licenses/semantic/cabal/turtle.txt deleted file mode 100644 index 9601ec42e..000000000 --- a/.licenses/semantic/cabal/turtle.txt +++ /dev/null @@ -1,32 +0,0 @@ ---- -type: cabal -name: turtle -version: 1.5.12 -summary: Shell programming, Haskell-style -homepage: -license: bsd-3-clause ---- -Copyright (c) 2017 Gabriel Gonzalez -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, -are permitted provided that the following conditions are met: - * Redistributions of source code must retain the above copyright notice, - this list of conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright notice, - this list of conditions and the following disclaimer in the documentation - and/or other materials provided with the distribution. - * Neither the name of Gabriel Gonzalez nor the names of other contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND -ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES -(INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; -LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON -ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS -SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/type-aligned.txt b/.licenses/semantic/cabal/type-aligned.txt deleted file mode 100644 index 38bf365d3..000000000 --- a/.licenses/semantic/cabal/type-aligned.txt +++ /dev/null @@ -1,18 +0,0 @@ ---- -type: cabal -name: type-aligned -version: 0.9.6 -summary: Various type-aligned sequence data structures. -homepage: https://github.com/atzeus/type-aligned -license: bsd-3-clause ---- -Copyright (c) 2014, Atze van der Ploeg -All rights reserved. - -Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: - -1. Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. - -3. Neither the name of the Atze van der Ploeg nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. diff --git a/.licenses/semantic/cabal/unix-compat.txt b/.licenses/semantic/cabal/unix-compat.txt deleted file mode 100644 index 826bb78ea..000000000 --- a/.licenses/semantic/cabal/unix-compat.txt +++ /dev/null @@ -1,37 +0,0 @@ ---- -type: cabal -name: unix-compat -version: 0.5.1 -summary: Portable POSIX-compatibility layer. -homepage: https://github.com/jystic/unix-compat -license: bsd-3-clause ---- -Copyright (c) 2007-2008, Björn Bringert -Copyright (c) 2007-2009, Duncan Coutts -Copyright (c) 2010-2011, Jacob Stanley -Copyright (c) 2011, Bryan O'Sullivan -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - -- Redistributions of source code must retain the above copyright notice, - this list of conditions and the following disclaimer. -- Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. -- Neither the names of the copyright owners nor the names of the - contributors may be used to endorse or promote products derived - from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/unordered-containers.txt b/.licenses/semantic/cabal/unordered-containers.txt deleted file mode 100644 index 1ce0da899..000000000 --- a/.licenses/semantic/cabal/unordered-containers.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: unordered-containers -version: 0.2.9.0 -summary: Efficient hashing-based container types -homepage: https://github.com/tibbe/unordered-containers -license: bsd-3-clause ---- -Copyright (c) 2010, Johan Tibell - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - - * Neither the name of Johan Tibell nor the names of other - contributors may be used to endorse or promote products derived - from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/utf8-string.txt b/.licenses/semantic/cabal/utf8-string.txt deleted file mode 100644 index 8ce39c9bc..000000000 --- a/.licenses/semantic/cabal/utf8-string.txt +++ /dev/null @@ -1,32 +0,0 @@ ---- -type: cabal -name: utf8-string -version: 1.0.1.1 -summary: Support for reading and writing UTF8 Strings -homepage: https://github.com/glguy/utf8-string/ -license: bsd-3-clause ---- -* Copyright (c) 2007, Galois Inc. -* All rights reserved. -* -* Redistribution and use in source and binary forms, with or without -* modification, are permitted provided that the following conditions are met: -* * Redistributions of source code must retain the above copyright -* notice, this list of conditions and the following disclaimer. -* * Redistributions in binary form must reproduce the above copyright -* notice, this list of conditions and the following disclaimer in the -* documentation and/or other materials provided with the distribution. -* * Neither the name of Galois Inc. nor the -* names of its contributors may be used to endorse or promote products -* derived from this software without specific prior written permission. -* -* THIS SOFTWARE IS PROVIDED BY Galois Inc. ``AS IS'' AND ANY -* EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -* WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -* DISCLAIMED. IN NO EVENT SHALL Galois Inc. BE LIABLE FOR ANY -* DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES -* (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; -* LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND -* ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -* (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS -* SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/uuid-types.txt b/.licenses/semantic/cabal/uuid-types.txt deleted file mode 100644 index 5d5e5c73e..000000000 --- a/.licenses/semantic/cabal/uuid-types.txt +++ /dev/null @@ -1,36 +0,0 @@ ---- -type: cabal -name: uuid-types -version: 1.0.3 -summary: Type definitions for Universally Unique Identifiers -homepage: https://github.com/aslatter/uuid -license: bsd-3-clause ---- -Copyright (c) 2008, Antoine Latter - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are -met: - - * Redistributions of source code must retain the above copyright -notice, this list of conditions and the following disclaimer. - * Redistributions in binary form must reproduce the above copyright -notice, this list of conditions and the following disclaimer in the -documentation and/or other materials provided with the distribution. - * The names of the authors may not be used to endorse or promote -products derived from this software without specific prior written -permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED -TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR -PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF -LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING -NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS -SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/vector-builder.txt b/.licenses/semantic/cabal/vector-builder.txt deleted file mode 100644 index 1e6cd9787..000000000 --- a/.licenses/semantic/cabal/vector-builder.txt +++ /dev/null @@ -1,30 +0,0 @@ ---- -type: cabal -name: vector-builder -version: 0.3.6 -summary: Vector builder -homepage: https://github.com/nikita-volkov/vector-builder -license: mit ---- -Copyright (c) 2016, Nikita Volkov - -Permission is hereby granted, free of charge, to any person -obtaining a copy of this software and associated documentation -files (the "Software"), to deal in the Software without -restriction, including without limitation the rights to use, -copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the -Software is furnished to do so, subject to the following -conditions: - -The above copyright notice and this permission notice shall be -included in all copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, -EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES -OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND -NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT -HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, -WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING -FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR -OTHER DEALINGS IN THE SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/vector-instances.txt b/.licenses/semantic/cabal/vector-instances.txt deleted file mode 100644 index 30ca5c063..000000000 --- a/.licenses/semantic/cabal/vector-instances.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: vector-instances -version: '3.4' -summary: Orphan Instances for 'Data.Vector' -homepage: https://github.com/ekmett/vector-instances -license: bsd-3-clause ---- -Copyright (c)2010, Edward Kmett - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above - copyright notice, this list of conditions and the following - disclaimer in the documentation and/or other materials provided - with the distribution. - - * Neither the name of Edward Kmett nor the names of other - contributors may be used to endorse or promote products derived - from this software without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS -"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT -LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR -A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT -OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, -SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT -LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, -DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY -THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT -(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE -OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/vector.txt b/.licenses/semantic/cabal/vector.txt deleted file mode 100644 index 62b837bc2..000000000 --- a/.licenses/semantic/cabal/vector.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: vector -version: 0.12.0.1 -summary: Efficient Arrays -homepage: https://github.com/haskell/vector -license: bsd-3-clause ---- -Copyright (c) 2008-2012, Roman Leshchinskiy -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - -- Redistributions of source code must retain the above copyright notice, -this list of conditions and the following disclaimer. - -- Redistributions in binary form must reproduce the above copyright notice, -this list of conditions and the following disclaimer in the documentation -and/or other materials provided with the distribution. - -- Neither name of the University nor the names of its contributors may be -used to endorse or promote products derived from this software without -specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE UNIVERSITY COURT OF THE UNIVERSITY OF -GLASGOW AND THE CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, -INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND -FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE -UNIVERSITY COURT OF THE UNIVERSITY OF GLASGOW OR THE CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR -SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER -CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH -DAMAGE. - diff --git a/.licenses/semantic/cabal/void.txt b/.licenses/semantic/cabal/void.txt deleted file mode 100644 index 947443cd9..000000000 --- a/.licenses/semantic/cabal/void.txt +++ /dev/null @@ -1,38 +0,0 @@ ---- -type: cabal -name: void -version: 0.7.2 -summary: A Haskell 98 logically uninhabited data type -homepage: https://github.com/ekmett/void -license: bsd-3-clause ---- -Copyright 2015 Edward Kmett - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: - -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. - -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR -IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED -WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE -DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR -ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, -STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN -ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/wl-pprint.txt b/.licenses/semantic/cabal/wl-pprint.txt deleted file mode 100644 index f1f23284d..000000000 --- a/.licenses/semantic/cabal/wl-pprint.txt +++ /dev/null @@ -1,33 +0,0 @@ ---- -type: cabal -name: wl-pprint -version: 1.2.1 -summary: The Wadler/Leijen Pretty Printer -homepage: -license: bsd-2-clause ---- -Copyright 2000, Daan Leijen. All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are -met: - - * Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. - - * Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in - the documentation and/or other materials provided with the - distribution. - -This software is provided by the copyright holders "as is" and any -express or implied warranties, including, but not limited to, the -implied warranties of merchantability and fitness for a particular -purpose are disclaimed. In no event shall the copyright holders be -liable for any direct, indirect, incidental, special, exemplary, or -consequential damages (including, but not limited to, procurement of -substitute goods or services; loss of use, data, or profits; or -business interruption) however caused and on any theory of liability, -whether in contract, strict liability, or tort (including negligence -or otherwise) arising in any way out of the use of this software, even -if advised of the possibility of such damage. diff --git a/.licenses/semantic/cabal/x509-store.txt b/.licenses/semantic/cabal/x509-store.txt deleted file mode 100644 index 6afd0e05c..000000000 --- a/.licenses/semantic/cabal/x509-store.txt +++ /dev/null @@ -1,35 +0,0 @@ ---- -type: cabal -name: x509-store -version: 1.6.6 -summary: X.509 collection accessing and storing methods -homepage: https://github.com/vincenthz/hs-certificate -license: bsd-3-clause ---- -Copyright (c) 2010-2013 Vincent Hanquez - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS ``AS IS'' AND -ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE -IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE -ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF -SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/x509-system.txt b/.licenses/semantic/cabal/x509-system.txt deleted file mode 100644 index 788bd0b55..000000000 --- a/.licenses/semantic/cabal/x509-system.txt +++ /dev/null @@ -1,35 +0,0 @@ ---- -type: cabal -name: x509-system -version: 1.6.6 -summary: Handle per-operating-system X.509 accessors and storage -homepage: https://github.com/vincenthz/hs-certificate -license: bsd-3-clause ---- -Copyright (c) 2010-2013 Vincent Hanquez - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS ``AS IS'' AND -ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE -IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE -ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF -SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/x509-validation.txt b/.licenses/semantic/cabal/x509-validation.txt deleted file mode 100644 index d7ee685b7..000000000 --- a/.licenses/semantic/cabal/x509-validation.txt +++ /dev/null @@ -1,35 +0,0 @@ ---- -type: cabal -name: x509-validation -version: 1.6.10 -summary: X.509 Certificate and CRL validation -homepage: https://github.com/vincenthz/hs-certificate -license: bsd-3-clause ---- -Copyright (c) 2010-2013 Vincent Hanquez - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS ``AS IS'' AND -ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE -IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE -ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF -SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/x509.txt b/.licenses/semantic/cabal/x509.txt deleted file mode 100644 index c0999bc09..000000000 --- a/.licenses/semantic/cabal/x509.txt +++ /dev/null @@ -1,35 +0,0 @@ ---- -type: cabal -name: x509 -version: 1.7.4 -summary: X509 reader and writer -homepage: https://github.com/vincenthz/hs-certificate -license: bsd-3-clause ---- -Copyright (c) 2010-2013 Vincent Hanquez - -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions -are met: -1. Redistributions of source code must retain the above copyright - notice, this list of conditions and the following disclaimer. -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. -3. Neither the name of the author nor the names of his contributors - may be used to endorse or promote products derived from this software - without specific prior written permission. - -THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS ``AS IS'' AND -ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE -IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE -ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE -FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL -DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS -OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) -HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT -LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY -OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF -SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/zlib.txt b/.licenses/semantic/cabal/zlib.txt deleted file mode 100644 index 379c231dc..000000000 --- a/.licenses/semantic/cabal/zlib.txt +++ /dev/null @@ -1,32 +0,0 @@ ---- -type: cabal -name: zlib -version: 0.6.2 -summary: Compression and decompression in the gzip and zlib formats -homepage: -license: bsd-3-clause ---- -Copyright (c) 2006-2016, Duncan Coutts -All rights reserved. - -Redistribution and use in source and binary forms, with or without -modification, are permitted provided that the following conditions are met: - -1. Redistributions of source code must retain the above copyright notice, - this list of conditions and the following disclaimer. -2. Redistributions in binary form must reproduce the above copyright - notice, this list of conditions and the following disclaimer in the - documentation and/or other materials provided with the distribution. -3. This clause is intentionally left blank. - -THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" -AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE -IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE -ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR CONTRIBUTORS BE -LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR -CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF -SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS -INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN -CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) -ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. From 49ffd509f319b7b27397e7dc17bdba097f0da44a Mon Sep 17 00:00:00 2001 From: Rick Winfrey Date: Tue, 23 Oct 2018 17:15:15 -0700 Subject: [PATCH 4/4] Revert "Update licenses" This reverts commit 89b007219c1ed275138604c8df7d8b95c88c60f0. --- .licenses/semantic/cabal/QuickCheck.txt | 37 +++++ .licenses/semantic/cabal/StateVar.txt | 37 +++++ .licenses/semantic/cabal/adjunctions.txt | 34 +++++ .licenses/semantic/cabal/aeson-pretty.txt | 38 +++++ .licenses/semantic/cabal/aeson.txt | 38 +++++ .licenses/semantic/cabal/algebraic-graphs.txt | 29 ++++ .licenses/semantic/cabal/ansi-terminal.txt | 30 ++++ .licenses/semantic/cabal/ansi-wl-pprint.txt | 33 ++++ .licenses/semantic/cabal/asn1-encoding.txt | 35 +++++ .licenses/semantic/cabal/asn1-parse.txt | 35 +++++ .licenses/semantic/cabal/asn1-types.txt | 35 +++++ .licenses/semantic/cabal/async.txt | 38 +++++ .licenses/semantic/cabal/attoparsec.txt | 38 +++++ .../semantic/cabal/base-compat-batteries.txt | 27 ++++ .licenses/semantic/cabal/base-compat.txt | 27 ++++ .licenses/semantic/cabal/base-orphans.txt | 28 ++++ .licenses/semantic/cabal/base-prelude.txt | 30 ++++ .../semantic/cabal/base64-bytestring.txt | 38 +++++ .licenses/semantic/cabal/basement.txt | 36 +++++ .licenses/semantic/cabal/bifunctors.txt | 34 +++++ .licenses/semantic/cabal/blaze-builder.txt | 38 +++++ .licenses/semantic/cabal/byteable.txt | 35 +++++ .licenses/semantic/cabal/call-stack.txt | 27 ++++ .licenses/semantic/cabal/case-insensitive.txt | 39 +++++ .licenses/semantic/cabal/cereal.txt | 38 +++++ .licenses/semantic/cabal/charset.txt | 39 +++++ .licenses/semantic/cabal/clock.txt | 40 +++++ .licenses/semantic/cabal/cmark-gfm.txt | 144 ++++++++++++++++++ .licenses/semantic/cabal/colour.txt | 28 ++++ .licenses/semantic/cabal/comonad.txt | 35 +++++ .licenses/semantic/cabal/connection.txt | 35 +++++ .licenses/semantic/cabal/contravariant.txt | 38 +++++ .licenses/semantic/cabal/cookie.txt | 28 ++++ .licenses/semantic/cabal/cryptohash.txt | 35 +++++ .licenses/semantic/cabal/cryptonite.txt | 36 +++++ .../semantic/cabal/data-default-class.txt | 34 +++++ .licenses/semantic/cabal/deepseq-generics.txt | 38 +++++ .licenses/semantic/cabal/directory-tree.txt | 34 +++++ .licenses/semantic/cabal/distributive.txt | 34 +++++ .licenses/semantic/cabal/dlist.txt | 39 +++++ .licenses/semantic/cabal/effects.txt | 39 +++++ .licenses/semantic/cabal/exceptions.txt | 39 +++++ .licenses/semantic/cabal/fastsum.txt | 39 +++++ .licenses/semantic/cabal/fingertree.txt | 39 +++++ .licenses/semantic/cabal/foldl.txt | 32 ++++ .licenses/semantic/cabal/free.txt | 38 +++++ .licenses/semantic/cabal/freer-cofreer.txt | 38 +++++ .licenses/semantic/cabal/generics-sop.txt | 35 +++++ .licenses/semantic/cabal/ghc-boot.txt | 39 +++++ .../semantic/cabal/ghc-tcplugins-extra.txt | 35 +++++ .../semantic/cabal/ghc-typelits-extra.txt | 35 +++++ .../semantic/cabal/ghc-typelits-knownnat.txt | 36 +++++ .../cabal/ghc-typelits-natnormalise.txt | 35 +++++ .licenses/semantic/cabal/ghc.txt | 39 +++++ .licenses/semantic/cabal/ghci.txt | 39 +++++ .licenses/semantic/cabal/gitrev.txt | 36 +++++ .licenses/semantic/cabal/hashable.txt | 38 +++++ .licenses/semantic/cabal/haskeline.txt | 2 +- .licenses/semantic/cabal/haskell-lexer.txt | 16 ++ .licenses/semantic/cabal/haskell-src.txt | 39 +++++ .../semantic/cabal/haskell-tree-sitter.txt | 38 +++++ .licenses/semantic/cabal/heap.txt | 30 ++++ .licenses/semantic/cabal/hostname.txt | 31 ++++ .licenses/semantic/cabal/hourglass.txt | 35 +++++ .licenses/semantic/cabal/hpc.txt | 33 ++++ .licenses/semantic/cabal/http-client-tls.txt | 28 ++++ .licenses/semantic/cabal/http-client.txt | 28 ++++ .licenses/semantic/cabal/http-media.txt | 28 ++++ .licenses/semantic/cabal/http-types.txt | 39 +++++ .../cabal/insert-ordered-containers.txt | 38 +++++ .../semantic/cabal/integer-logarithms.txt | 24 +++ .licenses/semantic/cabal/invariant.txt | 31 ++++ .licenses/semantic/cabal/kan-extensions.txt | 38 +++++ .licenses/semantic/cabal/kdt.txt | 28 ++++ .licenses/semantic/cabal/keys.txt | 38 +++++ .licenses/semantic/cabal/lens.txt | 34 +++++ .licenses/semantic/cabal/machines.txt | 38 +++++ .licenses/semantic/cabal/managed.txt | 32 ++++ .licenses/semantic/cabal/megaparsec.txt | 34 +++++ .licenses/semantic/cabal/memory.txt | 37 +++++ .../semantic/cabal/mersenne-random-pure64.txt | 38 +++++ .licenses/semantic/cabal/mime-types.txt | 28 ++++ .licenses/semantic/cabal/mwc-random.txt | 34 +++++ .../semantic/cabal/neat-interpolation.txt | 30 ++++ .licenses/semantic/cabal/network-uri.txt | 37 +++++ .licenses/semantic/cabal/network.txt | 37 +++++ .licenses/semantic/cabal/old-locale.txt | 71 +++++++++ .licenses/semantic/cabal/old-time.txt | 71 +++++++++ .licenses/semantic/cabal/optional-args.txt | 32 ++++ .../semantic/cabal/optparse-applicative.txt | 38 +++++ .licenses/semantic/cabal/parallel.txt | 47 ++++++ .licenses/semantic/cabal/parsec.txt | 29 ++++ .../semantic/cabal/parser-combinators.txt | 36 +++++ .licenses/semantic/cabal/parsers.txt | 38 +++++ .licenses/semantic/cabal/pem.txt | 35 +++++ .licenses/semantic/cabal/pointed.txt | 34 +++++ .licenses/semantic/cabal/prettyprinter.txt | 31 ++++ .licenses/semantic/cabal/primitive.txt | 38 +++++ .licenses/semantic/cabal/profunctors.txt | 38 +++++ .licenses/semantic/cabal/proto3-suite.txt | 22 +++ .licenses/semantic/cabal/proto3-wire.txt | 21 +++ .../semantic/cabal/quickcheck-instances.txt | 38 +++++ .licenses/semantic/cabal/random.txt | 71 +++++++++ .../semantic/cabal/recursion-schemes.txt | 34 +++++ .licenses/semantic/cabal/reducers.txt | 38 +++++ .licenses/semantic/cabal/reflection.txt | 39 +++++ .licenses/semantic/cabal/safe.txt | 38 +++++ .licenses/semantic/cabal/scientific.txt | 38 +++++ .licenses/semantic/cabal/semigroupoids.txt | 34 +++++ .licenses/semantic/cabal/semigroups.txt | 34 +++++ .licenses/semantic/cabal/semilattices.txt | 38 +++++ .licenses/semantic/cabal/socks.txt | 35 +++++ .licenses/semantic/cabal/split.txt | 35 +++++ .licenses/semantic/cabal/stm-chans.txt | 42 +++++ .licenses/semantic/cabal/stm.txt | 2 +- .../semantic/cabal/streaming-commons.txt | 29 ++++ .licenses/semantic/cabal/swagger2.txt | 35 +++++ .licenses/semantic/cabal/syb.txt | 91 +++++++++++ .licenses/semantic/cabal/system-fileio.txt | 30 ++++ .licenses/semantic/cabal/system-filepath.txt | 30 ++++ .licenses/semantic/cabal/tagged.txt | 38 +++++ .licenses/semantic/cabal/temporary.txt | 35 +++++ .licenses/semantic/cabal/text.txt | 2 +- .licenses/semantic/cabal/tf-random.txt | 38 +++++ .licenses/semantic/cabal/th-abstraction.txt | 21 +++ .licenses/semantic/cabal/these.txt | 38 +++++ .../semantic/cabal/time-locale-compat.txt | 38 +++++ .licenses/semantic/cabal/tls.txt | 35 +++++ .../semantic/cabal/transformers-base.txt | 34 +++++ .../semantic/cabal/transformers-compat.txt | 38 +++++ .licenses/semantic/cabal/turtle.txt | 32 ++++ .licenses/semantic/cabal/type-aligned.txt | 18 +++ .licenses/semantic/cabal/unix-compat.txt | 37 +++++ .../semantic/cabal/unordered-containers.txt | 38 +++++ .licenses/semantic/cabal/utf8-string.txt | 32 ++++ .licenses/semantic/cabal/uuid-types.txt | 36 +++++ .licenses/semantic/cabal/vector-builder.txt | 30 ++++ .licenses/semantic/cabal/vector-instances.txt | 38 +++++ .licenses/semantic/cabal/vector.txt | 38 +++++ .licenses/semantic/cabal/void.txt | 38 +++++ .licenses/semantic/cabal/wl-pprint.txt | 33 ++++ .licenses/semantic/cabal/x509-store.txt | 35 +++++ .licenses/semantic/cabal/x509-system.txt | 35 +++++ .licenses/semantic/cabal/x509-validation.txt | 35 +++++ .licenses/semantic/cabal/x509.txt | 35 +++++ .licenses/semantic/cabal/zlib.txt | 32 ++++ 146 files changed, 5213 insertions(+), 3 deletions(-) create mode 100644 .licenses/semantic/cabal/QuickCheck.txt create mode 100644 .licenses/semantic/cabal/StateVar.txt create mode 100644 .licenses/semantic/cabal/adjunctions.txt create mode 100644 .licenses/semantic/cabal/aeson-pretty.txt create mode 100644 .licenses/semantic/cabal/aeson.txt create mode 100644 .licenses/semantic/cabal/algebraic-graphs.txt create mode 100644 .licenses/semantic/cabal/ansi-terminal.txt create mode 100644 .licenses/semantic/cabal/ansi-wl-pprint.txt create mode 100644 .licenses/semantic/cabal/asn1-encoding.txt create mode 100644 .licenses/semantic/cabal/asn1-parse.txt create mode 100644 .licenses/semantic/cabal/asn1-types.txt create mode 100644 .licenses/semantic/cabal/async.txt create mode 100644 .licenses/semantic/cabal/attoparsec.txt create mode 100644 .licenses/semantic/cabal/base-compat-batteries.txt create mode 100644 .licenses/semantic/cabal/base-compat.txt create mode 100644 .licenses/semantic/cabal/base-orphans.txt create mode 100644 .licenses/semantic/cabal/base-prelude.txt create mode 100644 .licenses/semantic/cabal/base64-bytestring.txt create mode 100644 .licenses/semantic/cabal/basement.txt create mode 100644 .licenses/semantic/cabal/bifunctors.txt create mode 100644 .licenses/semantic/cabal/blaze-builder.txt create mode 100644 .licenses/semantic/cabal/byteable.txt create mode 100644 .licenses/semantic/cabal/call-stack.txt create mode 100644 .licenses/semantic/cabal/case-insensitive.txt create mode 100644 .licenses/semantic/cabal/cereal.txt create mode 100644 .licenses/semantic/cabal/charset.txt create mode 100644 .licenses/semantic/cabal/clock.txt create mode 100644 .licenses/semantic/cabal/cmark-gfm.txt create mode 100644 .licenses/semantic/cabal/colour.txt create mode 100644 .licenses/semantic/cabal/comonad.txt create mode 100644 .licenses/semantic/cabal/connection.txt create mode 100644 .licenses/semantic/cabal/contravariant.txt create mode 100644 .licenses/semantic/cabal/cookie.txt create mode 100644 .licenses/semantic/cabal/cryptohash.txt create mode 100644 .licenses/semantic/cabal/cryptonite.txt create mode 100644 .licenses/semantic/cabal/data-default-class.txt create mode 100644 .licenses/semantic/cabal/deepseq-generics.txt create mode 100644 .licenses/semantic/cabal/directory-tree.txt create mode 100644 .licenses/semantic/cabal/distributive.txt create mode 100644 .licenses/semantic/cabal/dlist.txt create mode 100644 .licenses/semantic/cabal/effects.txt create mode 100644 .licenses/semantic/cabal/exceptions.txt create mode 100644 .licenses/semantic/cabal/fastsum.txt create mode 100644 .licenses/semantic/cabal/fingertree.txt create mode 100644 .licenses/semantic/cabal/foldl.txt create mode 100644 .licenses/semantic/cabal/free.txt create mode 100644 .licenses/semantic/cabal/freer-cofreer.txt create mode 100644 .licenses/semantic/cabal/generics-sop.txt create mode 100644 .licenses/semantic/cabal/ghc-boot.txt create mode 100644 .licenses/semantic/cabal/ghc-tcplugins-extra.txt create mode 100644 .licenses/semantic/cabal/ghc-typelits-extra.txt create mode 100644 .licenses/semantic/cabal/ghc-typelits-knownnat.txt create mode 100644 .licenses/semantic/cabal/ghc-typelits-natnormalise.txt create mode 100644 .licenses/semantic/cabal/ghc.txt create mode 100644 .licenses/semantic/cabal/ghci.txt create mode 100644 .licenses/semantic/cabal/gitrev.txt create mode 100644 .licenses/semantic/cabal/hashable.txt create mode 100644 .licenses/semantic/cabal/haskell-lexer.txt create mode 100644 .licenses/semantic/cabal/haskell-src.txt create mode 100644 .licenses/semantic/cabal/haskell-tree-sitter.txt create mode 100644 .licenses/semantic/cabal/heap.txt create mode 100644 .licenses/semantic/cabal/hostname.txt create mode 100644 .licenses/semantic/cabal/hourglass.txt create mode 100644 .licenses/semantic/cabal/hpc.txt create mode 100644 .licenses/semantic/cabal/http-client-tls.txt create mode 100644 .licenses/semantic/cabal/http-client.txt create mode 100644 .licenses/semantic/cabal/http-media.txt create mode 100644 .licenses/semantic/cabal/http-types.txt create mode 100644 .licenses/semantic/cabal/insert-ordered-containers.txt create mode 100644 .licenses/semantic/cabal/integer-logarithms.txt create mode 100644 .licenses/semantic/cabal/invariant.txt create mode 100644 .licenses/semantic/cabal/kan-extensions.txt create mode 100644 .licenses/semantic/cabal/kdt.txt create mode 100644 .licenses/semantic/cabal/keys.txt create mode 100644 .licenses/semantic/cabal/lens.txt create mode 100644 .licenses/semantic/cabal/machines.txt create mode 100644 .licenses/semantic/cabal/managed.txt create mode 100644 .licenses/semantic/cabal/megaparsec.txt create mode 100644 .licenses/semantic/cabal/memory.txt create mode 100644 .licenses/semantic/cabal/mersenne-random-pure64.txt create mode 100644 .licenses/semantic/cabal/mime-types.txt create mode 100644 .licenses/semantic/cabal/mwc-random.txt create mode 100644 .licenses/semantic/cabal/neat-interpolation.txt create mode 100644 .licenses/semantic/cabal/network-uri.txt create mode 100644 .licenses/semantic/cabal/network.txt create mode 100644 .licenses/semantic/cabal/old-locale.txt create mode 100644 .licenses/semantic/cabal/old-time.txt create mode 100644 .licenses/semantic/cabal/optional-args.txt create mode 100644 .licenses/semantic/cabal/optparse-applicative.txt create mode 100644 .licenses/semantic/cabal/parallel.txt create mode 100644 .licenses/semantic/cabal/parsec.txt create mode 100644 .licenses/semantic/cabal/parser-combinators.txt create mode 100644 .licenses/semantic/cabal/parsers.txt create mode 100644 .licenses/semantic/cabal/pem.txt create mode 100644 .licenses/semantic/cabal/pointed.txt create mode 100644 .licenses/semantic/cabal/prettyprinter.txt create mode 100644 .licenses/semantic/cabal/primitive.txt create mode 100644 .licenses/semantic/cabal/profunctors.txt create mode 100644 .licenses/semantic/cabal/proto3-suite.txt create mode 100644 .licenses/semantic/cabal/proto3-wire.txt create mode 100644 .licenses/semantic/cabal/quickcheck-instances.txt create mode 100644 .licenses/semantic/cabal/random.txt create mode 100644 .licenses/semantic/cabal/recursion-schemes.txt create mode 100644 .licenses/semantic/cabal/reducers.txt create mode 100644 .licenses/semantic/cabal/reflection.txt create mode 100644 .licenses/semantic/cabal/safe.txt create mode 100644 .licenses/semantic/cabal/scientific.txt create mode 100644 .licenses/semantic/cabal/semigroupoids.txt create mode 100644 .licenses/semantic/cabal/semigroups.txt create mode 100644 .licenses/semantic/cabal/semilattices.txt create mode 100644 .licenses/semantic/cabal/socks.txt create mode 100644 .licenses/semantic/cabal/split.txt create mode 100644 .licenses/semantic/cabal/stm-chans.txt create mode 100644 .licenses/semantic/cabal/streaming-commons.txt create mode 100644 .licenses/semantic/cabal/swagger2.txt create mode 100644 .licenses/semantic/cabal/syb.txt create mode 100644 .licenses/semantic/cabal/system-fileio.txt create mode 100644 .licenses/semantic/cabal/system-filepath.txt create mode 100644 .licenses/semantic/cabal/tagged.txt create mode 100644 .licenses/semantic/cabal/temporary.txt create mode 100644 .licenses/semantic/cabal/tf-random.txt create mode 100644 .licenses/semantic/cabal/th-abstraction.txt create mode 100644 .licenses/semantic/cabal/these.txt create mode 100644 .licenses/semantic/cabal/time-locale-compat.txt create mode 100644 .licenses/semantic/cabal/tls.txt create mode 100644 .licenses/semantic/cabal/transformers-base.txt create mode 100644 .licenses/semantic/cabal/transformers-compat.txt create mode 100644 .licenses/semantic/cabal/turtle.txt create mode 100644 .licenses/semantic/cabal/type-aligned.txt create mode 100644 .licenses/semantic/cabal/unix-compat.txt create mode 100644 .licenses/semantic/cabal/unordered-containers.txt create mode 100644 .licenses/semantic/cabal/utf8-string.txt create mode 100644 .licenses/semantic/cabal/uuid-types.txt create mode 100644 .licenses/semantic/cabal/vector-builder.txt create mode 100644 .licenses/semantic/cabal/vector-instances.txt create mode 100644 .licenses/semantic/cabal/vector.txt create mode 100644 .licenses/semantic/cabal/void.txt create mode 100644 .licenses/semantic/cabal/wl-pprint.txt create mode 100644 .licenses/semantic/cabal/x509-store.txt create mode 100644 .licenses/semantic/cabal/x509-system.txt create mode 100644 .licenses/semantic/cabal/x509-validation.txt create mode 100644 .licenses/semantic/cabal/x509.txt create mode 100644 .licenses/semantic/cabal/zlib.txt diff --git a/.licenses/semantic/cabal/QuickCheck.txt b/.licenses/semantic/cabal/QuickCheck.txt new file mode 100644 index 000000000..7895917c7 --- /dev/null +++ b/.licenses/semantic/cabal/QuickCheck.txt @@ -0,0 +1,37 @@ +--- +type: cabal +name: QuickCheck +version: 2.11.3 +summary: Automatic testing of Haskell programs +homepage: https://github.com/nick8325/quickcheck +license: bsd-3-clause +--- +(The following is the 3-clause BSD license.) + +Copyright (c) 2000-2017, Koen Claessen +Copyright (c) 2006-2008, Björn Bringert +Copyright (c) 2009-2017, Nick Smallbone + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +- Redistributions of source code must retain the above copyright notice, + this list of conditions and the following disclaimer. +- Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. +- Neither the names of the copyright owners nor the names of the + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/StateVar.txt b/.licenses/semantic/cabal/StateVar.txt new file mode 100644 index 000000000..c88c2cded --- /dev/null +++ b/.licenses/semantic/cabal/StateVar.txt @@ -0,0 +1,37 @@ +--- +type: cabal +name: StateVar +version: 1.1.1.1 +summary: State variables +homepage: https://github.com/haskell-opengl/StateVar +license: bsd-3-clause +--- +Copyright (c) 2014-2015, Edward Kmett +Copyright (c) 2009-2018, Sven Panne +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +1. Redistributions of source code must retain the above copyright notice, + this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +3. Neither the name of the author nor the names of its contributors may be + used to endorse or promote products derived from this software without + specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" +AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE +ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR CONTRIBUTORS BE +LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR +CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF +SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS +INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN +CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) +ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/adjunctions.txt b/.licenses/semantic/cabal/adjunctions.txt new file mode 100644 index 000000000..e14422245 --- /dev/null +++ b/.licenses/semantic/cabal/adjunctions.txt @@ -0,0 +1,34 @@ +--- +type: cabal +name: adjunctions +version: '4.4' +summary: Adjunctions and representable functors +homepage: https://github.com/ekmett/adjunctions/ +license: bsd-2-clause +--- +Copyright 2011-2014 Edward Kmett + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR +IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, +STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN +ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/aeson-pretty.txt b/.licenses/semantic/cabal/aeson-pretty.txt new file mode 100644 index 000000000..738e74ff3 --- /dev/null +++ b/.licenses/semantic/cabal/aeson-pretty.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: aeson-pretty +version: 0.8.7 +summary: JSON pretty-printing library and command-line tool. +homepage: https://github.com/informatikr/aeson-pretty +license: bsd-3-clause +--- +Copyright (c)2011, Falko Peters + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * Neither the name of Falko Peters nor the names of other + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/aeson.txt b/.licenses/semantic/cabal/aeson.txt new file mode 100644 index 000000000..6037eeb26 --- /dev/null +++ b/.licenses/semantic/cabal/aeson.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: aeson +version: 1.3.1.1 +summary: Fast JSON parsing and encoding +homepage: https://github.com/bos/aeson +license: bsd-3-clause +--- +Copyright (c) 2011, MailRank, Inc. + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE CONTRIBUTORS ``AS IS'' AND ANY EXPRESS +OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, +STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN +ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/algebraic-graphs.txt b/.licenses/semantic/cabal/algebraic-graphs.txt new file mode 100644 index 000000000..7cfa147c4 --- /dev/null +++ b/.licenses/semantic/cabal/algebraic-graphs.txt @@ -0,0 +1,29 @@ +--- +type: cabal +name: algebraic-graphs +version: '0.2' +summary: A library for algebraic graph construction and transformation +homepage: https://github.com/snowleopard/alga +license: mit +--- +MIT License + +Copyright (c) 2016-2018 Andrey Mokhov + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/ansi-terminal.txt b/.licenses/semantic/cabal/ansi-terminal.txt new file mode 100644 index 000000000..b2902b86f --- /dev/null +++ b/.licenses/semantic/cabal/ansi-terminal.txt @@ -0,0 +1,30 @@ +--- +type: cabal +name: ansi-terminal +version: 0.8.1 +summary: Simple ANSI terminal support, with Windows compatibility +homepage: https://github.com/feuerbach/ansi-terminal +license: bsd-3-clause +--- +Copyright (c) 2008, Maximilian Bolingbroke +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, are permitted +provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, this list of + conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, this list of + conditions and the following disclaimer in the documentation and/or other materials + provided with the distribution. + * Neither the name of Maximilian Bolingbroke nor the names of other contributors may be used to + endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR +IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR +CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER +IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT +OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/ansi-wl-pprint.txt b/.licenses/semantic/cabal/ansi-wl-pprint.txt new file mode 100644 index 000000000..6fbe9e30d --- /dev/null +++ b/.licenses/semantic/cabal/ansi-wl-pprint.txt @@ -0,0 +1,33 @@ +--- +type: cabal +name: ansi-wl-pprint +version: 0.6.8.2 +summary: The Wadler/Leijen Pretty Printer for colored ANSI terminal output +homepage: https://github.com/ekmett/ansi-wl-pprint +license: bsd-2-clause +--- +Copyright 2008, Daan Leijen and Max Bolingbroke. All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are +met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in + the documentation and/or other materials provided with the + distribution. + +This software is provided by the copyright holders "as is" and any +express or implied warranties, including, but not limited to, the +implied warranties of merchantability and fitness for a particular +purpose are disclaimed. In no event shall the copyright holders be +liable for any direct, indirect, incidental, special, exemplary, or +consequential damages (including, but not limited to, procurement of +substitute goods or services; loss of use, data, or profits; or +business interruption) however caused and on any theory of liability, +whether in contract, strict liability, or tort (including negligence +or otherwise) arising in any way out of the use of this software, even +if advised of the possibility of such damage. diff --git a/.licenses/semantic/cabal/asn1-encoding.txt b/.licenses/semantic/cabal/asn1-encoding.txt new file mode 100644 index 000000000..93405c9d7 --- /dev/null +++ b/.licenses/semantic/cabal/asn1-encoding.txt @@ -0,0 +1,35 @@ +--- +type: cabal +name: asn1-encoding +version: 0.9.5 +summary: ASN1 data reader and writer in RAW, BER and DER forms +homepage: https://github.com/vincenthz/hs-asn1 +license: bsd-3-clause +--- +Copyright (c) 2010-2013 Vincent Hanquez + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS ``AS IS'' AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE +ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF +SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/asn1-parse.txt b/.licenses/semantic/cabal/asn1-parse.txt new file mode 100644 index 000000000..17f7dd81e --- /dev/null +++ b/.licenses/semantic/cabal/asn1-parse.txt @@ -0,0 +1,35 @@ +--- +type: cabal +name: asn1-parse +version: 0.9.4 +summary: Simple monadic parser for ASN1 stream types. +homepage: https://github.com/vincenthz/hs-asn1 +license: bsd-3-clause +--- +Copyright (c) 2010-2013 Vincent Hanquez + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS ``AS IS'' AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE +ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF +SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/asn1-types.txt b/.licenses/semantic/cabal/asn1-types.txt new file mode 100644 index 000000000..f07aa14aa --- /dev/null +++ b/.licenses/semantic/cabal/asn1-types.txt @@ -0,0 +1,35 @@ +--- +type: cabal +name: asn1-types +version: 0.3.2 +summary: ASN.1 types +homepage: https://github.com/vincenthz/hs-asn1-types +license: bsd-3-clause +--- +Copyright (c) 2010-2013 Vincent Hanquez + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS ``AS IS'' AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE +ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF +SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/async.txt b/.licenses/semantic/cabal/async.txt new file mode 100644 index 000000000..54ddc5aa6 --- /dev/null +++ b/.licenses/semantic/cabal/async.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: async +version: 2.2.1 +summary: Run IO operations asynchronously and wait for their results +homepage: https://github.com/simonmar/async +license: bsd-3-clause +--- +Copyright (c) 2012, Simon Marlow + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * Neither the name of Simon Marlow nor the names of other + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/attoparsec.txt b/.licenses/semantic/cabal/attoparsec.txt new file mode 100644 index 000000000..7119910c1 --- /dev/null +++ b/.licenses/semantic/cabal/attoparsec.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: attoparsec +version: 0.13.2.2 +summary: Fast combinator parsing for bytestrings and text +homepage: https://github.com/bos/attoparsec +license: bsd-3-clause +--- +Copyright (c) Lennart Kolmodin + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE CONTRIBUTORS ``AS IS'' AND ANY EXPRESS +OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, +STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN +ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/base-compat-batteries.txt b/.licenses/semantic/cabal/base-compat-batteries.txt new file mode 100644 index 000000000..eaa71c1e5 --- /dev/null +++ b/.licenses/semantic/cabal/base-compat-batteries.txt @@ -0,0 +1,27 @@ +--- +type: cabal +name: base-compat-batteries +version: 0.10.1 +summary: base-compat with extra batteries +homepage: +license: mit +--- +Copyright (c) 2012-2018 Simon Hengel and Ryan Scott + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in +all copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN +THE SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/base-compat.txt b/.licenses/semantic/cabal/base-compat.txt new file mode 100644 index 000000000..a15d24aa1 --- /dev/null +++ b/.licenses/semantic/cabal/base-compat.txt @@ -0,0 +1,27 @@ +--- +type: cabal +name: base-compat +version: 0.10.4 +summary: A compatibility layer for base +homepage: +license: mit +--- +Copyright (c) 2012-2018 Simon Hengel and Ryan Scott + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in +all copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN +THE SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/base-orphans.txt b/.licenses/semantic/cabal/base-orphans.txt new file mode 100644 index 000000000..cdb0eca3f --- /dev/null +++ b/.licenses/semantic/cabal/base-orphans.txt @@ -0,0 +1,28 @@ +--- +type: cabal +name: base-orphans +version: '0.7' +summary: Backwards-compatible orphan instances for base +homepage: https://github.com/haskell-compat/base-orphans +license: mit +--- +Copyright (c) 2015-2017 Simon Hengel , João Cristóvão , Ryan Scott + +Permission is hereby granted, free of charge, to any person obtaining +a copy of this software and associated documentation files (the +"Software"), to deal in the Software without restriction, including +without limitation the rights to use, copy, modify, merge, publish, +distribute, sublicense, and/or sell copies of the Software, and to +permit persons to whom the Software is furnished to do so, subject to +the following conditions: + +The above copyright notice and this permission notice shall be included +in all copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, +EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF +MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. +IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY +CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT, +TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE +SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. diff --git a/.licenses/semantic/cabal/base-prelude.txt b/.licenses/semantic/cabal/base-prelude.txt new file mode 100644 index 000000000..f1da8f7ab --- /dev/null +++ b/.licenses/semantic/cabal/base-prelude.txt @@ -0,0 +1,30 @@ +--- +type: cabal +name: base-prelude +version: '1.3' +summary: The most complete prelude formed solely from the "base" package +homepage: https://github.com/nikita-volkov/base-prelude +license: mit +--- +Copyright (c) 2014, Nikita Volkov + +Permission is hereby granted, free of charge, to any person +obtaining a copy of this software and associated documentation +files (the "Software"), to deal in the Software without +restriction, including without limitation the rights to use, +copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the +Software is furnished to do so, subject to the following +conditions: + +The above copyright notice and this permission notice shall be +included in all copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, +EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES +OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND +NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT +HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, +WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING +FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR +OTHER DEALINGS IN THE SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/base64-bytestring.txt b/.licenses/semantic/cabal/base64-bytestring.txt new file mode 100644 index 000000000..672b90a0f --- /dev/null +++ b/.licenses/semantic/cabal/base64-bytestring.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: base64-bytestring +version: 1.0.0.1 +summary: Fast base64 encoding and decoding for ByteStrings +homepage: https://github.com/bos/base64-bytestring +license: bsd-3-clause +--- +Copyright (c) 2010 Bryan O'Sullivan + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE CONTRIBUTORS ``AS IS'' AND ANY EXPRESS +OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, +STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN +ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/basement.txt b/.licenses/semantic/cabal/basement.txt new file mode 100644 index 000000000..5895ff0b2 --- /dev/null +++ b/.licenses/semantic/cabal/basement.txt @@ -0,0 +1,36 @@ +--- +type: cabal +name: basement +version: 0.0.8 +summary: Foundation scrap box of array & string +homepage: https://github.com/haskell-foundation/foundation +license: bsd-3-clause +--- +Copyright (c) 2015-2017 Vincent Hanquez +Copyright (c) 2017 Foundation Maintainers + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS AS IS'' AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE +ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF +SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/bifunctors.txt b/.licenses/semantic/cabal/bifunctors.txt new file mode 100644 index 000000000..ad41b0bcb --- /dev/null +++ b/.licenses/semantic/cabal/bifunctors.txt @@ -0,0 +1,34 @@ +--- +type: cabal +name: bifunctors +version: 5.5.3 +summary: Bifunctors +homepage: https://github.com/ekmett/bifunctors/ +license: bsd-2-clause +--- +Copyright 2008-2016 Edward Kmett + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR +IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, +STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN +ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/blaze-builder.txt b/.licenses/semantic/cabal/blaze-builder.txt new file mode 100644 index 000000000..a85772586 --- /dev/null +++ b/.licenses/semantic/cabal/blaze-builder.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: blaze-builder +version: 0.4.1.0 +summary: Efficient buffered output. +homepage: https://github.com/lpsmith/blaze-builder +license: bsd-3-clause +--- +Copyright Jasper Van der Jeugt 2010, Simon Meier 2010 & 2011 + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * Neither the name of Jasper Van der Jeugt nor the names of other + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/byteable.txt b/.licenses/semantic/cabal/byteable.txt new file mode 100644 index 000000000..1853db32d --- /dev/null +++ b/.licenses/semantic/cabal/byteable.txt @@ -0,0 +1,35 @@ +--- +type: cabal +name: byteable +version: 0.1.1 +summary: Type class for sequence of bytes +homepage: https://github.com/vincenthz/hs-byteable +license: bsd-3-clause +--- +Copyright (c) 2013 Vincent Hanquez + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS AS IS'' AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE +ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF +SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/call-stack.txt b/.licenses/semantic/cabal/call-stack.txt new file mode 100644 index 000000000..928ccd8b3 --- /dev/null +++ b/.licenses/semantic/cabal/call-stack.txt @@ -0,0 +1,27 @@ +--- +type: cabal +name: call-stack +version: 0.1.0 +summary: Use GHC call-stacks in a backward compatible way +homepage: https://github.com/sol/call-stack +license: mit +--- +Copyright (c) 2016 Simon Hengel + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in +all copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN +THE SOFTWARE. diff --git a/.licenses/semantic/cabal/case-insensitive.txt b/.licenses/semantic/cabal/case-insensitive.txt new file mode 100644 index 000000000..c39b19161 --- /dev/null +++ b/.licenses/semantic/cabal/case-insensitive.txt @@ -0,0 +1,39 @@ +--- +type: cabal +name: case-insensitive +version: 1.2.0.11 +summary: Case insensitive string comparison +homepage: https://github.com/basvandijk/case-insensitive +license: bsd-3-clause +--- +Copyright (c) 2011-2013 Bas van Dijk + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are +met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * The name of Bas van Dijk and the names of contributors may NOT + be used to endorse or promote products derived from this + software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/cereal.txt b/.licenses/semantic/cabal/cereal.txt new file mode 100644 index 000000000..996e67246 --- /dev/null +++ b/.licenses/semantic/cabal/cereal.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: cereal +version: 0.5.7.0 +summary: A binary serialization library +homepage: https://github.com/GaloisInc/cereal +license: bsd-3-clause +--- +Copyright (c) Lennart Kolmodin, Galois, Inc. + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE CONTRIBUTORS ``AS IS'' AND ANY EXPRESS +OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, +STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN +ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/charset.txt b/.licenses/semantic/cabal/charset.txt new file mode 100644 index 000000000..10bc32886 --- /dev/null +++ b/.licenses/semantic/cabal/charset.txt @@ -0,0 +1,39 @@ +--- +type: cabal +name: charset +version: 0.3.7.1 +summary: Fast unicode character sets based on complemented PATRICIA tries +homepage: https://github.com/ekmett/charset +license: bsd-3-clause +--- +Copyright (c) 2010, Edward Kmett + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are +met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * Neither the name of Edward Kmett nor the names of other + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/clock.txt b/.licenses/semantic/cabal/clock.txt new file mode 100644 index 000000000..17bd704c5 --- /dev/null +++ b/.licenses/semantic/cabal/clock.txt @@ -0,0 +1,40 @@ +--- +type: cabal +name: clock +version: 0.7.2 +summary: 'High-resolution clock functions: monotonic, realtime, cputime.' +homepage: https://github.com/corsis/clock +license: bsd-3-clause +--- +Copyright (c) 2009-2012, Cetin Sert +Copyright (c) 2010, Eugene Kirpichov + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are +met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * The names of contributors may not be used to endorse or promote + products derived from this software without specific prior + written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/cmark-gfm.txt b/.licenses/semantic/cabal/cmark-gfm.txt new file mode 100644 index 000000000..26ea8021e --- /dev/null +++ b/.licenses/semantic/cabal/cmark-gfm.txt @@ -0,0 +1,144 @@ +--- +type: cabal +name: cmark-gfm +version: 0.1.5 +summary: Fast, accurate GitHub Flavored Markdown parser and renderer +homepage: https://github.com/kivikakk/cmark-gfm-hs +license: multiple +--- +Copyright (c) 2014, John MacFarlane + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * Neither the name of John MacFarlane nor the names of other + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +---- +libcmark +Copyright (c) 2014, John MacFarlane + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + +---- + +houdini.h, houdini_href_e.c, houdini_html_e.c, houdini_html_u.c, +html_unescape.gperf, html_unescape.h + +derive from https://github.com/vmg/houdini (with some modifications) + +Copyright (C) 2012 Vicent Martí + +Permission is hereby granted, free of charge, to any person obtaining a copy of +this software and associated documentation files (the "Software"), to deal in +the Software without restriction, including without limitation the rights to +use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies +of the Software, and to permit persons to whom the Software is furnished to do +so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. + +----- + +buffer.h, buffer.c, chunk.h + +are derived from code (C) 2012 Github, Inc. + +Permission is hereby granted, free of charge, to any person obtaining a copy of +this software and associated documentation files (the "Software"), to deal in +the Software without restriction, including without limitation the rights to +use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies +of the Software, and to permit persons to whom the Software is furnished to do +so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. + +----- + +utf8.c and utf8.c + +are derived from utf8proc +(), +(C) 2009 Public Software Group e. V., Berlin, Germany. + +Permission is hereby granted, free of charge, to any person obtaining a +copy of this software and associated documentation files (the "Software"), +to deal in the Software without restriction, including without limitation +the rights to use, copy, modify, merge, publish, distribute, sublicense, +and/or sell copies of the Software, and to permit persons to whom the +Software is furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in +all copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING +FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER +DEALINGS IN THE SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/colour.txt b/.licenses/semantic/cabal/colour.txt new file mode 100644 index 000000000..eb222de11 --- /dev/null +++ b/.licenses/semantic/cabal/colour.txt @@ -0,0 +1,28 @@ +--- +type: cabal +name: colour +version: 2.3.4 +summary: A model for human colour/color perception +homepage: https://www.haskell.org/haskellwiki/Colour +license: mit +--- +Copyright (c) 2008, 2009 +Russell O'Connor + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in +all copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN +THE SOFTWARE. diff --git a/.licenses/semantic/cabal/comonad.txt b/.licenses/semantic/cabal/comonad.txt new file mode 100644 index 000000000..66c8bf659 --- /dev/null +++ b/.licenses/semantic/cabal/comonad.txt @@ -0,0 +1,35 @@ +--- +type: cabal +name: comonad +version: 5.0.4 +summary: Comonads +homepage: https://github.com/ekmett/comonad/ +license: bsd-2-clause +--- +Copyright 2008-2014 Edward Kmett +Copyright 2004-2008 Dave Menendez + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR +IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, +STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN +ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/connection.txt b/.licenses/semantic/cabal/connection.txt new file mode 100644 index 000000000..ca5508998 --- /dev/null +++ b/.licenses/semantic/cabal/connection.txt @@ -0,0 +1,35 @@ +--- +type: cabal +name: connection +version: 0.2.8 +summary: Simple and easy network connections API +homepage: https://github.com/vincenthz/hs-connection +license: bsd-3-clause +--- +Copyright (c) 2012 Vincent Hanquez + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS ``AS IS'' AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE +ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF +SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/contravariant.txt b/.licenses/semantic/cabal/contravariant.txt new file mode 100644 index 000000000..813537389 --- /dev/null +++ b/.licenses/semantic/cabal/contravariant.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: contravariant +version: 1.4.1 +summary: Contravariant functors +homepage: https://github.com/ekmett/contravariant/ +license: bsd-3-clause +--- +Copyright 2007-2015 Edward Kmett + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR +IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, +STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN +ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/cookie.txt b/.licenses/semantic/cabal/cookie.txt new file mode 100644 index 000000000..8b5b9fe65 --- /dev/null +++ b/.licenses/semantic/cabal/cookie.txt @@ -0,0 +1,28 @@ +--- +type: cabal +name: cookie +version: 0.4.4 +summary: HTTP cookie parsing and rendering +homepage: https://github.com/snoyberg/cookie +license: mit +--- +Copyright (c) 2010 Michael Snoyman, http://www.yesodweb.com/ + +Permission is hereby granted, free of charge, to any person obtaining +a copy of this software and associated documentation files (the +"Software"), to deal in the Software without restriction, including +without limitation the rights to use, copy, modify, merge, publish, +distribute, sublicense, and/or sell copies of the Software, and to +permit persons to whom the Software is furnished to do so, subject to +the following conditions: + +The above copyright notice and this permission notice shall be +included in all copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, +EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF +MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND +NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE +LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION +OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION +WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. diff --git a/.licenses/semantic/cabal/cryptohash.txt b/.licenses/semantic/cabal/cryptohash.txt new file mode 100644 index 000000000..7f355aff1 --- /dev/null +++ b/.licenses/semantic/cabal/cryptohash.txt @@ -0,0 +1,35 @@ +--- +type: cabal +name: cryptohash +version: 0.11.9 +summary: collection of crypto hashes, fast, pure and practical +homepage: https://github.com/vincenthz/hs-cryptohash +license: bsd-3-clause +--- +Copyright (c) 2010-2014 Vincent Hanquez + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS ``AS IS'' AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE +ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF +SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/cryptonite.txt b/.licenses/semantic/cabal/cryptonite.txt new file mode 100644 index 000000000..fdac59266 --- /dev/null +++ b/.licenses/semantic/cabal/cryptonite.txt @@ -0,0 +1,36 @@ +--- +type: cabal +name: cryptonite +version: '0.25' +summary: Cryptography Primitives sink +homepage: https://github.com/haskell-crypto/cryptonite +license: bsd-3-clause +--- +Copyright (c) 2006-2015 Vincent Hanquez + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS AS IS'' AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE +ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF +SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/data-default-class.txt b/.licenses/semantic/cabal/data-default-class.txt new file mode 100644 index 000000000..1a2ec61d2 --- /dev/null +++ b/.licenses/semantic/cabal/data-default-class.txt @@ -0,0 +1,34 @@ +--- +type: cabal +name: data-default-class +version: 0.1.2.0 +summary: A class for types with a default value +homepage: https://github.com/mauke/data-default +license: bsd-3-clause +--- +Copyright (c) 2013 Lukas Mai + +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, +are permitted provided that the following conditions are met: + +* Redistributions of source code must retain the above copyright notice, this + list of conditions and the following disclaimer. +* Redistributions in binary form must reproduce the above copyright notice, + this list of conditions and the following disclaimer in the documentation + and/or other materials provided with the distribution. +* Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDERS OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, +OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/deepseq-generics.txt b/.licenses/semantic/cabal/deepseq-generics.txt new file mode 100644 index 000000000..ed581f135 --- /dev/null +++ b/.licenses/semantic/cabal/deepseq-generics.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: deepseq-generics +version: 0.2.0.0 +summary: GHC.Generics-based Control.DeepSeq.rnf implementation +homepage: https://github.com/hvr/deepseq-generics +license: bsd-3-clause +--- +Copyright (c) 2012, Herbert Valerio Riedel + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * Neither the name of Herbert Valerio Riedel nor the names of other + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/directory-tree.txt b/.licenses/semantic/cabal/directory-tree.txt new file mode 100644 index 000000000..76863a67e --- /dev/null +++ b/.licenses/semantic/cabal/directory-tree.txt @@ -0,0 +1,34 @@ +--- +type: cabal +name: directory-tree +version: 0.12.1 +summary: A simple directory-like tree datatype, with useful IO functions +homepage: https://brandon.si/code/directory-tree-module-released/ +license: bsd-2-clause +--- +Copyright (c) 2009 Brandon Simmons + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR +IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, +STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN +ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/distributive.txt b/.licenses/semantic/cabal/distributive.txt new file mode 100644 index 000000000..bdfb134c4 --- /dev/null +++ b/.licenses/semantic/cabal/distributive.txt @@ -0,0 +1,34 @@ +--- +type: cabal +name: distributive +version: 0.5.3 +summary: Distributive functors -- Dual to Traversable +homepage: https://github.com/ekmett/distributive/ +license: bsd-2-clause +--- +Copyright 2011-2016 Edward Kmett + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR +IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, +STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN +ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/dlist.txt b/.licenses/semantic/cabal/dlist.txt new file mode 100644 index 000000000..c048d8f4c --- /dev/null +++ b/.licenses/semantic/cabal/dlist.txt @@ -0,0 +1,39 @@ +--- +type: cabal +name: dlist +version: 0.8.0.5 +summary: Difference lists +homepage: https://github.com/spl/dlist +license: bsd-3-clause +--- +Copyright (c) 2006-2009 Don Stewart, 2013-2016 Sean Leather + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are +met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * Neither the name of Don Stewart nor the names of other + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/effects.txt b/.licenses/semantic/cabal/effects.txt new file mode 100644 index 000000000..a5bc9160f --- /dev/null +++ b/.licenses/semantic/cabal/effects.txt @@ -0,0 +1,39 @@ +--- +type: cabal +name: effects +version: 0.3.2.0 +summary: Implementation of the Freer Monad +homepage: https://github.com/joshvera/effects +license: bsd-3-clause +--- +Original work Copyright (c) 2016, Allele Dev +Modified work Copyright 2016 Josh Vera + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * Neither the name of Allele Dev nor the names of other + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/exceptions.txt b/.licenses/semantic/cabal/exceptions.txt new file mode 100644 index 000000000..37e993e22 --- /dev/null +++ b/.licenses/semantic/cabal/exceptions.txt @@ -0,0 +1,39 @@ +--- +type: cabal +name: exceptions +version: 0.10.0 +summary: Extensible optionally-pure exceptions +homepage: https://github.com/ekmett/exceptions/ +license: bsd-3-clause +--- +Copyright 2013-2015 Edward Kmett +Copyright 2012 Google Inc. + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR +IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, +STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN +ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/fastsum.txt b/.licenses/semantic/cabal/fastsum.txt new file mode 100644 index 000000000..2f5158b66 --- /dev/null +++ b/.licenses/semantic/cabal/fastsum.txt @@ -0,0 +1,39 @@ +--- +type: cabal +name: fastsum +version: 0.1.1.0 +summary: A fast open-union type suitable for 100+ contained alternatives +homepage: https://github.com/patrickt/fastsum +license: bsd-3-clause +--- +Original work Copyright (c) 2016, Allele Dev +Modified work Copyright (c) 2016, Patrick Thomson and Josh Vera + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * Neither the name of Allele Dev nor the names of other + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/fingertree.txt b/.licenses/semantic/cabal/fingertree.txt new file mode 100644 index 000000000..17c07f03c --- /dev/null +++ b/.licenses/semantic/cabal/fingertree.txt @@ -0,0 +1,39 @@ +--- +type: cabal +name: fingertree +version: 0.1.4.1 +summary: Generic finger-tree structure, with example instances +homepage: +license: bsd-3-clause +--- +The Glasgow Haskell Compiler License + +Copyright 2006, The University Court of the University of Glasgow. +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +- Redistributions of source code must retain the above copyright notice, +this list of conditions and the following disclaimer. + +- Redistributions in binary form must reproduce the above copyright notice, +this list of conditions and the following disclaimer in the documentation +and/or other materials provided with the distribution. + +- Neither name of the University nor the names of its contributors may be +used to endorse or promote products derived from this software without +specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE UNIVERSITY COURT OF THE UNIVERSITY OF +GLASGOW AND THE CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE +UNIVERSITY COURT OF THE UNIVERSITY OF GLASGOW OR THE CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH +DAMAGE. diff --git a/.licenses/semantic/cabal/foldl.txt b/.licenses/semantic/cabal/foldl.txt new file mode 100644 index 000000000..6e21ad152 --- /dev/null +++ b/.licenses/semantic/cabal/foldl.txt @@ -0,0 +1,32 @@ +--- +type: cabal +name: foldl +version: 1.4.5 +summary: Composable, streaming, and efficient left folds +homepage: +license: bsd-3-clause +--- +Copyright (c) 2013 Gabriel Gonzalez +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, +are permitted provided that the following conditions are met: + * Redistributions of source code must retain the above copyright notice, + this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, + this list of conditions and the following disclaimer in the documentation + and/or other materials provided with the distribution. + * Neither the name of Gabriel Gonzalez nor the names of other contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES +(INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; +LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON +ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS +SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/free.txt b/.licenses/semantic/cabal/free.txt new file mode 100644 index 000000000..cb59044d5 --- /dev/null +++ b/.licenses/semantic/cabal/free.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: free +version: 5.0.2 +summary: Monads for free +homepage: https://github.com/ekmett/free/ +license: bsd-3-clause +--- +Copyright 2008-2013 Edward Kmett + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR +IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, +STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN +ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/freer-cofreer.txt b/.licenses/semantic/cabal/freer-cofreer.txt new file mode 100644 index 000000000..e3a232f82 --- /dev/null +++ b/.licenses/semantic/cabal/freer-cofreer.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: freer-cofreer +version: 0.0.0.1 +summary: Freer monads and Cofreer comonads. +homepage: https://github.com/robrix/freer-cofreer +license: bsd-3-clause +--- +Copyright Rob Rix (c) 2017 + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * Neither the name of Rob Rix nor the names of other contributors + may be used to endorse or promote products derived from this + software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/generics-sop.txt b/.licenses/semantic/cabal/generics-sop.txt new file mode 100644 index 000000000..c0663e433 --- /dev/null +++ b/.licenses/semantic/cabal/generics-sop.txt @@ -0,0 +1,35 @@ +--- +type: cabal +name: generics-sop +version: 0.3.2.0 +summary: Generic Programming using True Sums of Products +homepage: +license: bsd-3-clause +--- +Copyright (c) 2014-2015, Well-Typed LLP, Edsko de Vries, Andres Löh +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +1. Redistributions of source code must retain the above copyright notice, + this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright notice, + this list of conditions and the following disclaimer in the documentation + and/or other materials provided with the distribution. + +3. Neither the name of the copyright holder nor the names of its contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" +AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, +OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/ghc-boot.txt b/.licenses/semantic/cabal/ghc-boot.txt new file mode 100644 index 000000000..f0dac7074 --- /dev/null +++ b/.licenses/semantic/cabal/ghc-boot.txt @@ -0,0 +1,39 @@ +--- +type: cabal +name: ghc-boot +version: 8.4.3 +summary: Shared functionality between GHC and its boot libraries +homepage: +license: bsd-3-clause +--- +The Glasgow Haskell Compiler License + +Copyright 2002, The University Court of the University of Glasgow. +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +- Redistributions of source code must retain the above copyright notice, +this list of conditions and the following disclaimer. + +- Redistributions in binary form must reproduce the above copyright notice, +this list of conditions and the following disclaimer in the documentation +and/or other materials provided with the distribution. + +- Neither name of the University nor the names of its contributors may be +used to endorse or promote products derived from this software without +specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE UNIVERSITY COURT OF THE UNIVERSITY OF +GLASGOW AND THE CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE +UNIVERSITY COURT OF THE UNIVERSITY OF GLASGOW OR THE CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH +DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/ghc-tcplugins-extra.txt b/.licenses/semantic/cabal/ghc-tcplugins-extra.txt new file mode 100644 index 000000000..bb1d87031 --- /dev/null +++ b/.licenses/semantic/cabal/ghc-tcplugins-extra.txt @@ -0,0 +1,35 @@ +--- +type: cabal +name: ghc-tcplugins-extra +version: '0.3' +summary: Utilities for writing GHC type-checker plugins +homepage: https://github.com/clash-lang/ghc-tcplugins-extra +license: bsd-2-clause +--- +Copyright (c) 2015-2016, University of Twente, + 2017-2018, QBayLogic +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are +met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the + distribution. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/ghc-typelits-extra.txt b/.licenses/semantic/cabal/ghc-typelits-extra.txt new file mode 100644 index 000000000..4af508430 --- /dev/null +++ b/.licenses/semantic/cabal/ghc-typelits-extra.txt @@ -0,0 +1,35 @@ +--- +type: cabal +name: ghc-typelits-extra +version: 0.2.6 +summary: Additional type-level operations on GHC.TypeLits.Nat +homepage: https://www.clash-lang.org/ +license: bsd-2-clause +--- +Copyright (c) 2015-2016, University of Twente, + 2017-2018, QBayLogic B.V. +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are +met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the + distribution. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/ghc-typelits-knownnat.txt b/.licenses/semantic/cabal/ghc-typelits-knownnat.txt new file mode 100644 index 000000000..7d6798624 --- /dev/null +++ b/.licenses/semantic/cabal/ghc-typelits-knownnat.txt @@ -0,0 +1,36 @@ +--- +type: cabal +name: ghc-typelits-knownnat +version: 0.5.1 +summary: Derive KnownNat constraints from other KnownNat constraints +homepage: https://clash-lang.org/ +license: bsd-2-clause +--- +Copyright (c) 2016 , University of Twente, + 2017-2018, QBayLogic B.V., + 2017 , Google Inc. +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are +met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the + distribution. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/ghc-typelits-natnormalise.txt b/.licenses/semantic/cabal/ghc-typelits-natnormalise.txt new file mode 100644 index 000000000..c6785312d --- /dev/null +++ b/.licenses/semantic/cabal/ghc-typelits-natnormalise.txt @@ -0,0 +1,35 @@ +--- +type: cabal +name: ghc-typelits-natnormalise +version: 0.6.2 +summary: GHC typechecker plugin for types of kind GHC.TypeLits.Nat +homepage: https://www.clash-lang.org/ +license: bsd-2-clause +--- +Copyright (c) 2015-2016, University of Twente, + 2017-2018, QBayLogic B.V. +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are +met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the + distribution. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/ghc.txt b/.licenses/semantic/cabal/ghc.txt new file mode 100644 index 000000000..2be721bcf --- /dev/null +++ b/.licenses/semantic/cabal/ghc.txt @@ -0,0 +1,39 @@ +--- +type: cabal +name: ghc +version: 8.4.3 +summary: The GHC API +homepage: https://www.haskell.org/ghc/ +license: bsd-3-clause +--- +The Glasgow Haskell Compiler License + +Copyright 2002, The University Court of the University of Glasgow. +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +- Redistributions of source code must retain the above copyright notice, +this list of conditions and the following disclaimer. + +- Redistributions in binary form must reproduce the above copyright notice, +this list of conditions and the following disclaimer in the documentation +and/or other materials provided with the distribution. + +- Neither name of the University nor the names of its contributors may be +used to endorse or promote products derived from this software without +specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE UNIVERSITY COURT OF THE UNIVERSITY OF +GLASGOW AND THE CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE +UNIVERSITY COURT OF THE UNIVERSITY OF GLASGOW OR THE CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH +DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/ghci.txt b/.licenses/semantic/cabal/ghci.txt new file mode 100644 index 000000000..26a7f4682 --- /dev/null +++ b/.licenses/semantic/cabal/ghci.txt @@ -0,0 +1,39 @@ +--- +type: cabal +name: ghci +version: 8.4.3 +summary: The library supporting GHC's interactive interpreter +homepage: +license: bsd-3-clause +--- +The Glasgow Haskell Compiler License + +Copyright 2002, The University Court of the University of Glasgow. +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +- Redistributions of source code must retain the above copyright notice, +this list of conditions and the following disclaimer. + +- Redistributions in binary form must reproduce the above copyright notice, +this list of conditions and the following disclaimer in the documentation +and/or other materials provided with the distribution. + +- Neither name of the University nor the names of its contributors may be +used to endorse or promote products derived from this software without +specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE UNIVERSITY COURT OF THE UNIVERSITY OF +GLASGOW AND THE CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE +UNIVERSITY COURT OF THE UNIVERSITY OF GLASGOW OR THE CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH +DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/gitrev.txt b/.licenses/semantic/cabal/gitrev.txt new file mode 100644 index 000000000..cd447b4b9 --- /dev/null +++ b/.licenses/semantic/cabal/gitrev.txt @@ -0,0 +1,36 @@ +--- +type: cabal +name: gitrev +version: 1.3.1 +summary: Compile git revision info into Haskell projects +homepage: https://github.com/acfoltzer/gitrev +license: bsd-3-clause +--- +Copyright (c) 2015, Adam C. Foltzer +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +* Redistributions of source code must retain the above copyright notice, this + list of conditions and the following disclaimer. + +* Redistributions in binary form must reproduce the above copyright notice, + this list of conditions and the following disclaimer in the documentation + and/or other materials provided with the distribution. + +* Neither the name of gitrev nor the names of its + contributors may be used to endorse or promote products derived from + this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" +AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, +OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + diff --git a/.licenses/semantic/cabal/hashable.txt b/.licenses/semantic/cabal/hashable.txt new file mode 100644 index 000000000..f7e6a10a7 --- /dev/null +++ b/.licenses/semantic/cabal/hashable.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: hashable +version: 1.2.7.0 +summary: A class for types that can be converted to a hash value +homepage: https://github.com/tibbe/hashable +license: bsd-3-clause +--- +Copyright Milan Straka 2010 + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * Neither the name of Milan Straka nor the names of other + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/haskeline.txt b/.licenses/semantic/cabal/haskeline.txt index b3e6a5259..c65bc1c34 100644 --- a/.licenses/semantic/cabal/haskeline.txt +++ b/.licenses/semantic/cabal/haskeline.txt @@ -1,7 +1,7 @@ --- type: cabal name: haskeline -version: 0.7.4.2 +version: 0.7.4.3 summary: A command-line interface for user input, written in Haskell. homepage: https://github.com/judah/haskeline license: bsd-2-clause diff --git a/.licenses/semantic/cabal/haskell-lexer.txt b/.licenses/semantic/cabal/haskell-lexer.txt new file mode 100644 index 000000000..b4e5faab0 --- /dev/null +++ b/.licenses/semantic/cabal/haskell-lexer.txt @@ -0,0 +1,16 @@ +--- +type: cabal +name: haskell-lexer +version: 1.0.2 +summary: A fully compliant Haskell 98 lexer. +homepage: https://github.com/yav/haskell-lexer +license: mit +--- +Copyright (c) 2008 Thomas Hallgren +Copyright (c) 2008 Iavor S. Diatchki + +Permission is hereby granted, free of charge, to any person obtaining a copy of this software and associated documentation files (the "Software"), to deal in the Software without restriction, including without limitation the rights to use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies of the Software, and to permit persons to whom the Software is furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/haskell-src.txt b/.licenses/semantic/cabal/haskell-src.txt new file mode 100644 index 000000000..259179500 --- /dev/null +++ b/.licenses/semantic/cabal/haskell-src.txt @@ -0,0 +1,39 @@ +--- +type: cabal +name: haskell-src +version: 1.0.3.0 +summary: Support for manipulating Haskell source code +homepage: +license: bsd-3-clause +--- +The Glasgow Haskell Compiler License + +Copyright 2004, The University Court of the University of Glasgow. +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +- Redistributions of source code must retain the above copyright notice, +this list of conditions and the following disclaimer. + +- Redistributions in binary form must reproduce the above copyright notice, +this list of conditions and the following disclaimer in the documentation +and/or other materials provided with the distribution. + +- Neither name of the University nor the names of its contributors may be +used to endorse or promote products derived from this software without +specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE UNIVERSITY COURT OF THE UNIVERSITY OF +GLASGOW AND THE CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE +UNIVERSITY COURT OF THE UNIVERSITY OF GLASGOW OR THE CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH +DAMAGE. diff --git a/.licenses/semantic/cabal/haskell-tree-sitter.txt b/.licenses/semantic/cabal/haskell-tree-sitter.txt new file mode 100644 index 000000000..8c381c04c --- /dev/null +++ b/.licenses/semantic/cabal/haskell-tree-sitter.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: haskell-tree-sitter +version: 0.1.0 +summary: haskell tree-sitter bindings +homepage: https://github.com/tree-sitter/haskell-tree-sitter +license: bsd-3-clause +--- +Copyright GitHub (c) 2015 + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * Neither the name of Author name here nor the names of other + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/heap.txt b/.licenses/semantic/cabal/heap.txt new file mode 100644 index 000000000..29d2ae834 --- /dev/null +++ b/.licenses/semantic/cabal/heap.txt @@ -0,0 +1,30 @@ +--- +type: cabal +name: heap +version: 1.0.4 +summary: Heaps in Haskell +homepage: +license: bsd-2-clause +--- +Copyright (c) 2008-2009, Stephan Friedrichs +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR +CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, +EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, +PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR +PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF +LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING +NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS +SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/hostname.txt b/.licenses/semantic/cabal/hostname.txt new file mode 100644 index 000000000..4b21e02ee --- /dev/null +++ b/.licenses/semantic/cabal/hostname.txt @@ -0,0 +1,31 @@ +--- +type: cabal +name: hostname +version: '1.0' +summary: A very simple package providing a cross-platform means of determining the + hostname +homepage: +license: bsd-3-clause +--- +Copyright (c) 2008, Maximilian Bolingbroke +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, are permitted +provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, this list of + conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, this list of + conditions and the following disclaimer in the documentation and/or other materials + provided with the distribution. + * Neither the name of Maximilian Bolingbroke nor the names of other contributors may be used to + endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR +IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR +CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER +IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT +OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/hourglass.txt b/.licenses/semantic/cabal/hourglass.txt new file mode 100644 index 000000000..063d30b8e --- /dev/null +++ b/.licenses/semantic/cabal/hourglass.txt @@ -0,0 +1,35 @@ +--- +type: cabal +name: hourglass +version: 0.2.12 +summary: simple performant time related library +homepage: https://github.com/vincenthz/hs-hourglass +license: bsd-3-clause +--- +Copyright (c) 2014 Vincent Hanquez + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS AS IS'' AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE +ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF +SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/hpc.txt b/.licenses/semantic/cabal/hpc.txt new file mode 100644 index 000000000..3c73b285a --- /dev/null +++ b/.licenses/semantic/cabal/hpc.txt @@ -0,0 +1,33 @@ +--- +type: cabal +name: hpc +version: 0.6.0.3 +summary: Code Coverage Library for Haskell +homepage: +license: bsd-3-clause +--- +Copyright (c) 2006 Andy Gill, Colin Runciman +Copyright (c) 2007 Andy Gill +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. +3. The names of the authors may not be used to endorse or promote products + derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR +IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES +OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. +IN NO EVENT SHALL THE AUTHORS BE LIABLE FOR ANY DIRECT, INDIRECT, +INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT +NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF +THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/http-client-tls.txt b/.licenses/semantic/cabal/http-client-tls.txt new file mode 100644 index 000000000..8304ee694 --- /dev/null +++ b/.licenses/semantic/cabal/http-client-tls.txt @@ -0,0 +1,28 @@ +--- +type: cabal +name: http-client-tls +version: 0.3.5.3 +summary: http-client backend using the connection package and tls library +homepage: https://github.com/snoyberg/http-client +license: mit +--- +The MIT License (MIT) + +Copyright (c) 2013 Michael Snoyman + +Permission is hereby granted, free of charge, to any person obtaining a copy of +this software and associated documentation files (the "Software"), to deal in +the Software without restriction, including without limitation the rights to +use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies of +the Software, and to permit persons to whom the Software is furnished to do so, +subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, FITNESS +FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR +COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER +IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN +CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. diff --git a/.licenses/semantic/cabal/http-client.txt b/.licenses/semantic/cabal/http-client.txt new file mode 100644 index 000000000..146fe6645 --- /dev/null +++ b/.licenses/semantic/cabal/http-client.txt @@ -0,0 +1,28 @@ +--- +type: cabal +name: http-client +version: 0.5.13.1 +summary: An HTTP client engine +homepage: https://github.com/snoyberg/http-client +license: mit +--- +The MIT License (MIT) + +Copyright (c) 2013 Michael Snoyman + +Permission is hereby granted, free of charge, to any person obtaining a copy of +this software and associated documentation files (the "Software"), to deal in +the Software without restriction, including without limitation the rights to +use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies of +the Software, and to permit persons to whom the Software is furnished to do so, +subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, FITNESS +FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR +COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER +IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN +CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/http-media.txt b/.licenses/semantic/cabal/http-media.txt new file mode 100644 index 000000000..1013aec70 --- /dev/null +++ b/.licenses/semantic/cabal/http-media.txt @@ -0,0 +1,28 @@ +--- +type: cabal +name: http-media +version: 0.7.1.3 +summary: Processing HTTP Content-Type and Accept headers +homepage: https://github.com/zmthy/http-media +license: mit +--- +Copyright (c) 2012-2015 Timothy Jones + +Permission is hereby granted, free of charge, to any person obtaining a +copy of this software and associated documentation files (the +"Software"), to deal in the Software without restriction, including +without limitation the rights to use, copy, modify, merge, publish, +distribute, sublicense, and/or sell copies of the Software, and to +permit persons to whom the Software is furnished to do so, subject to +the following conditions: + +The above copyright notice and this permission notice shall be included +in all copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS +OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF +MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. +IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY +CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT, +TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE +SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/http-types.txt b/.licenses/semantic/cabal/http-types.txt new file mode 100644 index 000000000..edff5095d --- /dev/null +++ b/.licenses/semantic/cabal/http-types.txt @@ -0,0 +1,39 @@ +--- +type: cabal +name: http-types +version: 0.12.2 +summary: Generic HTTP types for Haskell (for both client and server code). +homepage: https://github.com/aristidb/http-types +license: bsd-3-clause +--- +Copyright (c) 2011, Aristid Breitkreuz +Copyright (c) 2011, Michael Snoyman + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * Neither the name of Aristid Breitkreuz nor the names of other + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/insert-ordered-containers.txt b/.licenses/semantic/cabal/insert-ordered-containers.txt new file mode 100644 index 000000000..b7e93be1a --- /dev/null +++ b/.licenses/semantic/cabal/insert-ordered-containers.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: insert-ordered-containers +version: 0.2.1.0 +summary: Associative containers retaining insertion order for traversals. +homepage: https://github.com/phadej/insert-ordered-containers +license: bsd-3-clause +--- +Copyright (c) 2015, Oleg Grenrus + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * Neither the name of Oleg Grenrus nor the names of other + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/integer-logarithms.txt b/.licenses/semantic/cabal/integer-logarithms.txt new file mode 100644 index 000000000..2169bbc90 --- /dev/null +++ b/.licenses/semantic/cabal/integer-logarithms.txt @@ -0,0 +1,24 @@ +--- +type: cabal +name: integer-logarithms +version: 1.0.2.2 +summary: Integer logarithms. +homepage: https://github.com/Bodigrim/integer-logarithms +license: mit +--- +Copyright (c) 2011 Daniel Fischer, 2017 Oleg Grenrus + +Permission is hereby granted, free of charge, to any person obtaining a copy of this software and + associated documentation files (the "Software"), to deal in the Software without restriction, + including without limitation the rights to use, copy, modify, merge, publish, distribute, + sublicense, and/or sell copies of the Software, and to permit persons to whom the Software is + furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all copies or +substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR IMPLIED, INCLUDING BUT NOT +LIMITED TO THE WARRANTIES OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. + IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER + LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN + CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/invariant.txt b/.licenses/semantic/cabal/invariant.txt new file mode 100644 index 000000000..05ae0b45e --- /dev/null +++ b/.licenses/semantic/cabal/invariant.txt @@ -0,0 +1,31 @@ +--- +type: cabal +name: invariant +version: 0.5.1 +summary: Haskell98 invariant functors +homepage: https://github.com/nfrisby/invariant-functors +license: bsd-2-clause +--- +Copyright (c) 2012-2017, University of Kansas +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, this + list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above copyright notice, + this list of conditions and the following disclaimer in the documentation + and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, +OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/kan-extensions.txt b/.licenses/semantic/cabal/kan-extensions.txt new file mode 100644 index 000000000..c29662917 --- /dev/null +++ b/.licenses/semantic/cabal/kan-extensions.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: kan-extensions +version: '5.2' +summary: Kan extensions, Kan lifts, the Yoneda lemma, and (co)density (co)monads +homepage: https://github.com/ekmett/kan-extensions/ +license: bsd-3-clause +--- +Copyright 2008-2016 Edward Kmett + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR +IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, +STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN +ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/kdt.txt b/.licenses/semantic/cabal/kdt.txt new file mode 100644 index 000000000..841d92f32 --- /dev/null +++ b/.licenses/semantic/cabal/kdt.txt @@ -0,0 +1,28 @@ +--- +type: cabal +name: kdt +version: 0.2.4 +summary: Fast and flexible k-d trees for various types of point queries. +homepage: https://github.com/giogadi/kdt +license: mit +--- +Copyright (c) 2014 Luis G. Torres + +Permission is hereby granted, free of charge, to any person obtaining +a copy of this software and associated documentation files (the +"Software"), to deal in the Software without restriction, including +without limitation the rights to use, copy, modify, merge, publish, +distribute, sublicense, and/or sell copies of the Software, and to +permit persons to whom the Software is furnished to do so, subject to +the following conditions: + +The above copyright notice and this permission notice shall be included +in all copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, +EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF +MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. +IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY +CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT, +TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE +SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. diff --git a/.licenses/semantic/cabal/keys.txt b/.licenses/semantic/cabal/keys.txt new file mode 100644 index 000000000..38e7417ac --- /dev/null +++ b/.licenses/semantic/cabal/keys.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: keys +version: 3.12.1 +summary: Keyed functors and containers +homepage: https://github.com/ekmett/keys/ +license: bsd-3-clause +--- +Copyright 2011-2016 Edward Kmett + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR +IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, +STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN +ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/lens.txt b/.licenses/semantic/cabal/lens.txt new file mode 100644 index 000000000..c3c3fa653 --- /dev/null +++ b/.licenses/semantic/cabal/lens.txt @@ -0,0 +1,34 @@ +--- +type: cabal +name: lens +version: 4.16.1 +summary: Lenses, Folds and Traversals +homepage: https://github.com/ekmett/lens/ +license: bsd-2-clause +--- +Copyright 2012-2016 Edward Kmett + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR +IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, +STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN +ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/machines.txt b/.licenses/semantic/cabal/machines.txt new file mode 100644 index 000000000..2f231d750 --- /dev/null +++ b/.licenses/semantic/cabal/machines.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: machines +version: 0.6.4 +summary: Networked stream transducers +homepage: https://github.com/ekmett/machines/ +license: bsd-3-clause +--- +Copyright 2012-2015 Edward Kmett, Runar Bjarnason, Paul Chiusano + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR +IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, +STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN +ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/managed.txt b/.licenses/semantic/cabal/managed.txt new file mode 100644 index 000000000..250ce3840 --- /dev/null +++ b/.licenses/semantic/cabal/managed.txt @@ -0,0 +1,32 @@ +--- +type: cabal +name: managed +version: 1.0.6 +summary: A monad for managed values +homepage: +license: bsd-3-clause +--- +Copyright (c) 2014 Gabriel Gonzalez +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, +are permitted provided that the following conditions are met: + * Redistributions of source code must retain the above copyright notice, + this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, + this list of conditions and the following disclaimer in the documentation + and/or other materials provided with the distribution. + * Neither the name of Gabriel Gonzalez nor the names of other contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES +(INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; +LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON +ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS +SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/megaparsec.txt b/.licenses/semantic/cabal/megaparsec.txt new file mode 100644 index 000000000..9e8a8498e --- /dev/null +++ b/.licenses/semantic/cabal/megaparsec.txt @@ -0,0 +1,34 @@ +--- +type: cabal +name: megaparsec +version: 6.5.0 +summary: Monadic parser combinators +homepage: https://github.com/mrkkrp/megaparsec +license: bsd-2-clause +--- +Copyright © 2015–2018 Megaparsec contributors
+Copyright © 2007 Paolo Martini
+Copyright © 1999–2000 Daan Leijen + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +* Redistributions of source code must retain the above copyright notice, + this list of conditions and the following disclaimer. + +* Redistributions in binary form must reproduce the above copyright notice, + this list of conditions and the following disclaimer in the documentation + and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS “AS IS” AND ANY EXPRESS +OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES +OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN +NO EVENT SHALL THE COPYRIGHT HOLDERS BE LIABLE FOR ANY DIRECT, INDIRECT, +INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, +OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF +LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING +NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, +EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/memory.txt b/.licenses/semantic/cabal/memory.txt new file mode 100644 index 000000000..aef83462c --- /dev/null +++ b/.licenses/semantic/cabal/memory.txt @@ -0,0 +1,37 @@ +--- +type: cabal +name: memory +version: 0.14.18 +summary: memory and related abstraction stuff +homepage: https://github.com/vincenthz/hs-memory +license: bsd-3-clause +--- +Copyright (c) 2015-2018 Vincent Hanquez +Copyright (c) 2017-2018 Nicolas Di Prima + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS AS IS'' AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE +ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF +SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/mersenne-random-pure64.txt b/.licenses/semantic/cabal/mersenne-random-pure64.txt new file mode 100644 index 000000000..c46ce9fb1 --- /dev/null +++ b/.licenses/semantic/cabal/mersenne-random-pure64.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: mersenne-random-pure64 +version: 0.2.2.0 +summary: Generate high quality pseudorandom numbers purely using a Mersenne Twister +homepage: https://code.haskell.org/~dons/code/mersenne-random-pure64/ +license: bsd-3-clause +--- +Copyright (c) Don Stewart 2008 + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE +ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF +SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/mime-types.txt b/.licenses/semantic/cabal/mime-types.txt new file mode 100644 index 000000000..ba18034b9 --- /dev/null +++ b/.licenses/semantic/cabal/mime-types.txt @@ -0,0 +1,28 @@ +--- +type: cabal +name: mime-types +version: 0.1.0.8 +summary: Basic mime-type handling types and functions +homepage: https://github.com/yesodweb/wai +license: mit +--- +Copyright (c) 2012 Michael Snoyman, http://www.yesodweb.com/ + +Permission is hereby granted, free of charge, to any person obtaining +a copy of this software and associated documentation files (the +"Software"), to deal in the Software without restriction, including +without limitation the rights to use, copy, modify, merge, publish, +distribute, sublicense, and/or sell copies of the Software, and to +permit persons to whom the Software is furnished to do so, subject to +the following conditions: + +The above copyright notice and this permission notice shall be +included in all copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, +EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF +MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND +NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE +LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION +OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION +WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/mwc-random.txt b/.licenses/semantic/cabal/mwc-random.txt new file mode 100644 index 000000000..0a916cb09 --- /dev/null +++ b/.licenses/semantic/cabal/mwc-random.txt @@ -0,0 +1,34 @@ +--- +type: cabal +name: mwc-random +version: 0.13.3.2 +summary: Fast, high quality pseudo random number generation +homepage: https://github.com/bos/mwc-random +license: bsd-2-clause +--- +Copyright (c) 2009, Bryan O'Sullivan +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/neat-interpolation.txt b/.licenses/semantic/cabal/neat-interpolation.txt new file mode 100644 index 000000000..06f105386 --- /dev/null +++ b/.licenses/semantic/cabal/neat-interpolation.txt @@ -0,0 +1,30 @@ +--- +type: cabal +name: neat-interpolation +version: 0.3.2.2 +summary: A quasiquoter for neat and simple multiline text interpolation +homepage: https://github.com/nikita-volkov/neat-interpolation +license: mit +--- +Copyright (c) 2013, Nikita Volkov + +Permission is hereby granted, free of charge, to any person +obtaining a copy of this software and associated documentation +files (the "Software"), to deal in the Software without +restriction, including without limitation the rights to use, +copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the +Software is furnished to do so, subject to the following +conditions: + +The above copyright notice and this permission notice shall be +included in all copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, +EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES +OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND +NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT +HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, +WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING +FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR +OTHER DEALINGS IN THE SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/network-uri.txt b/.licenses/semantic/cabal/network-uri.txt new file mode 100644 index 000000000..ba7f4c52d --- /dev/null +++ b/.licenses/semantic/cabal/network-uri.txt @@ -0,0 +1,37 @@ +--- +type: cabal +name: network-uri +version: 2.6.1.0 +summary: URI manipulation +homepage: https://github.com/haskell/network-uri +license: bsd-3-clause +--- +Copyright (c) 2002-2010, The University Court of the University of Glasgow. +Copyright (c) 2007-2010, Johan Tibell + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +- Redistributions of source code must retain the above copyright notice, +this list of conditions and the following disclaimer. + +- Redistributions in binary form must reproduce the above copyright notice, +this list of conditions and the following disclaimer in the documentation +and/or other materials provided with the distribution. + +- Neither name of the University nor the names of its contributors may be +used to endorse or promote products derived from this software without +specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE UNIVERSITY COURT OF THE UNIVERSITY OF +GLASGOW AND THE CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE +UNIVERSITY COURT OF THE UNIVERSITY OF GLASGOW OR THE CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH +DAMAGE. diff --git a/.licenses/semantic/cabal/network.txt b/.licenses/semantic/cabal/network.txt new file mode 100644 index 000000000..56e63d694 --- /dev/null +++ b/.licenses/semantic/cabal/network.txt @@ -0,0 +1,37 @@ +--- +type: cabal +name: network +version: 2.6.3.6 +summary: Low-level networking interface +homepage: https://github.com/haskell/network +license: bsd-3-clause +--- +Copyright (c) 2002-2010, The University Court of the University of Glasgow. +Copyright (c) 2007-2010, Johan Tibell + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +- Redistributions of source code must retain the above copyright notice, +this list of conditions and the following disclaimer. + +- Redistributions in binary form must reproduce the above copyright notice, +this list of conditions and the following disclaimer in the documentation +and/or other materials provided with the distribution. + +- Neither name of the University nor the names of its contributors may be +used to endorse or promote products derived from this software without +specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE UNIVERSITY COURT OF THE UNIVERSITY OF +GLASGOW AND THE CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE +UNIVERSITY COURT OF THE UNIVERSITY OF GLASGOW OR THE CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH +DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/old-locale.txt b/.licenses/semantic/cabal/old-locale.txt new file mode 100644 index 000000000..1a21033e4 --- /dev/null +++ b/.licenses/semantic/cabal/old-locale.txt @@ -0,0 +1,71 @@ +--- +type: cabal +name: old-locale +version: 1.0.0.7 +summary: locale library +homepage: +license: bsd-3-clause +--- +This library (libraries/base) is derived from code from two +sources: + + * Code from the GHC project which is largely (c) The University of + Glasgow, and distributable under a BSD-style license (see below), + + * Code from the Haskell 98 Report which is (c) Simon Peyton Jones + and freely redistributable (but see the full license for + restrictions). + +The full text of these licenses is reproduced below. Both of the +licenses are BSD-style or compatible. + +----------------------------------------------------------------------------- + +The Glasgow Haskell Compiler License + +Copyright 2004, The University Court of the University of Glasgow. +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +- Redistributions of source code must retain the above copyright notice, +this list of conditions and the following disclaimer. + +- Redistributions in binary form must reproduce the above copyright notice, +this list of conditions and the following disclaimer in the documentation +and/or other materials provided with the distribution. + +- Neither name of the University nor the names of its contributors may be +used to endorse or promote products derived from this software without +specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE UNIVERSITY COURT OF THE UNIVERSITY OF +GLASGOW AND THE CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE +UNIVERSITY COURT OF THE UNIVERSITY OF GLASGOW OR THE CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH +DAMAGE. + +----------------------------------------------------------------------------- + +Code derived from the document "Report on the Programming Language +Haskell 98", is distributed under the following license: + + Copyright (c) 2002 Simon Peyton Jones + + The authors intend this Report to belong to the entire Haskell + community, and so we grant permission to copy and distribute it for + any purpose, provided that it is reproduced in its entirety, + including this Notice. Modified versions of this Report may also be + copied and distributed for any purpose, provided that the modified + version is clearly presented as such, and that it does not claim to + be a definition of the Haskell 98 Language. + +----------------------------------------------------------------------------- diff --git a/.licenses/semantic/cabal/old-time.txt b/.licenses/semantic/cabal/old-time.txt new file mode 100644 index 000000000..7661c5c97 --- /dev/null +++ b/.licenses/semantic/cabal/old-time.txt @@ -0,0 +1,71 @@ +--- +type: cabal +name: old-time +version: 1.1.0.3 +summary: Time library +homepage: +license: bsd-3-clause +--- +This library (libraries/base) is derived from code from two +sources: + + * Code from the GHC project which is largely (c) The University of + Glasgow, and distributable under a BSD-style license (see below), + + * Code from the Haskell 98 Report which is (c) Simon Peyton Jones + and freely redistributable (but see the full license for + restrictions). + +The full text of these licenses is reproduced below. Both of the +licenses are BSD-style or compatible. + +----------------------------------------------------------------------------- + +The Glasgow Haskell Compiler License + +Copyright 2004, The University Court of the University of Glasgow. +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +- Redistributions of source code must retain the above copyright notice, +this list of conditions and the following disclaimer. + +- Redistributions in binary form must reproduce the above copyright notice, +this list of conditions and the following disclaimer in the documentation +and/or other materials provided with the distribution. + +- Neither name of the University nor the names of its contributors may be +used to endorse or promote products derived from this software without +specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE UNIVERSITY COURT OF THE UNIVERSITY OF +GLASGOW AND THE CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE +UNIVERSITY COURT OF THE UNIVERSITY OF GLASGOW OR THE CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH +DAMAGE. + +----------------------------------------------------------------------------- + +Code derived from the document "Report on the Programming Language +Haskell 98", is distributed under the following license: + + Copyright (c) 2002 Simon Peyton Jones + + The authors intend this Report to belong to the entire Haskell + community, and so we grant permission to copy and distribute it for + any purpose, provided that it is reproduced in its entirety, + including this Notice. Modified versions of this Report may also be + copied and distributed for any purpose, provided that the modified + version is clearly presented as such, and that it does not claim to + be a definition of the Haskell 98 Language. + +----------------------------------------------------------------------------- diff --git a/.licenses/semantic/cabal/optional-args.txt b/.licenses/semantic/cabal/optional-args.txt new file mode 100644 index 000000000..6cc0d3789 --- /dev/null +++ b/.licenses/semantic/cabal/optional-args.txt @@ -0,0 +1,32 @@ +--- +type: cabal +name: optional-args +version: 1.0.2 +summary: Optional function arguments +homepage: +license: bsd-3-clause +--- +Copyright (c) 2015 Gabriel Gonzalez +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, +are permitted provided that the following conditions are met: + * Redistributions of source code must retain the above copyright notice, + this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, + this list of conditions and the following disclaimer in the documentation + and/or other materials provided with the distribution. + * Neither the name of Gabriel Gonzalez nor the names of other contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES +(INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; +LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON +ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS +SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/optparse-applicative.txt b/.licenses/semantic/cabal/optparse-applicative.txt new file mode 100644 index 000000000..098fe0095 --- /dev/null +++ b/.licenses/semantic/cabal/optparse-applicative.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: optparse-applicative +version: 0.14.3.0 +summary: Utilities and combinators for parsing command line options +homepage: https://github.com/pcapriotti/optparse-applicative +license: bsd-3-clause +--- +Copyright (c) 2012, Paolo Capriotti + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * Neither the name of Paolo Capriotti nor the names of other + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/parallel.txt b/.licenses/semantic/cabal/parallel.txt new file mode 100644 index 000000000..e4959295c --- /dev/null +++ b/.licenses/semantic/cabal/parallel.txt @@ -0,0 +1,47 @@ +--- +type: cabal +name: parallel +version: 3.2.2.0 +summary: Parallel programming library +homepage: +license: bsd-3-clause +--- +This library (libraries/parallel) is derived from code from +the GHC project which is largely (c) The University of +Glasgow, and distributable under a BSD-style license (see below). + +----------------------------------------------------------------------------- + +The Glasgow Haskell Compiler License + +Copyright 2004, The University Court of the University of Glasgow. +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +- Redistributions of source code must retain the above copyright notice, +this list of conditions and the following disclaimer. + +- Redistributions in binary form must reproduce the above copyright notice, +this list of conditions and the following disclaimer in the documentation +and/or other materials provided with the distribution. + +- Neither name of the University nor the names of its contributors may be +used to endorse or promote products derived from this software without +specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE UNIVERSITY COURT OF THE UNIVERSITY OF +GLASGOW AND THE CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE +UNIVERSITY COURT OF THE UNIVERSITY OF GLASGOW OR THE CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH +DAMAGE. + +----------------------------------------------------------------------------- \ No newline at end of file diff --git a/.licenses/semantic/cabal/parsec.txt b/.licenses/semantic/cabal/parsec.txt new file mode 100644 index 000000000..ba02a3d55 --- /dev/null +++ b/.licenses/semantic/cabal/parsec.txt @@ -0,0 +1,29 @@ +--- +type: cabal +name: parsec +version: 3.1.13.0 +summary: Monadic parser combinators +homepage: https://github.com/hvr/parsec +license: bsd-2-clause +--- +Copyright 1999-2000, Daan Leijen; 2007, Paolo Martini. All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +* Redistributions of source code must retain the above copyright notice, + this list of conditions and the following disclaimer. +* Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +This software is provided by the copyright holders "as is" and any express or +implied warranties, including, but not limited to, the implied warranties of +merchantability and fitness for a particular purpose are disclaimed. In no +event shall the copyright holders be liable for any direct, indirect, +incidental, special, exemplary, or consequential damages (including, but not +limited to, procurement of substitute goods or services; loss of use, data, +or profits; or business interruption) however caused and on any theory of +liability, whether in contract, strict liability, or tort (including +negligence or otherwise) arising in any way out of the use of this software, +even if advised of the possibility of such damage. diff --git a/.licenses/semantic/cabal/parser-combinators.txt b/.licenses/semantic/cabal/parser-combinators.txt new file mode 100644 index 000000000..37130ecef --- /dev/null +++ b/.licenses/semantic/cabal/parser-combinators.txt @@ -0,0 +1,36 @@ +--- +type: cabal +name: parser-combinators +version: 1.0.0 +summary: Lightweight package providing commonly useful parser combinators +homepage: https://github.com/mrkkrp/parser-combinators +license: bsd-3-clause +--- +Copyright © 2017–2018 Mark Karpov + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +* Redistributions of source code must retain the above copyright notice, + this list of conditions and the following disclaimer. + +* Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +* Neither the name Mark Karpov nor the names of contributors may be used to + endorse or promote products derived from this software without specific + prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS “AS IS” AND ANY EXPRESS +OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES +OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN +NO EVENT SHALL THE COPYRIGHT HOLDERS BE LIABLE FOR ANY DIRECT, INDIRECT, +INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, +OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF +LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING +NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, +EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/parsers.txt b/.licenses/semantic/cabal/parsers.txt new file mode 100644 index 000000000..1b066420b --- /dev/null +++ b/.licenses/semantic/cabal/parsers.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: parsers +version: 0.12.9 +summary: Parsing combinators +homepage: https://github.com/ekmett/parsers/ +license: bsd-3-clause +--- +Copyright 2011-2013 Edward Kmett + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR +IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, +STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN +ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/pem.txt b/.licenses/semantic/cabal/pem.txt new file mode 100644 index 000000000..1a1471856 --- /dev/null +++ b/.licenses/semantic/cabal/pem.txt @@ -0,0 +1,35 @@ +--- +type: cabal +name: pem +version: 0.2.4 +summary: Privacy Enhanced Mail (PEM) format reader and writer. +homepage: https://github.com/vincenthz/hs-pem +license: bsd-3-clause +--- +Copyright (c) 2010-2018 Vincent Hanquez + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS ``AS IS'' AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE +ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF +SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/pointed.txt b/.licenses/semantic/cabal/pointed.txt new file mode 100644 index 000000000..7a93872d7 --- /dev/null +++ b/.licenses/semantic/cabal/pointed.txt @@ -0,0 +1,34 @@ +--- +type: cabal +name: pointed +version: 5.0.1 +summary: Pointed and copointed data +homepage: https://github.com/ekmett/pointed/ +license: bsd-2-clause +--- +Copyright 2008-2011 Edward Kmett + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR +IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, +STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN +ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/prettyprinter.txt b/.licenses/semantic/cabal/prettyprinter.txt new file mode 100644 index 000000000..55fd581be --- /dev/null +++ b/.licenses/semantic/cabal/prettyprinter.txt @@ -0,0 +1,31 @@ +--- +type: cabal +name: prettyprinter +version: 1.2.1 +summary: A modern, easy to use, well-documented, extensible pretty-printer. +homepage: https://github.com/quchen/prettyprinter +license: bsd-2-clause +--- +Copyright 2008, Daan Leijen and Max Bolingbroke, 2016 David Luposchainsky. All +rights reserved. + +Redistribution and use in source and binary forms, with or without modification, +are permitted provided that the following conditions are met: + + - Redistributions of source code must retain the above copyright notice, this + list of conditions and the following disclaimer. + + - Redistributions in binary form must reproduce the above copyright notice, + this list of conditions and the following disclaimer in the documentation + and/or other materials provided with the distribution. + +This software is provided by the copyright holders "as is" and any express or +implied warranties, including, but not limited to, the implied warranties of +merchantability and fitness for a particular purpose are disclaimed. In no event +shall the copyright holders be liable for any direct, indirect, incidental, +special, exemplary, or consequential damages (including, but not limited to, +procurement of substitute goods or services; loss of use, data, or profits; or +business interruption) however caused and on any theory of liability, whether in +contract, strict liability, or tort (including negligence or otherwise) arising +in any way out of the use of this software, even if advised of the possibility +of such damage. \ No newline at end of file diff --git a/.licenses/semantic/cabal/primitive.txt b/.licenses/semantic/cabal/primitive.txt new file mode 100644 index 000000000..67acdc05d --- /dev/null +++ b/.licenses/semantic/cabal/primitive.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: primitive +version: 0.6.3.0 +summary: Primitive memory-related operations +homepage: https://github.com/haskell/primitive +license: bsd-3-clause +--- +Copyright (c) 2008-2009, Roman Leshchinskiy +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +- Redistributions of source code must retain the above copyright notice, +this list of conditions and the following disclaimer. + +- Redistributions in binary form must reproduce the above copyright notice, +this list of conditions and the following disclaimer in the documentation +and/or other materials provided with the distribution. + +- Neither name of the University nor the names of its contributors may be +used to endorse or promote products derived from this software without +specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE UNIVERSITY COURT OF THE UNIVERSITY OF +GLASGOW AND THE CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE +UNIVERSITY COURT OF THE UNIVERSITY OF GLASGOW OR THE CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH +DAMAGE. + diff --git a/.licenses/semantic/cabal/profunctors.txt b/.licenses/semantic/cabal/profunctors.txt new file mode 100644 index 000000000..951708590 --- /dev/null +++ b/.licenses/semantic/cabal/profunctors.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: profunctors +version: 5.2.2 +summary: Profunctors +homepage: https://github.com/ekmett/profunctors/ +license: bsd-3-clause +--- +Copyright 2011-2015 Edward Kmett + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR +IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, +STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN +ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/proto3-suite.txt b/.licenses/semantic/cabal/proto3-suite.txt new file mode 100644 index 000000000..fd01c1256 --- /dev/null +++ b/.licenses/semantic/cabal/proto3-suite.txt @@ -0,0 +1,22 @@ +--- +type: cabal +name: proto3-suite +version: 0.2.0 +summary: A low level library for writing out data in the Protocol Buffers wire format +homepage: +license: apache-2.0 +--- + +Copyright 2017 Awake Networks + +Licensed under the Apache License, Version 2.0 (the "License"); +you may not use this file except in compliance with the License. +You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + +Unless required by applicable law or agreed to in writing, software +distributed under the License is distributed on an "AS IS" BASIS, +WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +See the License for the specific language governing permissions and +limitations under the License. diff --git a/.licenses/semantic/cabal/proto3-wire.txt b/.licenses/semantic/cabal/proto3-wire.txt new file mode 100644 index 000000000..09f0f4559 --- /dev/null +++ b/.licenses/semantic/cabal/proto3-wire.txt @@ -0,0 +1,21 @@ +--- +type: cabal +name: proto3-wire +version: 1.0.0 +summary: A low-level implementation of the Protocol Buffers (version 3) wire format +homepage: +license: apache-2.0 +--- +Copyright 2016 Awake Networks + +Licensed under the Apache License, Version 2.0 (the "License"); +you may not use this file except in compliance with the License. +You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + +Unless required by applicable law or agreed to in writing, software +distributed under the License is distributed on an "AS IS" BASIS, +WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +See the License for the specific language governing permissions and +limitations under the License. diff --git a/.licenses/semantic/cabal/quickcheck-instances.txt b/.licenses/semantic/cabal/quickcheck-instances.txt new file mode 100644 index 000000000..22755f8b7 --- /dev/null +++ b/.licenses/semantic/cabal/quickcheck-instances.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: quickcheck-instances +version: 0.3.19 +summary: Common quickcheck instances +homepage: https://github.com/phadej/qc-instances +license: bsd-3-clause +--- +Copyright (c)2012, Antoine Latter + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * Neither the name of Antoine Latter nor the names of other + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/random.txt b/.licenses/semantic/cabal/random.txt new file mode 100644 index 000000000..2f6521dfc --- /dev/null +++ b/.licenses/semantic/cabal/random.txt @@ -0,0 +1,71 @@ +--- +type: cabal +name: random +version: '1.1' +summary: random number library +homepage: https://github.com/haskell/random +license: bsd-3-clause +--- +This library (libraries/base) is derived from code from two +sources: + + * Code from the GHC project which is largely (c) The University of + Glasgow, and distributable under a BSD-style license (see below), + + * Code from the Haskell 98 Report which is (c) Simon Peyton Jones + and freely redistributable (but see the full license for + restrictions). + +The full text of these licenses is reproduced below. Both of the +licenses are BSD-style or compatible. + +----------------------------------------------------------------------------- + +The Glasgow Haskell Compiler License + +Copyright 2004, The University Court of the University of Glasgow. +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +- Redistributions of source code must retain the above copyright notice, +this list of conditions and the following disclaimer. + +- Redistributions in binary form must reproduce the above copyright notice, +this list of conditions and the following disclaimer in the documentation +and/or other materials provided with the distribution. + +- Neither name of the University nor the names of its contributors may be +used to endorse or promote products derived from this software without +specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE UNIVERSITY COURT OF THE UNIVERSITY OF +GLASGOW AND THE CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE +UNIVERSITY COURT OF THE UNIVERSITY OF GLASGOW OR THE CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH +DAMAGE. + +----------------------------------------------------------------------------- + +Code derived from the document "Report on the Programming Language +Haskell 98", is distributed under the following license: + + Copyright (c) 2002 Simon Peyton Jones + + The authors intend this Report to belong to the entire Haskell + community, and so we grant permission to copy and distribute it for + any purpose, provided that it is reproduced in its entirety, + including this Notice. Modified versions of this Report may also be + copied and distributed for any purpose, provided that the modified + version is clearly presented as such, and that it does not claim to + be a definition of the Haskell 98 Language. + +----------------------------------------------------------------------------- diff --git a/.licenses/semantic/cabal/recursion-schemes.txt b/.licenses/semantic/cabal/recursion-schemes.txt new file mode 100644 index 000000000..7aa28b05b --- /dev/null +++ b/.licenses/semantic/cabal/recursion-schemes.txt @@ -0,0 +1,34 @@ +--- +type: cabal +name: recursion-schemes +version: 5.0.3 +summary: Generalized bananas, lenses and barbed wire +homepage: https://github.com/ekmett/recursion-schemes/ +license: bsd-2-clause +--- +Copyright 2011-2015 Edward Kmett + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR +IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, +STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN +ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/reducers.txt b/.licenses/semantic/cabal/reducers.txt new file mode 100644 index 000000000..7f5626b85 --- /dev/null +++ b/.licenses/semantic/cabal/reducers.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: reducers +version: 3.12.3 +summary: Semigroups, specialized containers and a general map/reduce framework +homepage: https://github.com/ekmett/reducers/ +license: bsd-3-clause +--- +Copyright 2008-2016 Edward Kmett + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR +IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, +STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN +ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/reflection.txt b/.licenses/semantic/cabal/reflection.txt new file mode 100644 index 000000000..439910394 --- /dev/null +++ b/.licenses/semantic/cabal/reflection.txt @@ -0,0 +1,39 @@ +--- +type: cabal +name: reflection +version: 2.1.4 +summary: Reifies arbitrary terms into types that can be reflected back into terms +homepage: https://github.com/ekmett/reflection +license: bsd-3-clause +--- +Copyright (c) 2009-2013 Edward Kmett +Copyright (c) 2004 Oleg Kiselyov and Chung-chieh Shan +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are +met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * Neither the name of Edward Kmett nor the names of other + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/safe.txt b/.licenses/semantic/cabal/safe.txt new file mode 100644 index 000000000..711da324b --- /dev/null +++ b/.licenses/semantic/cabal/safe.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: safe +version: 0.3.17 +summary: Library of safe (exception free) functions +homepage: https://github.com/ndmitchell/safe +license: bsd-3-clause +--- +Copyright Neil Mitchell 2007-2018. +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are +met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * Neither the name of Neil Mitchell nor the names of other + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/scientific.txt b/.licenses/semantic/cabal/scientific.txt new file mode 100644 index 000000000..38eb6f763 --- /dev/null +++ b/.licenses/semantic/cabal/scientific.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: scientific +version: 0.3.6.2 +summary: Numbers represented using scientific notation +homepage: https://github.com/basvandijk/scientific +license: other +--- +Copyright (c) 2013, Bas van Dijk + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * Neither the name of Bas van Dijk nor the names of other + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/semigroupoids.txt b/.licenses/semantic/cabal/semigroupoids.txt new file mode 100644 index 000000000..53b7b68ee --- /dev/null +++ b/.licenses/semantic/cabal/semigroupoids.txt @@ -0,0 +1,34 @@ +--- +type: cabal +name: semigroupoids +version: 5.2.2 +summary: 'Semigroupoids: Category sans id' +homepage: https://github.com/ekmett/semigroupoids +license: bsd-2-clause +--- +Copyright 2011-2015 Edward Kmett + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR +IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, +STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN +ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/semigroups.txt b/.licenses/semantic/cabal/semigroups.txt new file mode 100644 index 000000000..b754991a7 --- /dev/null +++ b/.licenses/semantic/cabal/semigroups.txt @@ -0,0 +1,34 @@ +--- +type: cabal +name: semigroups +version: 0.18.5 +summary: Anything that associates +homepage: https://github.com/ekmett/semigroups/ +license: bsd-2-clause +--- +Copyright 2011-2015 Edward Kmett + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR +IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, +STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN +ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/semilattices.txt b/.licenses/semantic/cabal/semilattices.txt new file mode 100644 index 000000000..44b9b4b9b --- /dev/null +++ b/.licenses/semantic/cabal/semilattices.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: semilattices +version: 0.0.0.1 +summary: Semilattices +homepage: https://github.com/robrix/semilattices +license: bsd-3-clause +--- +Copyright (c) 2017, Rob Rix + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * Neither the name of Rob Rix nor the names of other + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/socks.txt b/.licenses/semantic/cabal/socks.txt new file mode 100644 index 000000000..d55d5f44f --- /dev/null +++ b/.licenses/semantic/cabal/socks.txt @@ -0,0 +1,35 @@ +--- +type: cabal +name: socks +version: 0.5.6 +summary: Socks proxy (ver 5) +homepage: https://github.com/vincenthz/hs-socks +license: bsd-3-clause +--- +Copyright (c) 2010-2011 Vincent Hanquez + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS ``AS IS'' AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE +ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF +SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/split.txt b/.licenses/semantic/cabal/split.txt new file mode 100644 index 000000000..91fce21c3 --- /dev/null +++ b/.licenses/semantic/cabal/split.txt @@ -0,0 +1,35 @@ +--- +type: cabal +name: split +version: 0.2.3.3 +summary: Combinator library for splitting lists. +homepage: https://github.com/byorgey/split +license: bsd-3-clause +--- +Copyright (c) 2008 Brent Yorgey, Louis Wasserman + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. +3. Neither the name of the author nor the names of other contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE +ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF +SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/stm-chans.txt b/.licenses/semantic/cabal/stm-chans.txt new file mode 100644 index 000000000..ecf113cbe --- /dev/null +++ b/.licenses/semantic/cabal/stm-chans.txt @@ -0,0 +1,42 @@ +--- +type: cabal +name: stm-chans +version: 3.0.0.4 +summary: Additional types of channels for STM. +homepage: https://code.haskell.org/~wren/ +license: bsd-3-clause +--- +=== stm-chans license === + +Copyright (c) 2011--2013, wren gayle romano. +ALL RIGHTS RESERVED. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * Neither the name of the copyright holders nor the names of + other contributors may be used to endorse or promote products + derived from this software without specific prior written + permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS +FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE +COPYRIGHT OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, +INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, +BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; +LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN +ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/stm.txt b/.licenses/semantic/cabal/stm.txt index a7c567ab3..31b7164ea 100644 --- a/.licenses/semantic/cabal/stm.txt +++ b/.licenses/semantic/cabal/stm.txt @@ -1,7 +1,7 @@ --- type: cabal name: stm -version: 2.4.5.0 +version: 2.4.5.1 summary: Software Transactional Memory homepage: https://wiki.haskell.org/Software_transactional_memory license: bsd-3-clause diff --git a/.licenses/semantic/cabal/streaming-commons.txt b/.licenses/semantic/cabal/streaming-commons.txt new file mode 100644 index 000000000..35930e681 --- /dev/null +++ b/.licenses/semantic/cabal/streaming-commons.txt @@ -0,0 +1,29 @@ +--- +type: cabal +name: streaming-commons +version: 0.2.1.0 +summary: Common lower-level functions needed by various streaming data libraries +homepage: https://github.com/fpco/streaming-commons +license: mit +--- +The MIT License (MIT) + +Copyright (c) 2014 FP Complete + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/swagger2.txt b/.licenses/semantic/cabal/swagger2.txt new file mode 100644 index 000000000..58ee199a3 --- /dev/null +++ b/.licenses/semantic/cabal/swagger2.txt @@ -0,0 +1,35 @@ +--- +type: cabal +name: swagger2 +version: 2.2.2 +summary: Swagger 2.0 data model +homepage: https://github.com/GetShopTV/swagger2 +license: bsd-3-clause +--- +Copyright (c) 2015-2017, GetShopTV +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +* Redistributions of source code must retain the above copyright notice, this + list of conditions and the following disclaimer. + +* Redistributions in binary form must reproduce the above copyright notice, + this list of conditions and the following disclaimer in the documentation + and/or other materials provided with the distribution. + +* Neither the name of swagger2 nor the names of its + contributors may be used to endorse or promote products derived from + this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" +AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, +OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/syb.txt b/.licenses/semantic/cabal/syb.txt new file mode 100644 index 000000000..f9f064d43 --- /dev/null +++ b/.licenses/semantic/cabal/syb.txt @@ -0,0 +1,91 @@ +--- +type: cabal +name: syb +version: '0.7' +summary: Scrap Your Boilerplate +homepage: https://www.cs.uu.nl/wiki/GenericProgramming/SYB +license: bsd-3-clause +--- +This library (libraries/syb) is derived from code from several +sources: + + * Code from the GHC project which is largely (c) The University of + Glasgow, and distributable under a BSD-style license (see below), + + * Code from the Haskell 98 Report which is (c) Simon Peyton Jones + and freely redistributable (but see the full license for + restrictions). + + * Code from the Haskell Foreign Function Interface specification, + which is (c) Manuel M. T. Chakravarty and freely redistributable + (but see the full license for restrictions). + +The full text of these licenses is reproduced below. All of the +licenses are BSD-style or compatible. + +----------------------------------------------------------------------------- + +The Glasgow Haskell Compiler License + +Copyright 2004, The University Court of the University of Glasgow. +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +- Redistributions of source code must retain the above copyright notice, +this list of conditions and the following disclaimer. + +- Redistributions in binary form must reproduce the above copyright notice, +this list of conditions and the following disclaimer in the documentation +and/or other materials provided with the distribution. + +- Neither name of the University nor the names of its contributors may be +used to endorse or promote products derived from this software without +specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE UNIVERSITY COURT OF THE UNIVERSITY OF +GLASGOW AND THE CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE +UNIVERSITY COURT OF THE UNIVERSITY OF GLASGOW OR THE CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH +DAMAGE. + +----------------------------------------------------------------------------- + +Code derived from the document "Report on the Programming Language +Haskell 98", is distributed under the following license: + + Copyright (c) 2002 Simon Peyton Jones + + The authors intend this Report to belong to the entire Haskell + community, and so we grant permission to copy and distribute it for + any purpose, provided that it is reproduced in its entirety, + including this Notice. Modified versions of this Report may also be + copied and distributed for any purpose, provided that the modified + version is clearly presented as such, and that it does not claim to + be a definition of the Haskell 98 Language. + +----------------------------------------------------------------------------- + +Code derived from the document "The Haskell 98 Foreign Function +Interface, An Addendum to the Haskell 98 Report" is distributed under +the following license: + + Copyright (c) 2002 Manuel M. T. Chakravarty + + The authors intend this Report to belong to the entire Haskell + community, and so we grant permission to copy and distribute it for + any purpose, provided that it is reproduced in its entirety, + including this Notice. Modified versions of this Report may also be + copied and distributed for any purpose, provided that the modified + version is clearly presented as such, and that it does not claim to + be a definition of the Haskell 98 Foreign Function Interface. + +----------------------------------------------------------------------------- diff --git a/.licenses/semantic/cabal/system-fileio.txt b/.licenses/semantic/cabal/system-fileio.txt new file mode 100644 index 000000000..459bf70d9 --- /dev/null +++ b/.licenses/semantic/cabal/system-fileio.txt @@ -0,0 +1,30 @@ +--- +type: cabal +name: system-fileio +version: 0.3.16.4 +summary: Consistent filesystem interaction across GHC versions (deprecated) +homepage: https://github.com/fpco/haskell-filesystem +license: mit +--- +Copyright (c) 2011 John Millikin + +Permission is hereby granted, free of charge, to any person +obtaining a copy of this software and associated documentation +files (the "Software"), to deal in the Software without +restriction, including without limitation the rights to use, +copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the +Software is furnished to do so, subject to the following +conditions: + +The above copyright notice and this permission notice shall be +included in all copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, +EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES +OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND +NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT +HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, +WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING +FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR +OTHER DEALINGS IN THE SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/system-filepath.txt b/.licenses/semantic/cabal/system-filepath.txt new file mode 100644 index 000000000..ba4899d33 --- /dev/null +++ b/.licenses/semantic/cabal/system-filepath.txt @@ -0,0 +1,30 @@ +--- +type: cabal +name: system-filepath +version: 0.4.14 +summary: High-level, byte-based file and directory path manipulations (deprecated) +homepage: https://github.com/fpco/haskell-filesystem +license: mit +--- +Copyright (c) 2010 John Millikin + +Permission is hereby granted, free of charge, to any person +obtaining a copy of this software and associated documentation +files (the "Software"), to deal in the Software without +restriction, including without limitation the rights to use, +copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the +Software is furnished to do so, subject to the following +conditions: + +The above copyright notice and this permission notice shall be +included in all copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, +EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES +OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND +NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT +HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, +WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING +FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR +OTHER DEALINGS IN THE SOFTWARE. diff --git a/.licenses/semantic/cabal/tagged.txt b/.licenses/semantic/cabal/tagged.txt new file mode 100644 index 000000000..471855725 --- /dev/null +++ b/.licenses/semantic/cabal/tagged.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: tagged +version: 0.8.5 +summary: Haskell 98 phantom types to avoid unsafely passing dummy arguments +homepage: https://github.com/ekmett/tagged +license: bsd-3-clause +--- +Copyright (c) 2009-2015 Edward Kmett +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are +met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * Neither the name of Edward Kmett nor the names of other + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/temporary.txt b/.licenses/semantic/cabal/temporary.txt new file mode 100644 index 000000000..5711611aa --- /dev/null +++ b/.licenses/semantic/cabal/temporary.txt @@ -0,0 +1,35 @@ +--- +type: cabal +name: temporary +version: '1.3' +summary: Portable temporary file and directory support +homepage: https://github.com/feuerbach/temporary +license: bsd-3-clause +--- +Copyright + (c) 2003-2006, Isaac Jones + (c) 2005-2009, Duncan Coutts + (c) 2008, Maximilian Bolingbroke + ... and other contributors + +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, are permitted +provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright notice, this list of + conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, this list of + conditions and the following disclaimer in the documentation and/or other materials + provided with the distribution. + * Neither the name of Maximilian Bolingbroke nor the names of other contributors may be used to + endorse or promote products derived from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR +IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR +CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER +IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT +OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/text.txt b/.licenses/semantic/cabal/text.txt index 9c0c30784..4a00a5f94 100644 --- a/.licenses/semantic/cabal/text.txt +++ b/.licenses/semantic/cabal/text.txt @@ -1,7 +1,7 @@ --- type: cabal name: text -version: 1.2.3.0 +version: 1.2.3.1 summary: An efficient packed Unicode text type. homepage: https://github.com/haskell/text license: bsd-2-clause diff --git a/.licenses/semantic/cabal/tf-random.txt b/.licenses/semantic/cabal/tf-random.txt new file mode 100644 index 000000000..38e222713 --- /dev/null +++ b/.licenses/semantic/cabal/tf-random.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: tf-random +version: '0.5' +summary: High-quality splittable pseudorandom number generator +homepage: https://hub.darcs.net/michal.palka/tf-random +license: bsd-3-clause +--- +Copyright (c) 2012-2013, Michał Pałka + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * The names of the authors may not be used to endorse or promote + products derived from this software without specific prior written + permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/th-abstraction.txt b/.licenses/semantic/cabal/th-abstraction.txt new file mode 100644 index 000000000..7863ef0fb --- /dev/null +++ b/.licenses/semantic/cabal/th-abstraction.txt @@ -0,0 +1,21 @@ +--- +type: cabal +name: th-abstraction +version: 0.2.8.0 +summary: Nicer interface for reified information about data types +homepage: https://github.com/glguy/th-abstraction +license: isc +--- +Copyright (c) 2017 Eric Mertens + +Permission to use, copy, modify, and/or distribute this software for any purpose +with or without fee is hereby granted, provided that the above copyright notice +and this permission notice appear in all copies. + +THE SOFTWARE IS PROVIDED "AS IS" AND THE AUTHOR DISCLAIMS ALL WARRANTIES WITH +REGARD TO THIS SOFTWARE INCLUDING ALL IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS. IN NO EVENT SHALL THE AUTHOR BE LIABLE FOR ANY SPECIAL, DIRECT, +INDIRECT, OR CONSEQUENTIAL DAMAGES OR ANY DAMAGES WHATSOEVER RESULTING FROM LOSS +OF USE, DATA OR PROFITS, WHETHER IN AN ACTION OF CONTRACT, NEGLIGENCE OR OTHER +TORTIOUS ACTION, ARISING OUT OF OR IN CONNECTION WITH THE USE OR PERFORMANCE OF +THIS SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/these.txt b/.licenses/semantic/cabal/these.txt new file mode 100644 index 000000000..859f6e3f7 --- /dev/null +++ b/.licenses/semantic/cabal/these.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: these +version: 0.7.5 +summary: An either-or-both data type & a generalized 'zip with padding' typeclass +homepage: https://github.com/isomorphism/these +license: bsd-3-clause +--- +Copyright (c)2012, C. McCann + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * Neither the name of C. McCann nor the names of other + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/time-locale-compat.txt b/.licenses/semantic/cabal/time-locale-compat.txt new file mode 100644 index 000000000..6b468a273 --- /dev/null +++ b/.licenses/semantic/cabal/time-locale-compat.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: time-locale-compat +version: 0.1.1.5 +summary: Compatibile module for time-format locale +homepage: https://github.com/khibino/haskell-time-locale-compat +license: bsd-3-clause +--- +Copyright (c) 2014, Kei Hibino + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * Neither the name of Kei Hibino nor the names of other + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/tls.txt b/.licenses/semantic/cabal/tls.txt new file mode 100644 index 000000000..ebd90e8f7 --- /dev/null +++ b/.licenses/semantic/cabal/tls.txt @@ -0,0 +1,35 @@ +--- +type: cabal +name: tls +version: 1.4.1 +summary: TLS/SSL protocol native implementation (Server and Client) +homepage: https://github.com/vincenthz/hs-tls +license: bsd-3-clause +--- +Copyright (c) 2010-2015 Vincent Hanquez + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS ``AS IS'' AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE +ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF +SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/transformers-base.txt b/.licenses/semantic/cabal/transformers-base.txt new file mode 100644 index 000000000..1165a0f85 --- /dev/null +++ b/.licenses/semantic/cabal/transformers-base.txt @@ -0,0 +1,34 @@ +--- +type: cabal +name: transformers-base +version: 0.4.5.2 +summary: Lift computations from the bottom of a transformer stack +homepage: https://github.com/mvv/transformers-base +license: bsd-3-clause +--- +Copyright (c) 2011, Mikhail Vorozhtsov, Bas van Dijk +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +- Redistributions of source code must retain the above copyright notice, + this list of conditions and the following disclaimer. +- Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. +- Neither the names of the copyright owners nor the names of the + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/transformers-compat.txt b/.licenses/semantic/cabal/transformers-compat.txt new file mode 100644 index 000000000..90e712ee8 --- /dev/null +++ b/.licenses/semantic/cabal/transformers-compat.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: transformers-compat +version: 0.6.2 +summary: A small compatibility shim for the transformers library +homepage: https://github.com/ekmett/transformers-compat/ +license: bsd-3-clause +--- +Copyright 2012-2015 Edward Kmett + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR +IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, +STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN +ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/turtle.txt b/.licenses/semantic/cabal/turtle.txt new file mode 100644 index 000000000..9601ec42e --- /dev/null +++ b/.licenses/semantic/cabal/turtle.txt @@ -0,0 +1,32 @@ +--- +type: cabal +name: turtle +version: 1.5.12 +summary: Shell programming, Haskell-style +homepage: +license: bsd-3-clause +--- +Copyright (c) 2017 Gabriel Gonzalez +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, +are permitted provided that the following conditions are met: + * Redistributions of source code must retain the above copyright notice, + this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright notice, + this list of conditions and the following disclaimer in the documentation + and/or other materials provided with the distribution. + * Neither the name of Gabriel Gonzalez nor the names of other contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES +(INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; +LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON +ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS +SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/type-aligned.txt b/.licenses/semantic/cabal/type-aligned.txt new file mode 100644 index 000000000..38bf365d3 --- /dev/null +++ b/.licenses/semantic/cabal/type-aligned.txt @@ -0,0 +1,18 @@ +--- +type: cabal +name: type-aligned +version: 0.9.6 +summary: Various type-aligned sequence data structures. +homepage: https://github.com/atzeus/type-aligned +license: bsd-3-clause +--- +Copyright (c) 2014, Atze van der Ploeg +All rights reserved. + +Redistribution and use in source and binary forms, with or without modification, are permitted provided that the following conditions are met: + +1. Redistributions of source code must retain the above copyright notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright notice, this list of conditions and the following disclaimer in the documentation and/or other materials provided with the distribution. + +3. Neither the name of the Atze van der Ploeg nor the names of its contributors may be used to endorse or promote products derived from this software without specific prior written permission. diff --git a/.licenses/semantic/cabal/unix-compat.txt b/.licenses/semantic/cabal/unix-compat.txt new file mode 100644 index 000000000..826bb78ea --- /dev/null +++ b/.licenses/semantic/cabal/unix-compat.txt @@ -0,0 +1,37 @@ +--- +type: cabal +name: unix-compat +version: 0.5.1 +summary: Portable POSIX-compatibility layer. +homepage: https://github.com/jystic/unix-compat +license: bsd-3-clause +--- +Copyright (c) 2007-2008, Björn Bringert +Copyright (c) 2007-2009, Duncan Coutts +Copyright (c) 2010-2011, Jacob Stanley +Copyright (c) 2011, Bryan O'Sullivan +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +- Redistributions of source code must retain the above copyright notice, + this list of conditions and the following disclaimer. +- Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. +- Neither the names of the copyright owners nor the names of the + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/unordered-containers.txt b/.licenses/semantic/cabal/unordered-containers.txt new file mode 100644 index 000000000..1ce0da899 --- /dev/null +++ b/.licenses/semantic/cabal/unordered-containers.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: unordered-containers +version: 0.2.9.0 +summary: Efficient hashing-based container types +homepage: https://github.com/tibbe/unordered-containers +license: bsd-3-clause +--- +Copyright (c) 2010, Johan Tibell + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * Neither the name of Johan Tibell nor the names of other + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/utf8-string.txt b/.licenses/semantic/cabal/utf8-string.txt new file mode 100644 index 000000000..8ce39c9bc --- /dev/null +++ b/.licenses/semantic/cabal/utf8-string.txt @@ -0,0 +1,32 @@ +--- +type: cabal +name: utf8-string +version: 1.0.1.1 +summary: Support for reading and writing UTF8 Strings +homepage: https://github.com/glguy/utf8-string/ +license: bsd-3-clause +--- +* Copyright (c) 2007, Galois Inc. +* All rights reserved. +* +* Redistribution and use in source and binary forms, with or without +* modification, are permitted provided that the following conditions are met: +* * Redistributions of source code must retain the above copyright +* notice, this list of conditions and the following disclaimer. +* * Redistributions in binary form must reproduce the above copyright +* notice, this list of conditions and the following disclaimer in the +* documentation and/or other materials provided with the distribution. +* * Neither the name of Galois Inc. nor the +* names of its contributors may be used to endorse or promote products +* derived from this software without specific prior written permission. +* +* THIS SOFTWARE IS PROVIDED BY Galois Inc. ``AS IS'' AND ANY +* EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +* WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +* DISCLAIMED. IN NO EVENT SHALL Galois Inc. BE LIABLE FOR ANY +* DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES +* (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; +* LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND +* ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +* (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS +* SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/uuid-types.txt b/.licenses/semantic/cabal/uuid-types.txt new file mode 100644 index 000000000..5d5e5c73e --- /dev/null +++ b/.licenses/semantic/cabal/uuid-types.txt @@ -0,0 +1,36 @@ +--- +type: cabal +name: uuid-types +version: 1.0.3 +summary: Type definitions for Universally Unique Identifiers +homepage: https://github.com/aslatter/uuid +license: bsd-3-clause +--- +Copyright (c) 2008, Antoine Latter + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are +met: + + * Redistributions of source code must retain the above copyright +notice, this list of conditions and the following disclaimer. + * Redistributions in binary form must reproduce the above copyright +notice, this list of conditions and the following disclaimer in the +documentation and/or other materials provided with the distribution. + * The names of the authors may not be used to endorse or promote +products derived from this software without specific prior written +permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED +TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR +PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF +LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING +NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS +SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/vector-builder.txt b/.licenses/semantic/cabal/vector-builder.txt new file mode 100644 index 000000000..1e6cd9787 --- /dev/null +++ b/.licenses/semantic/cabal/vector-builder.txt @@ -0,0 +1,30 @@ +--- +type: cabal +name: vector-builder +version: 0.3.6 +summary: Vector builder +homepage: https://github.com/nikita-volkov/vector-builder +license: mit +--- +Copyright (c) 2016, Nikita Volkov + +Permission is hereby granted, free of charge, to any person +obtaining a copy of this software and associated documentation +files (the "Software"), to deal in the Software without +restriction, including without limitation the rights to use, +copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the +Software is furnished to do so, subject to the following +conditions: + +The above copyright notice and this permission notice shall be +included in all copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, +EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES +OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND +NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT +HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, +WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING +FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR +OTHER DEALINGS IN THE SOFTWARE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/vector-instances.txt b/.licenses/semantic/cabal/vector-instances.txt new file mode 100644 index 000000000..30ca5c063 --- /dev/null +++ b/.licenses/semantic/cabal/vector-instances.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: vector-instances +version: '3.4' +summary: Orphan Instances for 'Data.Vector' +homepage: https://github.com/ekmett/vector-instances +license: bsd-3-clause +--- +Copyright (c)2010, Edward Kmett + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above + copyright notice, this list of conditions and the following + disclaimer in the documentation and/or other materials provided + with the distribution. + + * Neither the name of Edward Kmett nor the names of other + contributors may be used to endorse or promote products derived + from this software without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS +"AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT +LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR +A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT +OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, +SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT +LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, +DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY +THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT +(INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE +OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/vector.txt b/.licenses/semantic/cabal/vector.txt new file mode 100644 index 000000000..62b837bc2 --- /dev/null +++ b/.licenses/semantic/cabal/vector.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: vector +version: 0.12.0.1 +summary: Efficient Arrays +homepage: https://github.com/haskell/vector +license: bsd-3-clause +--- +Copyright (c) 2008-2012, Roman Leshchinskiy +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +- Redistributions of source code must retain the above copyright notice, +this list of conditions and the following disclaimer. + +- Redistributions in binary form must reproduce the above copyright notice, +this list of conditions and the following disclaimer in the documentation +and/or other materials provided with the distribution. + +- Neither name of the University nor the names of its contributors may be +used to endorse or promote products derived from this software without +specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE UNIVERSITY COURT OF THE UNIVERSITY OF +GLASGOW AND THE CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, +INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND +FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE +UNIVERSITY COURT OF THE UNIVERSITY OF GLASGOW OR THE CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR +SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER +CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH +DAMAGE. + diff --git a/.licenses/semantic/cabal/void.txt b/.licenses/semantic/cabal/void.txt new file mode 100644 index 000000000..947443cd9 --- /dev/null +++ b/.licenses/semantic/cabal/void.txt @@ -0,0 +1,38 @@ +--- +type: cabal +name: void +version: 0.7.2 +summary: A Haskell 98 logically uninhabited data type +homepage: https://github.com/ekmett/void +license: bsd-3-clause +--- +Copyright 2015 Edward Kmett + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: + +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. + +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE AUTHORS ``AS IS'' AND ANY EXPRESS OR +IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED +WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE +DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE FOR +ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, +STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN +ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/wl-pprint.txt b/.licenses/semantic/cabal/wl-pprint.txt new file mode 100644 index 000000000..f1f23284d --- /dev/null +++ b/.licenses/semantic/cabal/wl-pprint.txt @@ -0,0 +1,33 @@ +--- +type: cabal +name: wl-pprint +version: 1.2.1 +summary: The Wadler/Leijen Pretty Printer +homepage: +license: bsd-2-clause +--- +Copyright 2000, Daan Leijen. All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are +met: + + * Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. + + * Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in + the documentation and/or other materials provided with the + distribution. + +This software is provided by the copyright holders "as is" and any +express or implied warranties, including, but not limited to, the +implied warranties of merchantability and fitness for a particular +purpose are disclaimed. In no event shall the copyright holders be +liable for any direct, indirect, incidental, special, exemplary, or +consequential damages (including, but not limited to, procurement of +substitute goods or services; loss of use, data, or profits; or +business interruption) however caused and on any theory of liability, +whether in contract, strict liability, or tort (including negligence +or otherwise) arising in any way out of the use of this software, even +if advised of the possibility of such damage. diff --git a/.licenses/semantic/cabal/x509-store.txt b/.licenses/semantic/cabal/x509-store.txt new file mode 100644 index 000000000..6afd0e05c --- /dev/null +++ b/.licenses/semantic/cabal/x509-store.txt @@ -0,0 +1,35 @@ +--- +type: cabal +name: x509-store +version: 1.6.6 +summary: X.509 collection accessing and storing methods +homepage: https://github.com/vincenthz/hs-certificate +license: bsd-3-clause +--- +Copyright (c) 2010-2013 Vincent Hanquez + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS ``AS IS'' AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE +ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF +SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/x509-system.txt b/.licenses/semantic/cabal/x509-system.txt new file mode 100644 index 000000000..788bd0b55 --- /dev/null +++ b/.licenses/semantic/cabal/x509-system.txt @@ -0,0 +1,35 @@ +--- +type: cabal +name: x509-system +version: 1.6.6 +summary: Handle per-operating-system X.509 accessors and storage +homepage: https://github.com/vincenthz/hs-certificate +license: bsd-3-clause +--- +Copyright (c) 2010-2013 Vincent Hanquez + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS ``AS IS'' AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE +ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF +SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/x509-validation.txt b/.licenses/semantic/cabal/x509-validation.txt new file mode 100644 index 000000000..d7ee685b7 --- /dev/null +++ b/.licenses/semantic/cabal/x509-validation.txt @@ -0,0 +1,35 @@ +--- +type: cabal +name: x509-validation +version: 1.6.10 +summary: X.509 Certificate and CRL validation +homepage: https://github.com/vincenthz/hs-certificate +license: bsd-3-clause +--- +Copyright (c) 2010-2013 Vincent Hanquez + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS ``AS IS'' AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE +ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF +SUCH DAMAGE. diff --git a/.licenses/semantic/cabal/x509.txt b/.licenses/semantic/cabal/x509.txt new file mode 100644 index 000000000..c0999bc09 --- /dev/null +++ b/.licenses/semantic/cabal/x509.txt @@ -0,0 +1,35 @@ +--- +type: cabal +name: x509 +version: 1.7.4 +summary: X509 reader and writer +homepage: https://github.com/vincenthz/hs-certificate +license: bsd-3-clause +--- +Copyright (c) 2010-2013 Vincent Hanquez + +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions +are met: +1. Redistributions of source code must retain the above copyright + notice, this list of conditions and the following disclaimer. +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. +3. Neither the name of the author nor the names of his contributors + may be used to endorse or promote products derived from this software + without specific prior written permission. + +THIS SOFTWARE IS PROVIDED BY THE REGENTS AND CONTRIBUTORS ``AS IS'' AND +ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE +ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHORS OR CONTRIBUTORS BE LIABLE +FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL +DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS +OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) +HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT +LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY +OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF +SUCH DAMAGE. \ No newline at end of file diff --git a/.licenses/semantic/cabal/zlib.txt b/.licenses/semantic/cabal/zlib.txt new file mode 100644 index 000000000..379c231dc --- /dev/null +++ b/.licenses/semantic/cabal/zlib.txt @@ -0,0 +1,32 @@ +--- +type: cabal +name: zlib +version: 0.6.2 +summary: Compression and decompression in the gzip and zlib formats +homepage: +license: bsd-3-clause +--- +Copyright (c) 2006-2016, Duncan Coutts +All rights reserved. + +Redistribution and use in source and binary forms, with or without +modification, are permitted provided that the following conditions are met: + +1. Redistributions of source code must retain the above copyright notice, + this list of conditions and the following disclaimer. +2. Redistributions in binary form must reproduce the above copyright + notice, this list of conditions and the following disclaimer in the + documentation and/or other materials provided with the distribution. +3. This clause is intentionally left blank. + +THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" +AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE +IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE +ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR CONTRIBUTORS BE +LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR +CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF +SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS +INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN +CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) +ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE +POSSIBILITY OF SUCH DAMAGE.