{-# LANGUAGE BangPatterns #-}
{-# LANGUAGE DefaultSignatures #-}
{-# LANGUAGE LambdaCase #-}
{-# LANGUAGE NamedFieldPuns #-}
{-# LANGUAGE ScopedTypeVariables #-}
{-# LANGUAGE TupleSections #-}
{-# LANGUAGE TypeSynonymInstances #-}
{-# LANGUAGE FlexibleInstances #-}
{-# OPTIONS_GHC -fno-warn-orphans #-}
module Data.SBV.Control.Utils (
io
, ask, send, getValue, getUninterpretedValue, getValueCW, getUnsatAssumptions, SMTValue(..)
, getQueryState, modifyQueryState, getConfig, getObjectives, getSBVAssertions, getSBVPgm, getQuantifiedInputs, getObservables
, checkSat, checkSatUsing, getAllSatResult
, inNewContext, freshVar, freshVar_, freshArray, freshArray_
, parse
, unexpected
, timeout
, queryDebug
, retrieveResponse
, recoverKindedValue
, runProofOn
, executeQuery
) where
import Data.Maybe (isJust)
import Data.List (sortBy, sortOn, elemIndex, partition, groupBy, tails, intercalate)
import Data.Char (isPunctuation, isSpace, chr, ord)
import Data.Function (on)
import Data.Typeable (Typeable)
import Data.Int
import Data.Word
import qualified Data.Map.Strict as Map
import qualified Data.IntMap.Strict as IMap
import qualified Control.Monad.Reader as R (ask)
import Control.Monad (unless)
import Control.Monad.State.Lazy (get, liftIO)
import Control.Monad.State (evalStateT)
import Data.IORef (readIORef, writeIORef)
import Data.Time (getZonedTime)
import Data.SBV.Core.Data ( SW(..), CW(..), SBV, AlgReal, sbvToSW, kindOf, Kind(..)
, HasKind(..), mkConstCW, CWVal(..), SMTResult(..)
, NamedSymVar, SMTConfig(..), Query, SMTModel(..)
, QueryState(..), SVal(..), Quantifier(..), cache
, newExpr, SBVExpr(..), Op(..), FPOp(..), SBV(..), SymArray(..)
, SolverContext(..), SBool, Objective(..), SolverCapabilities(..), capabilities
, Result(..), SMTProblem(..), trueSW, SymWord(..), SBVPgm(..), SMTSolver(..), SBVRunMode(..)
)
import Data.SBV.Core.Symbolic ( IncState(..), withNewIncState, State(..), svToSW, Symbolic
, QueryContext(..)
, registerLabel, svMkSymVar
, isSafetyCheckingIStage, isSetupIStage, isRunIStage, IStage(..), Query(..)
, extractSymbolicSimulationState
)
import Data.SBV.Core.AlgReals (mergeAlgReals)
import Data.SBV.Core.Operations (svNot, svNotEqual, svOr)
import Data.SBV.SMT.SMTLib (toIncSMTLib, toSMTLib)
import Data.SBV.SMT.Utils (showTimeoutValue, addAnnotations, alignPlain, debug, mergeSExpr, SBVException(..))
import Data.SBV.Utils.Lib (qfsToString, isKString)
import Data.SBV.Utils.SExpr
import Data.SBV.Control.Types
import qualified Data.Set as Set (toList)
import qualified Control.Exception as C
import GHC.Stack
import Unsafe.Coerce (unsafeCoerce)
instance SolverContext Query where
constrain = addQueryConstraint False []
softConstrain = addQueryConstraint True []
namedConstraint nm = addQueryConstraint False [(":named", nm)]
constrainWithAttribute = addQueryConstraint False
setOption o
| isStartModeOption o = error $ unlines [ ""
, "*** Data.SBV: '" ++ show o ++ "' can only be set at start-up time."
, "*** Hint: Move the call to 'setOption' before the query."
]
| True = send True $ setSMTOption o
addQueryConstraint :: Bool -> [(String, String)] -> SBool -> Query ()
addQueryConstraint isSoft atts b = do sw <- inNewContext (\st -> do mapM_ (registerLabel "Constraint" st) [nm | (":named", nm) <- atts]
sbvToSW st b)
send True $ "(" ++ asrt ++ " " ++ addAnnotations atts (show sw) ++ ")"
where asrt | isSoft = "assert-soft"
| True = "assert"
getConfig :: Query SMTConfig
getConfig = queryConfig <$> getQueryState
getObjectives :: Query [Objective (SW, SW)]
getObjectives = do State{rOptGoals} <- get
io $ reverse <$> readIORef rOptGoals
getSBVPgm :: Query SBVPgm
getSBVPgm = do State{spgm} <- get
io $ readIORef spgm
getSBVAssertions :: Query [(String, Maybe CallStack, SW)]
getSBVAssertions = do State{rAsserts} <- get
io $ reverse <$> readIORef rAsserts
io :: IO a -> Query a
io = liftIO
syncUpSolver :: Bool -> IncState -> Query ()
syncUpSolver afterAPush is = do
cfg <- getConfig
ls <- io $ do let swap (a, b) = (b, a)
cmp (a, _) (b, _) = a `compare` b
arrange (i, (at, rt, es)) = ((i, at, rt), es)
inps <- reverse <$> readIORef (rNewInps is)
ks <- readIORef (rNewKinds is)
cnsts <- sortBy cmp . map swap . Map.toList <$> readIORef (rNewConsts is)
arrs <- IMap.toAscList <$> readIORef (rNewArrs is)
tbls <- map arrange . sortBy cmp . map swap . Map.toList <$> readIORef (rNewTbls is)
uis <- Map.toAscList <$> readIORef (rNewUIs is)
as <- readIORef (rNewAsgns is)
return $ toIncSMTLib afterAPush cfg inps ks cnsts arrs tbls uis as cfg
mapM_ (send True) $ mergeSExpr ls
getQueryState :: Query QueryState
getQueryState = do state <- get
mbQS <- io $ readIORef (queryState state)
case mbQS of
Nothing -> error $ unlines [ ""
, "*** Data.SBV: Impossible happened: Query context required in a non-query mode."
, "Please report this as a bug!"
]
Just qs -> return qs
modifyQueryState :: (QueryState -> QueryState) -> Query ()
modifyQueryState f = do state <- get
mbQS <- io $ readIORef (queryState state)
case mbQS of
Nothing -> error $ unlines [ ""
, "*** Data.SBV: Impossible happened: Query context required in a non-query mode."
, "Please report this as a bug!"
]
Just qs -> let fqs = f qs
in fqs `seq` io $ writeIORef (queryState state) $ Just fqs
inNewContext :: (State -> IO a) -> Query a
inNewContext act = do st <- get
(is, r) <- io $ withNewIncState st act
mbQS <- io . readIORef . queryState $ st
let afterAPush = case mbQS of
Nothing -> False
Just qs -> isJust (queryTblArrPreserveIndex qs)
syncUpSolver afterAPush is
return r
freshVar_ :: forall a. SymWord a => Query (SBV a)
freshVar_ = inNewContext $ fmap SBV . svMkSymVar (Just EX) k Nothing
where k = kindOf (undefined :: a)
freshVar :: forall a. SymWord a => String -> Query (SBV a)
freshVar nm = inNewContext $ fmap SBV . svMkSymVar (Just EX) k (Just nm)
where k = kindOf (undefined :: a)
freshArray_ :: (SymArray array, HasKind a, HasKind b) => Maybe (SBV b) -> Query (array a b)
freshArray_ = mkFreshArray Nothing
freshArray :: (SymArray array, HasKind a, HasKind b) => String -> Maybe (SBV b) -> Query (array a b)
freshArray nm = mkFreshArray (Just nm)
mkFreshArray :: (SymArray array, HasKind a, HasKind b) => Maybe String -> Maybe (SBV b) -> Query (array a b)
mkFreshArray mbNm mbVal = inNewContext $ newArrayInState mbNm mbVal
queryDebug :: [String] -> Query ()
queryDebug msgs = do QueryState{queryConfig} <- getQueryState
io $ debug queryConfig msgs
ask :: String -> Query String
ask s = do QueryState{queryAsk, queryTimeOutValue} <- getQueryState
case queryTimeOutValue of
Nothing -> queryDebug ["[SEND] " `alignPlain` s]
Just i -> queryDebug ["[SEND, TimeOut: " ++ showTimeoutValue i ++ "] " `alignPlain` s]
r <- io $ queryAsk queryTimeOutValue s
queryDebug ["[RECV] " `alignPlain` r]
return r
askIgnoring :: String -> [String] -> Query String
askIgnoring s ignoreList = do
QueryState{queryAsk, queryRetrieveResponse, queryTimeOutValue} <- getQueryState
case queryTimeOutValue of
Nothing -> queryDebug ["[SEND] " `alignPlain` s]
Just i -> queryDebug ["[SEND, TimeOut: " ++ showTimeoutValue i ++ "] " `alignPlain` s]
r <- io $ queryAsk queryTimeOutValue s
queryDebug ["[RECV] " `alignPlain` r]
let loop currentResponse
| currentResponse `notElem` ignoreList
= return currentResponse
| True
= do queryDebug ["[WARN] Previous response is explicitly ignored, beware!"]
newResponse <- io $ queryRetrieveResponse queryTimeOutValue
queryDebug ["[RECV] " `alignPlain` newResponse]
loop newResponse
loop r
send :: Bool -> String -> Query ()
send requireSuccess s = do
QueryState{queryAsk, querySend, queryConfig, queryTimeOutValue} <- getQueryState
if requireSuccess && supportsCustomQueries (capabilities (solver queryConfig))
then do r <- io $ queryAsk queryTimeOutValue s
case words r of
["success"] -> queryDebug ["[GOOD] " `alignPlain` s]
_ -> do case queryTimeOutValue of
Nothing -> queryDebug ["[FAIL] " `alignPlain` s]
Just i -> queryDebug [("[FAIL, TimeOut: " ++ showTimeoutValue i ++ "] ") `alignPlain` s]
let cmd = case words (dropWhile (\c -> isSpace c || isPunctuation c) s) of
(c:_) -> c
_ -> "Command"
unexpected cmd s "success" Nothing r Nothing
else io $ querySend queryTimeOutValue s
retrieveResponse :: String -> Maybe Int -> Query [String]
retrieveResponse userTag mbTo = do
ts <- io (show <$> getZonedTime)
let synchTag = show $ userTag ++ " (at: " ++ ts ++ ")"
cmd = "(echo " ++ synchTag ++ ")"
queryDebug ["[SYNC] Attempting to synchronize with tag: " ++ synchTag]
send False cmd
QueryState{queryRetrieveResponse} <- getQueryState
let loop sofar = do
s <- io $ queryRetrieveResponse mbTo
if s == synchTag || show s == synchTag
then do queryDebug ["[SYNC] Synchronization achieved using tag: " ++ synchTag]
return $ reverse sofar
else do queryDebug ["[RECV] " `alignPlain` s]
loop (s : sofar)
loop []
class SMTValue a where
sexprToVal :: SExpr -> Maybe a
default sexprToVal :: Read a => SExpr -> Maybe a
sexprToVal (ECon c) = case reads c of
[(v, "")] -> Just v
_ -> Nothing
sexprToVal _ = Nothing
fromIntegralToVal :: Integral a => SExpr -> Maybe a
fromIntegralToVal (ENum (i, _)) = Just $ fromIntegral i
fromIntegralToVal _ = Nothing
instance SMTValue Int8 where sexprToVal = fromIntegralToVal
instance SMTValue Int16 where sexprToVal = fromIntegralToVal
instance SMTValue Int32 where sexprToVal = fromIntegralToVal
instance SMTValue Int64 where sexprToVal = fromIntegralToVal
instance SMTValue Word8 where sexprToVal = fromIntegralToVal
instance SMTValue Word16 where sexprToVal = fromIntegralToVal
instance SMTValue Word32 where sexprToVal = fromIntegralToVal
instance SMTValue Word64 where sexprToVal = fromIntegralToVal
instance SMTValue Integer where sexprToVal = fromIntegralToVal
instance SMTValue Float where
sexprToVal (EFloat f) = Just f
sexprToVal (ENum (v, _)) = Just (fromIntegral v)
sexprToVal _ = Nothing
instance SMTValue Double where
sexprToVal (EDouble f) = Just f
sexprToVal (ENum (v, _)) = Just (fromIntegral v)
sexprToVal _ = Nothing
instance SMTValue Bool where
sexprToVal (ENum (1, _)) = Just True
sexprToVal (ENum (0, _)) = Just False
sexprToVal _ = Nothing
instance SMTValue AlgReal where
sexprToVal (EReal a) = Just a
sexprToVal (ENum (v, _)) = Just (fromIntegral v)
sexprToVal _ = Nothing
instance SMTValue Char where
sexprToVal (ENum (i, _)) = Just (chr (fromIntegral i))
sexprToVal _ = Nothing
instance (SMTValue a, Typeable a) => SMTValue [a] where
sexprToVal (ECon s)
| isKString (undefined :: [a]) && length s >= 2 && head s == '"' && last s == '"'
= Just $ map unsafeCoerce s'
| True
= Just $ map (unsafeCoerce . c2w8) s'
where s' = qfsToString (tail (init s))
c2w8 :: Char -> Word8
c2w8 = fromIntegral . ord
sexprToVal (EApp [ECon "seq.++", l, r]) = do l' <- sexprToVal l
r' <- sexprToVal r
return $ l' ++ r'
sexprToVal (EApp [ECon "seq.unit", a]) = do a' <- sexprToVal a
return [a']
sexprToVal (EApp [ECon "as", ECon "seq.empty", _]) = return []
sexprToVal _ = Nothing
getValue :: SMTValue a => SBV a -> Query a
getValue s = do sw <- inNewContext (`sbvToSW` s)
let nm = show sw
cmd = "(get-value (" ++ nm ++ "))"
bad = unexpected "getValue" cmd "a model value" Nothing
r <- ask cmd
parse r bad $ \case EApp [EApp [ECon o, v]] | o == show sw -> case sexprToVal v of
Nothing -> bad r Nothing
Just c -> return c
_ -> bad r Nothing
getUninterpretedValue :: HasKind a => SBV a -> Query String
getUninterpretedValue s =
case kindOf s of
KUserSort _ (Left _) -> do sw <- inNewContext (`sbvToSW` s)
let nm = show sw
cmd = "(get-value (" ++ nm ++ "))"
bad = unexpected "getValue" cmd "a model value" Nothing
r <- ask cmd
parse r bad $ \case EApp [EApp [ECon o, ECon v]] | o == show sw -> return v
_ -> bad r Nothing
k -> error $ unlines [""
, "*** SBV.getUninterpretedValue: Called on an 'interpreted' kind"
, "*** "
, "*** Kind: " ++ show k
, "*** Hint: Use 'getValue' to extract value for interpreted kinds."
, "*** "
, "*** Only truly uninterpreted sorts should be used with 'getUninterpretedValue.'"
]
getValueCWHelper :: Maybe Int -> SW -> Query CW
getValueCWHelper mbi s = do
let nm = show s
k = kindOf s
modelIndex = case mbi of
Nothing -> ""
Just i -> " :model_index " ++ show i
cmd = "(get-value (" ++ nm ++ ")" ++ modelIndex ++ ")"
bad = unexpected "getModel" cmd ("a value binding for kind: " ++ show k) Nothing
r <- ask cmd
parse r bad $ \case EApp [EApp [ECon v, val]] | v == nm -> case recoverKindedValue (kindOf s) val of
Just cw -> return cw
Nothing -> bad r Nothing
_ -> bad r Nothing
recoverKindedValue :: Kind -> SExpr -> Maybe CW
recoverKindedValue k e = case e of
ENum i | isIntegralLike -> Just $ mkConstCW k (fst i)
ENum i | isChar k -> Just $ CW KChar (CWChar (chr (fromIntegral (fst i))))
EReal i | isReal k -> Just $ CW KReal (CWAlgReal i)
EFloat i | isFloat k -> Just $ CW KFloat (CWFloat i)
EDouble i | isDouble k -> Just $ CW KDouble (CWDouble i)
ECon s | isString k -> Just $ CW KString (CWString (interpretString s))
ECon s | isUninterpreted k -> Just $ CW k (CWUserSort (getUIIndex k s, s))
_ | isList k -> Just $ CW k (CWList (interpretList e))
_ -> Nothing
where isIntegralLike = or [f k | f <- [isBoolean, isBounded, isInteger, isReal, isFloat, isDouble]]
getUIIndex (KUserSort _ (Right xs)) i = i `elemIndex` xs
getUIIndex _ _ = Nothing
stringLike xs = length xs >= 2 && head xs == '"' && last xs == '"'
interpretString xs
| not (stringLike xs)
= error $ "Expected a string constant with quotes, received: <" ++ xs ++ ">"
| True
= qfsToString $ tail (init xs)
isStringSequence (KList (KBounded _ 8)) = True
isStringSequence _ = False
interpretList (ECon s)
| isStringSequence k && stringLike s
= map (CWInteger . fromIntegral . ord) $ interpretString s
interpretList topExpr = walk topExpr
where walk (EApp [ECon "as", ECon "seq.empty", _]) = []
walk (EApp [ECon "seq.unit", v]) = case recoverKindedValue ek v of
Just w -> [cwVal w]
Nothing -> error $ "Cannot parse a sequence item of kind " ++ show ek ++ " from: " ++ show v ++ extra v
walk (EApp [ECon "seq.++", pre, post]) = walk pre ++ walk post
walk cur = error $ "Expected a sequence constant, but received: " ++ show cur ++ extra cur
extra cur | show cur == t = ""
| True = "\nWhile parsing: " ++ t
where t = show topExpr
ek = case k of
KList ik -> ik
_ -> error $ "Impossible: Expected a sequence kind, bug got: " ++ show k
getValueCW :: Maybe Int -> SW -> Query CW
getValueCW mbi s
| kindOf s /= KReal
= getValueCWHelper mbi s
| True
= do cfg <- getConfig
if not (supportsApproxReals (capabilities (solver cfg)))
then getValueCWHelper mbi s
else do send True "(set-option :pp.decimal false)"
rep1 <- getValueCWHelper mbi s
send True "(set-option :pp.decimal true)"
send True $ "(set-option :pp.decimal_precision " ++ show (printRealPrec cfg) ++ ")"
rep2 <- getValueCWHelper mbi s
let bad = unexpected "getValueCW" "get-value" ("a real-valued binding for " ++ show s) Nothing (show (rep1, rep2)) Nothing
case (rep1, rep2) of
(CW KReal (CWAlgReal a), CW KReal (CWAlgReal b)) -> return $ CW KReal (CWAlgReal (mergeAlgReals ("Cannot merge real-values for " ++ show s) a b))
_ -> bad
checkSat :: Query CheckSatResult
checkSat = do cfg <- getConfig
checkSatUsing $ satCmd cfg
checkSatUsing :: String -> Query CheckSatResult
checkSatUsing cmd = do let bad = unexpected "checkSat" cmd "one of sat/unsat/unknown" Nothing
ignoreList = ["WARNING: optimization with quantified constraints is not supported"]
r <- askIgnoring cmd ignoreList
parse r bad $ \case ECon "sat" -> return Sat
ECon "unsat" -> return Unsat
ECon "unknown" -> return Unk
_ -> bad r Nothing
getQuantifiedInputs :: Query [(Quantifier, NamedSymVar)]
getQuantifiedInputs = do State{rinps} <- get
(rQinps, rTrackers) <- liftIO $ readIORef rinps
let qinps = reverse rQinps
trackers = map (EX,) $ reverse rTrackers
(preQs, postQs) = span (\(q, _) -> q == EX) qinps
return $ preQs ++ trackers ++ postQs
getObservables :: Query [(String, SW)]
getObservables = do State{rObservables} <- get
rObs <- liftIO $ readIORef rObservables
return $ reverse rObs
getAllSatResult :: Query (Bool, Bool, [SMTResult])
getAllSatResult = do queryDebug ["*** Checking Satisfiability, all solutions.."]
cfg <- getConfig
State{rUsedKinds} <- get
ki <- liftIO $ readIORef rUsedKinds
qinps <- getQuantifiedInputs
let usorts = [s | us@(KUserSort s _) <- Set.toList ki, isFree us]
unless (null usorts) $ queryDebug [ "*** SBV.allSat: Uninterpreted sorts present: " ++ unwords usorts
, "*** SBV will use equivalence classes to generate all-satisfying instances."
]
let vars :: [(SVal, NamedSymVar)]
vars = let allModelInputs = takeWhile ((/= ALL) . fst) qinps
sortByNodeId :: [NamedSymVar] -> [NamedSymVar]
sortByNodeId = sortBy (compare `on` (\(SW _ n, _) -> n))
mkSVal :: NamedSymVar -> (SVal, NamedSymVar)
mkSVal nm@(sw, _) = (SVal (kindOf sw) (Right (cache (const (return sw)))), nm)
in map mkSVal $ sortByNodeId [nv | (_, nv@(_, n)) <- allModelInputs, not (isNonModelVar cfg n)]
w = ALL `elem` map fst qinps
(sc, ms) <- loop vars cfg
return (sc, w, reverse ms)
where isFree (KUserSort _ (Left _)) = True
isFree _ = False
loop vars cfg = go (1::Int) []
where go :: Int -> [SMTResult] -> Query (Bool, [SMTResult])
go !cnt sofar
| Just maxModels <- allSatMaxModelCount cfg, cnt > maxModels
= do queryDebug ["*** Maximum model count request of " ++ show maxModels ++ " reached, stopping the search."]
return (True, sofar)
| True
= do queryDebug ["Looking for solution " ++ show cnt]
cs <- checkSat
case cs of
Unsat -> return (False, sofar)
Unk -> do queryDebug ["*** Solver returned unknown, terminating query."]
return (False, sofar)
Sat -> do assocs <- mapM (\(sval, (sw, n)) -> do cw <- getValueCW Nothing sw
return (n, (sval, cw))) vars
let m = Satisfiable cfg SMTModel { modelObjectives = []
, modelAssocs = [(n, cw) | (n, (_, cw)) <- assocs]
}
(interpreteds, uninterpreteds) = partition (not . isFree . kindOf . fst) (map snd assocs)
interpretedEqs :: [SVal]
interpretedEqs = [mkNotEq (kindOf sv) sv (SVal (kindOf sv) (Left cw)) | (sv, cw) <- interpreteds]
where mkNotEq k a b
| isDouble k || isFloat k = svNot (a `fpNotEq` b)
| True = a `svNotEqual` b
fpNotEq a b = SVal KBool $ Right $ cache r
where r st = do swa <- svToSW st a
swb <- svToSW st b
newExpr st KBool (SBVApp (IEEEFP FP_ObjEqual) [swa, swb])
uninterpretedEqs :: [SVal]
uninterpretedEqs = concatMap pwDistinct
. filter (\l -> length l > 1)
. map (map fst)
. groupBy ((==) `on` snd)
. sortOn snd
$ uninterpreteds
where pwDistinct :: [SVal] -> [SVal]
pwDistinct ss = [x `svNotEqual` y | (x:ys) <- tails ss, y <- ys]
eqs = interpretedEqs ++ uninterpretedEqs
disallow = case eqs of
[] -> Nothing
_ -> Just $ SBV $ foldr1 svOr eqs
let resultsSoFar = m : sofar
case disallow of
Nothing -> return (False, resultsSoFar)
Just d -> do constrain d
go (cnt+1) resultsSoFar
getUnsatAssumptions :: [String] -> [(String, a)] -> Query [a]
getUnsatAssumptions originals proxyMap = do
let cmd = "(get-unsat-assumptions)"
bad = unexpected "getUnsatAssumptions" cmd "a list of unsatisfiable assumptions"
$ Just [ "Make sure you use:"
, ""
, " setOption $ ProduceUnsatAssumptions True"
, ""
, "to make sure the solver is ready for producing unsat assumptions,"
, "and that there is a model by first issuing a 'checkSat' call."
]
fromECon (ECon s) = Just s
fromECon _ = Nothing
r <- ask cmd
let walk [] sofar = return $ reverse sofar
walk (a:as) sofar = case a `lookup` proxyMap of
Just v -> walk as (v:sofar)
Nothing -> do queryDebug [ "*** In call to 'getUnsatAssumptions'"
, "***"
, "*** Unexpected assumption named: " ++ show a
, "*** Was expecting one of : " ++ show originals
, "***"
, "*** This can happen if unsat-cores are also enabled. Ignoring."
]
walk as sofar
parse r bad $ \case
EApp es | Just xs <- mapM fromECon es -> walk xs []
_ -> bad r Nothing
timeout :: Int -> Query a -> Query a
timeout n q = do modifyQueryState (\qs -> qs {queryTimeOutValue = Just n})
r <- q
modifyQueryState (\qs -> qs {queryTimeOutValue = Nothing})
return r
parse :: String -> (String -> Maybe [String] -> a) -> (SExpr -> a) -> a
parse r fCont sCont = case parseSExpr r of
Left e -> fCont r (Just [e])
Right res -> sCont res
unexpected :: String -> String -> String -> Maybe [String] -> String -> Maybe [String] -> Query a
unexpected ctx sent expected mbHint received mbReason = do
extras <- retrieveResponse "terminating upon unexpected response" (Just 5000000)
cfg <- getConfig
let exc = SBVException { sbvExceptionDescription = "Unexpected response from the solver, context: " ++ ctx
, sbvExceptionSent = Just sent
, sbvExceptionExpected = Just expected
, sbvExceptionReceived = Just received
, sbvExceptionStdOut = Just $ unlines extras
, sbvExceptionStdErr = Nothing
, sbvExceptionExitCode = Nothing
, sbvExceptionConfig = cfg
, sbvExceptionReason = mbReason
, sbvExceptionHint = mbHint
}
io $ C.throwIO exc
runProofOn :: SBVRunMode -> [String] -> Result -> SMTProblem
runProofOn rm comments res@(Result ki _qcInfo _observables _codeSegs is consts tbls arrs uis axs pgm cstrs _assertions outputs) =
let (config, isSat, isSafe, isSetup) = case rm of
SMTMode stage s c -> (c, s, isSafetyCheckingIStage stage, isSetupIStage stage)
_ -> error $ "runProofOn: Unexpected run mode: " ++ show rm
flipQ (ALL, x) = (EX, x)
flipQ (EX, x) = (ALL, x)
skolemize :: [(Quantifier, NamedSymVar)] -> [Either SW (SW, [SW])]
skolemize quants = go quants ([], [])
where go [] (_, sofar) = reverse sofar
go ((ALL, (v, _)):rest) (us, sofar) = go rest (v:us, Left v : sofar)
go ((EX, (v, _)):rest) (us, sofar) = go rest (us, Right (v, reverse us) : sofar)
qinps = if isSat then fst is else map flipQ (fst is)
skolemMap = skolemize qinps
o | isSafe = trueSW
| True = case outputs of
[] | isSetup -> trueSW
[so] -> case so of
SW KBool _ -> so
_ -> error $ unlines [ "Impossible happened, non-boolean output: " ++ show so
, "Detected while generating the trace:\n" ++ show res
]
os -> error $ unlines [ "User error: Multiple output values detected: " ++ show os
, "Detected while generating the trace:\n" ++ show res
, "*** Check calls to \"output\", they are typically not needed!"
]
in SMTProblem { smtLibPgm = toSMTLib config ki isSat comments is skolemMap consts tbls arrs uis axs pgm cstrs o }
executeQuery :: QueryContext -> Query a -> Symbolic a
executeQuery queryContext (Query userQuery) = do
st <- R.ask
rm <- liftIO $ readIORef (runMode st)
() <- liftIO $ case queryContext of
QueryInternal -> return ()
QueryExternal -> do
(userInps, _) <- readIORef (rinps st)
let badInps = reverse [n | (ALL, (_, n)) <- userInps]
case badInps of
[] -> return ()
_ -> let plu | length badInps > 1 = "s require"
| True = " requires"
in error $ unlines [ ""
, "*** Data.SBV: Unsupported query call in the presence of quantified inputs."
, "***"
, "*** The following variable" ++ plu ++ " explicit quantification: "
, "***"
, "*** " ++ intercalate ", " badInps
, "***"
, "*** While quantification and queries can co-exist in principle, SBV currently"
, "*** does not support this scenario. Avoid using quantifiers with user queries"
, "*** if possible. Please do get in touch if your use case does require such"
, "*** a feature to see how we can accommodate such scenarios."
]
case rm of
SMTMode stage isSAT cfg | not (isRunIStage stage) -> liftIO $ do
let backend = engine (solver cfg)
res <- extractSymbolicSimulationState st
setOpts <- reverse <$> readIORef (rSMTOptions st)
let SMTProblem{smtLibPgm} = runProofOn rm [] res
cfg' = cfg { solverSetOptions = solverSetOptions cfg ++ setOpts }
pgm = smtLibPgm cfg'
writeIORef (runMode st) $ SMTMode IRun isSAT cfg
backend cfg' st (show pgm) $ evalStateT userQuery
SMTMode IRun _ _ -> error $ unlines [ ""
, "*** Data.SBV: Unsupported nested query is detected."
, "***"
, "*** Please group your queries into one block. Note that this"
, "*** can also arise if you have a call to 'query' not within 'runSMT'"
, "*** For instance, within 'sat'/'prove' calls with custom user queries."
, "*** The solution is to do the sat/prove part in the query directly."
, "***"
, "*** While multiple/nested queries should not be necessary in general,"
, "*** please do get in touch if your use case does require such a feature,"
, "*** to see how we can accommodate such scenarios."
]
m -> error $ unlines [ ""
, "*** Data.SBV: Invalid query call."
, "***"
, "*** Current mode: " ++ show m
, "***"
, "*** Query calls are only valid within runSMT/runSMTWith calls"
]
{-# ANN module ("HLint: ignore Reduce duplication" :: String) #-}