more parsing ... -.-
This commit is contained in:
parent
e5857e8435
commit
64d542adf3
@ -16,14 +16,15 @@ executable Pioneers
|
||||
Map.Graphics,
|
||||
Map.Creation,
|
||||
Map.StaticMaps,
|
||||
IQM.Types,
|
||||
IQM.TestMain,
|
||||
IQM.Parser,
|
||||
Importer.IQM.Types,
|
||||
Importer.IQM.TestMain,
|
||||
Importer.IQM.Parser,
|
||||
Render.Misc,
|
||||
Render.Render,
|
||||
Render.RenderObject,
|
||||
Render.Types,
|
||||
UI.Callbacks,
|
||||
Types,
|
||||
UI.Types,
|
||||
UI.SurfaceOverlay
|
||||
Types
|
||||
main-is: Main.hs
|
||||
@ -45,6 +46,7 @@ executable Pioneers
|
||||
SDL2 >= 0.1.0,
|
||||
time >=1.4.0,
|
||||
GLUtil >= 0.7,
|
||||
attoparsec >= 0.11.2
|
||||
attoparsec >= 0.11.2,
|
||||
attoparsec-binary >= 0.1
|
||||
Default-Language: Haskell2010
|
||||
|
||||
|
@ -2,6 +2,101 @@
|
||||
|
||||
#extension GL_ARB_tessellation_shader : require
|
||||
|
||||
//#include "shaders/3rdParty/noise.glsl"
|
||||
|
||||
vec3 mod289(vec3 x) {
|
||||
return x - floor(x * (1.0 / 289.0)) * 289.0;
|
||||
}
|
||||
|
||||
vec4 mod289(vec4 x) {
|
||||
return x - floor(x * (1.0 / 289.0)) * 289.0;
|
||||
}
|
||||
|
||||
vec4 permute(vec4 x) {
|
||||
return mod289(((x*34.0)+1.0)*x);
|
||||
}
|
||||
|
||||
vec4 taylorInvSqrt(vec4 r)
|
||||
{
|
||||
return 1.79284291400159 - 0.85373472095314 * r;
|
||||
}
|
||||
|
||||
float snoise(vec3 v)
|
||||
{
|
||||
const vec2 C = vec2(1.0/6.0, 1.0/3.0) ;
|
||||
const vec4 D = vec4(0.0, 0.5, 1.0, 2.0);
|
||||
|
||||
// First corner
|
||||
vec3 i = floor(v + dot(v, C.yyy) );
|
||||
vec3 x0 = v - i + dot(i, C.xxx) ;
|
||||
|
||||
// Other corners
|
||||
vec3 g = step(x0.yzx, x0.xyz);
|
||||
vec3 l = 1.0 - g;
|
||||
vec3 i1 = min( g.xyz, l.zxy );
|
||||
vec3 i2 = max( g.xyz, l.zxy );
|
||||
|
||||
// x0 = x0 - 0.0 + 0.0 * C.xxx;
|
||||
// x1 = x0 - i1 + 1.0 * C.xxx;
|
||||
// x2 = x0 - i2 + 2.0 * C.xxx;
|
||||
// x3 = x0 - 1.0 + 3.0 * C.xxx;
|
||||
vec3 x1 = x0 - i1 + C.xxx;
|
||||
vec3 x2 = x0 - i2 + C.yyy; // 2.0*C.x = 1/3 = C.y
|
||||
vec3 x3 = x0 - D.yyy; // -1.0+3.0*C.x = -0.5 = -D.y
|
||||
|
||||
// Permutations
|
||||
i = mod289(i);
|
||||
vec4 p = permute( permute( permute(
|
||||
i.z + vec4(0.0, i1.z, i2.z, 1.0 ))
|
||||
+ i.y + vec4(0.0, i1.y, i2.y, 1.0 ))
|
||||
+ i.x + vec4(0.0, i1.x, i2.x, 1.0 ));
|
||||
|
||||
// Gradients: 7x7 points over a square, mapped onto an octahedron.
|
||||
// The ring size 17*17 = 289 is close to a multiple of 49 (49*6 = 294)
|
||||
float n_ = 0.142857142857; // 1.0/7.0
|
||||
vec3 ns = n_ * D.wyz - D.xzx;
|
||||
|
||||
vec4 j = p - 49.0 * floor(p * ns.z * ns.z); // mod(p,7*7)
|
||||
|
||||
vec4 x_ = floor(j * ns.z);
|
||||
vec4 y_ = floor(j - 7.0 * x_ ); // mod(j,N)
|
||||
|
||||
vec4 x = x_ *ns.x + ns.yyyy;
|
||||
vec4 y = y_ *ns.x + ns.yyyy;
|
||||
vec4 h = 1.0 - abs(x) - abs(y);
|
||||
|
||||
vec4 b0 = vec4( x.xy, y.xy );
|
||||
vec4 b1 = vec4( x.zw, y.zw );
|
||||
|
||||
//vec4 s0 = vec4(lessThan(b0,0.0))*2.0 - 1.0;
|
||||
//vec4 s1 = vec4(lessThan(b1,0.0))*2.0 - 1.0;
|
||||
vec4 s0 = floor(b0)*2.0 + 1.0;
|
||||
vec4 s1 = floor(b1)*2.0 + 1.0;
|
||||
vec4 sh = -step(h, vec4(0.0));
|
||||
|
||||
vec4 a0 = b0.xzyw + s0.xzyw*sh.xxyy ;
|
||||
vec4 a1 = b1.xzyw + s1.xzyw*sh.zzww ;
|
||||
|
||||
vec3 p0 = vec3(a0.xy,h.x);
|
||||
vec3 p1 = vec3(a0.zw,h.y);
|
||||
vec3 p2 = vec3(a1.xy,h.z);
|
||||
vec3 p3 = vec3(a1.zw,h.w);
|
||||
|
||||
//Normalise gradients
|
||||
vec4 norm = taylorInvSqrt(vec4(dot(p0,p0), dot(p1,p1), dot(p2, p2), dot(p3,p3)));
|
||||
p0 *= norm.x;
|
||||
p1 *= norm.y;
|
||||
p2 *= norm.z;
|
||||
p3 *= norm.w;
|
||||
|
||||
// Mix final noise value
|
||||
vec4 m = max(0.6 - vec4(dot(x0,x0), dot(x1,x1), dot(x2,x2), dot(x3,x3)), 0.0);
|
||||
m = m * m;
|
||||
return 42.0 * dot( m*m, vec4( dot(p0,x0), dot(p1,x1),
|
||||
dot(p2,x2), dot(p3,x3) ) );
|
||||
}
|
||||
|
||||
|
||||
layout(triangles, equal_spacing, cw) in;
|
||||
in vec3 tcPosition[];
|
||||
in vec4 tcColor[];
|
||||
@ -37,6 +132,7 @@ void main()
|
||||
float i2 = (1-gl_TessCoord.z)*gl_TessCoord.z * length(cross(tcNormal[2],tessNormal));
|
||||
float standout = i0+i1+i2;
|
||||
tePosition = tePosition+tessNormal*standout;
|
||||
tePosition = tePosition+0.05*snoise(tePosition);
|
||||
gl_Position = ProjectionMatrix * ViewMatrix * vec4(tePosition, 1);
|
||||
|
||||
//COLOR-BLENDING
|
||||
|
@ -8,8 +8,11 @@ module Importer.IQM.Parser (parseIQM) where
|
||||
import Importer.IQM.Types
|
||||
import Data.Attoparsec.ByteString.Char8
|
||||
import Data.Attoparsec.ByteString
|
||||
import Data.Attoparsec.Binary
|
||||
import Data.Attoparsec (parse, takeByteString)
|
||||
import Data.ByteString.Char8 (pack)
|
||||
import Data.ByteString (split, null)
|
||||
import Data.ByteString (split, null, ByteString)
|
||||
import qualified Data.ByteString as B
|
||||
import Data.Word
|
||||
import Data.Int
|
||||
import Unsafe.Coerce
|
||||
@ -20,12 +23,12 @@ import Control.Monad
|
||||
import Prelude as P hiding (take, null)
|
||||
|
||||
-- | helper-function for creating an integral out of [8-Bit Ints]
|
||||
w8ToInt :: Integral a => a -> a -> a
|
||||
w8ToInt i add = 256*i + add
|
||||
_w8ToInt :: Integral a => a -> a -> a
|
||||
_w8ToInt i add = 256*i + add
|
||||
|
||||
-- | shorthand-function for parsing Word8 into Integrals
|
||||
parseNum :: (Integral a, Integral b) => [a] -> b
|
||||
parseNum = (foldl1 w8ToInt) . map fromIntegral
|
||||
_parseNum :: (Integral a, Integral b) => [a] -> b
|
||||
_parseNum = foldl1 _w8ToInt . map fromIntegral
|
||||
|
||||
-- | read a 16-Bit Int from Parsing-Input and log 2 bytes in our Parsing-Monad
|
||||
--
|
||||
@ -35,55 +38,62 @@ _int16 = do
|
||||
ret <- lift $ do
|
||||
a <- anyWord8 :: Parser Word8
|
||||
b <- anyWord8 :: Parser Word8
|
||||
return $ parseNum [b,a]
|
||||
return $ _parseNum [b,a]
|
||||
modify (+2)
|
||||
return ret
|
||||
|
||||
-- | read a 32-Bit Int from Parsing-Input and log 4 bytes in our Parsing-Monad
|
||||
int32 :: CParser Word32
|
||||
int32 = do
|
||||
_int32 :: CParser Int32
|
||||
_int32 = do
|
||||
ret <- lift $ do
|
||||
a <- anyWord8 :: Parser Word8
|
||||
b <- anyWord8 :: Parser Word8
|
||||
c <- anyWord8 :: Parser Word8
|
||||
d <- anyWord8 :: Parser Word8
|
||||
return $ parseNum [d,c,b,a]
|
||||
return $ _parseNum [d,c,b,a]
|
||||
modify (+4)
|
||||
return $ ret
|
||||
return ret
|
||||
|
||||
w32leCParser :: CParser Word32
|
||||
w32leCParser = do
|
||||
ret <- lift anyWord32le
|
||||
modify (+4)
|
||||
return ret
|
||||
|
||||
-- | Parser for the header
|
||||
readHeader :: CParser IQMHeader
|
||||
readHeader = do
|
||||
_ <- lift $ string (pack "INTERQUAKEMODEL\0")
|
||||
modify (+16)
|
||||
v <- int32
|
||||
-- when v /= 2 then --TODO: error something
|
||||
size' <- int32
|
||||
flags' <- int32
|
||||
num_text' <- int32
|
||||
ofs_text' <- int32
|
||||
num_meshes' <- int32
|
||||
ofs_meshes' <- int32
|
||||
num_vertexarrays' <- int32
|
||||
num_vertexes' <- int32
|
||||
ofs_vertexarrays' <- int32
|
||||
num_triangles' <- int32
|
||||
ofs_triangles' <- int32
|
||||
ofs_adjacency' <- int32
|
||||
num_joints' <- int32
|
||||
ofs_joints' <- int32
|
||||
num_poses' <- int32
|
||||
ofs_poses' <- int32
|
||||
num_anims' <- int32
|
||||
ofs_anims' <- int32
|
||||
num_frames' <- int32
|
||||
num_framechannels' <- int32
|
||||
ofs_frames' <- int32
|
||||
ofs_bounds' <- int32
|
||||
num_comment' <- int32
|
||||
ofs_comment' <- int32
|
||||
num_extensions' <- int32
|
||||
ofs_extensions' <- int32
|
||||
v <- w32leCParser
|
||||
lift $ when (v /= 2) $ fail "Version /= 2.\nThis Parser only supports Version 2 of the InterQuake-Model IQM"
|
||||
-- when v /= 2 then fail parsing.
|
||||
size' <- w32leCParser
|
||||
flags' <- w32leCParser
|
||||
num_text' <- w32leCParser
|
||||
ofs_text' <- w32leCParser
|
||||
num_meshes' <- w32leCParser
|
||||
ofs_meshes' <- w32leCParser
|
||||
num_vertexarrays' <- w32leCParser
|
||||
num_vertexes' <- w32leCParser
|
||||
ofs_vertexarrays' <- w32leCParser
|
||||
num_triangles' <- w32leCParser
|
||||
ofs_triangles' <- w32leCParser
|
||||
ofs_adjacency' <- w32leCParser
|
||||
num_joints' <- w32leCParser
|
||||
ofs_joints' <- w32leCParser
|
||||
num_poses' <- w32leCParser
|
||||
ofs_poses' <- w32leCParser
|
||||
num_anims' <- w32leCParser
|
||||
ofs_anims' <- w32leCParser
|
||||
num_frames' <- w32leCParser
|
||||
num_framechannels' <- w32leCParser
|
||||
ofs_frames' <- w32leCParser
|
||||
ofs_bounds' <- w32leCParser
|
||||
num_comment' <- w32leCParser
|
||||
ofs_comment' <- w32leCParser
|
||||
num_extensions' <- w32leCParser
|
||||
ofs_extensions' <- w32leCParser
|
||||
return IQMHeader { version = v
|
||||
, filesize = size'
|
||||
, flags = fromIntegral flags'
|
||||
@ -116,12 +126,12 @@ readHeader = do
|
||||
-- | Parser for Mesh-Structure
|
||||
readMesh :: CParser IQMMesh
|
||||
readMesh = do
|
||||
name <- int32
|
||||
mat <- int32
|
||||
fv <- int32
|
||||
nv <- int32
|
||||
ft <- int32
|
||||
nt <- int32
|
||||
name <- w32leCParser
|
||||
mat <- w32leCParser
|
||||
fv <- w32leCParser
|
||||
nv <- w32leCParser
|
||||
ft <- w32leCParser
|
||||
nt <- w32leCParser
|
||||
return IQMMesh
|
||||
{ meshName = if name == 0 then Nothing else Just (Mesh name)
|
||||
, meshMaterial = mat
|
||||
@ -144,11 +154,11 @@ readMeshes n = do
|
||||
-- | Parser for Mesh-Structure
|
||||
readVAF :: CParser IQMVertexArray
|
||||
readVAF = do
|
||||
vat <- rawEnumToVAT =<< int32
|
||||
flags' <- int32
|
||||
format <- rawEnumToVAF =<< int32
|
||||
size <- int32
|
||||
offset <- int32
|
||||
vat <- rawEnumToVAT =<< w32leCParser
|
||||
flags' <- w32leCParser
|
||||
format <- rawEnumToVAF =<< w32leCParser
|
||||
size <- w32leCParser
|
||||
offset <- w32leCParser
|
||||
return $ IQMVertexArray vat (fromIntegral flags') format (fromIntegral size) offset
|
||||
|
||||
-- | helper to read n consecutive Meshes tail-recursive
|
||||
@ -166,7 +176,7 @@ readVAFs n = do
|
||||
(.-) :: forall a a1 a2.
|
||||
(Num a, Integral a2, Integral a1) =>
|
||||
a1 -> a2 -> a
|
||||
(.-) a b = (fromIntegral a) - (fromIntegral b)
|
||||
(.-) a b = fromIntegral a - fromIntegral b
|
||||
|
||||
infix 5 .-
|
||||
|
||||
@ -183,21 +193,35 @@ skipToCounter a = do
|
||||
put d
|
||||
|
||||
-- | Parses an IQM-File and handles back the Haskell-Structure
|
||||
parseIQM :: CParser IQM
|
||||
parseIQM = do
|
||||
put 0 --start at offset 0
|
||||
parseIQM :: String -> IO IQM
|
||||
parseIQM a =
|
||||
do
|
||||
f <- B.readFile a
|
||||
Done _ raw <- return $ parse doIQMparse f
|
||||
|
||||
let ret = raw
|
||||
return ret
|
||||
|
||||
doIQMparse :: Parser IQM
|
||||
doIQMparse =
|
||||
flip evalStateT 0 $ --evaluate parser with state starting at 0
|
||||
do
|
||||
h <- readHeader --read header
|
||||
skipToCounter $ ofs_text h --skip 0-n bytes to get to text
|
||||
text <- lift . take . fromIntegral $ num_text h --read texts
|
||||
modify . (+) . fromIntegral $ num_text h --put offset forward
|
||||
skipToCounter $ ofs_meshes h --skip 0-n bytes to get to meshes
|
||||
meshes' <- readMeshes (fromIntegral (num_meshes h)) --read meshes
|
||||
skipToCounter $ ofs_vertexarrays h --skip 0-n byots to get to vertexarray definition
|
||||
va <- readVAFs (fromIntegral (num_vertexarrays h)) --read them
|
||||
meshes' <- readMeshes $ fromIntegral $ num_meshes h --read meshes
|
||||
skipToCounter $ ofs_vertexarrays h
|
||||
vaf <- readVAFs $ fromIntegral $ num_vertexarrays h --read Vertex-Arrays
|
||||
|
||||
_ <- lift takeByteString
|
||||
return IQM
|
||||
{ header = h
|
||||
, texts = filter (not.null) (split (unsafeCoerce '\0') text)
|
||||
, meshes = meshes'
|
||||
, vertexArrays = va
|
||||
, vertexArrays = vaf
|
||||
}
|
||||
|
||||
skipDrop :: Int -> Int -> ByteString -> ByteString
|
||||
skipDrop a b= B.drop b . B.take a
|
||||
|
@ -1,5 +1,6 @@
|
||||
-- | Int32 or Int64 - depending on implementation. Format just specifies "uint".
|
||||
-- 4-Byte in the documentation indicates Int32 - but not specified!
|
||||
{-# LANGUAGE BangPatterns #-}
|
||||
-- | Word32 or Word64 - depending on implementation. Format just specifies "uint".
|
||||
-- 4-Byte in the documentation indicates Word32 - but not specified!
|
||||
module Importer.IQM.Types where
|
||||
|
||||
import Control.Monad.Trans.State.Lazy (StateT)
|
||||
@ -31,33 +32,33 @@ type IQMData = Ptr IQMVertexArrayFormat
|
||||
--
|
||||
-- ofs_* fields are aligned at 4-byte-boundaries
|
||||
data IQMHeader = IQMHeader
|
||||
{ version :: Word32 -- ^ Must be 2
|
||||
, filesize :: Word32
|
||||
, flags :: Flags
|
||||
, num_text :: Word32
|
||||
, ofs_text :: Offset
|
||||
, num_meshes :: Word32
|
||||
, ofs_meshes :: Offset
|
||||
, num_vertexarrays :: Word32
|
||||
, num_vertexes :: Word32
|
||||
, ofs_vertexarrays :: Offset
|
||||
, num_triangles :: Word32
|
||||
, ofs_triangles :: Offset
|
||||
, ofs_adjacency :: Offset
|
||||
, num_joints :: Word32
|
||||
, ofs_joints :: Offset
|
||||
, num_poses :: Word32
|
||||
, ofs_poses :: Offset
|
||||
, num_anims :: Word32
|
||||
, ofs_anims :: Offset
|
||||
, num_frames :: Word32
|
||||
, num_framechannels :: Word32
|
||||
, ofs_frames :: Offset
|
||||
, ofs_bounds :: Offset
|
||||
, num_comment :: Word32
|
||||
, ofs_comment :: Offset
|
||||
, num_extensions :: Word32 -- ^ stored as linked list, not as array.
|
||||
, ofs_extensions :: Offset
|
||||
{ version :: !Word32 -- ^ Must be 2
|
||||
, filesize :: !Word32
|
||||
, flags :: !Flags
|
||||
, num_text :: !Word32
|
||||
, ofs_text :: !Offset
|
||||
, num_meshes :: !Word32
|
||||
, ofs_meshes :: !Offset
|
||||
, num_vertexarrays :: !Word32
|
||||
, num_vertexes :: !Word32
|
||||
, ofs_vertexarrays :: !Offset
|
||||
, num_triangles :: !Word32
|
||||
, ofs_triangles :: !Offset
|
||||
, ofs_adjacency :: !Offset
|
||||
, num_joints :: !Word32
|
||||
, ofs_joints :: !Offset
|
||||
, num_poses :: !Word32
|
||||
, ofs_poses :: !Offset
|
||||
, num_anims :: !Word32
|
||||
, ofs_anims :: !Offset
|
||||
, num_frames :: !Word32
|
||||
, num_framechannels :: !Word32
|
||||
, ofs_frames :: !Offset
|
||||
, ofs_bounds :: !Offset
|
||||
, num_comment :: !Word32
|
||||
, ofs_comment :: !Offset
|
||||
, num_extensions :: !Word32 -- ^ stored as linked list, not as array.
|
||||
, ofs_extensions :: !Offset
|
||||
} deriving (Show, Eq)
|
||||
|
||||
-- | Format of an IQM-Mesh Structure.
|
||||
@ -72,6 +73,22 @@ data IQMMesh = IQMMesh
|
||||
, meshNumTriangles :: Word32
|
||||
} deriving (Show, Eq)
|
||||
|
||||
-- | Format of IQM-Triangle Structure
|
||||
data IQMTriangle = IQMTriangle VertexIndex VertexIndex VertexIndex
|
||||
|
||||
-- | Type-Alias for Word32 indicating an index on vertices in IQMMesh
|
||||
type VertexIndex = Word32
|
||||
|
||||
-- | Type-Alias for Word32 indicating an index on IQMTriangle
|
||||
type TriangleIndex = Word32
|
||||
|
||||
-- | From the IQM-Format-Description:
|
||||
--
|
||||
-- each value is the index of the adjacent triangle for edge 0, 1, and 2, where ~0 (= -1)
|
||||
-- indicates no adjacent triangle indexes are relative to the iqmheader.ofs_triangles array
|
||||
-- and span all meshes, where 0 is the first triangle, 1 is the second, 2 is the third, etc.
|
||||
data IQMAdjacency = IQMAdjacency TriangleIndex TriangleIndex TriangleIndex
|
||||
|
||||
-- | Format of a whole IQM-File
|
||||
--
|
||||
-- still unfinished!
|
||||
@ -151,23 +168,10 @@ data IQMVertexArray = IQMVertexArray
|
||||
Offset
|
||||
deriving (Eq)
|
||||
instance Show IQMVertexArray where
|
||||
show (IQMVertexArray t fl fo nc off) = "IQMVertexArray (Type: " ++ (show t) ++
|
||||
", Flags: " ++ (show fl) ++
|
||||
", Format: " ++ (show fo) ++
|
||||
", NumComponents: " ++ (show nc) ++
|
||||
", Offset: " ++ (show off) ++
|
||||
show (IQMVertexArray t fl fo nc off) = "IQMVertexArray (Type: " ++ show t ++
|
||||
", Flags: " ++ show fl ++
|
||||
", Format: " ++ show fo ++
|
||||
", NumComponents: " ++ show nc ++
|
||||
", Offset: " ++ show off ++
|
||||
")"
|
||||
|
||||
-- | A triangle out of the Vertices at the Indexed Positions
|
||||
data IQMTriangle = IQMTriangle Index Index Index
|
||||
deriving (Show, Eq)
|
||||
|
||||
|
||||
-- | From the IQM-Format-Description:
|
||||
--
|
||||
-- each value is the index of the adjacent triangle for edge 0, 1, and 2, where ~0 (= -1)
|
||||
-- indicates no adjacent triangle indexes are relative to the iqmheader.ofs_triangles array
|
||||
-- and span all meshes, where 0 is the first triangle, 1 is the second, 2 is the third, etc.
|
||||
data IQMAdjacency = IQMAdjacency Index Index Index
|
||||
deriving (Show, Eq)
|
||||
|
||||
|
17
src/Main.hs
17
src/Main.hs
@ -16,7 +16,6 @@ import Control.Concurrent.STM (TQueue,
|
||||
newTQueueIO)
|
||||
|
||||
import Control.Monad.RWS.Strict (ask, evalRWST, get, liftIO, modify)
|
||||
import Control.Monad.Trans.State (evalStateT)
|
||||
import Data.Functor ((<$>))
|
||||
import Data.Distributive (distribute, collect)
|
||||
import Data.Monoid (mappend)
|
||||
@ -51,17 +50,21 @@ import Render.Render (initRendering,
|
||||
import UI.Callbacks
|
||||
import Types
|
||||
import Importer.IQM.Parser
|
||||
import Data.Attoparsec.Char8 (parseTest)
|
||||
import qualified Data.ByteString as B
|
||||
--import Data.Attoparsec.Char8 (parseTest)
|
||||
--import qualified Data.ByteString as B
|
||||
|
||||
-- import qualified Debug.Trace as D (trace)
|
||||
|
||||
--------------------------------------------------------------------------------
|
||||
|
||||
testParser :: IO ()
|
||||
testParser = do
|
||||
f <- B.readFile "sample.iqm"
|
||||
parseTest (evalStateT parseIQM 0) f
|
||||
testParser :: String -> IO ()
|
||||
testParser a = putStrLn . show =<< parseIQM a
|
||||
{-do
|
||||
f <- B.readFile a
|
||||
putStrLn "reading in:"
|
||||
putStrLn $ show f
|
||||
putStrLn "parsed:"
|
||||
parseTest parseIQM f-}
|
||||
|
||||
--------------------------------------------------------------------------------
|
||||
|
||||
|
Loading…
Reference in New Issue
Block a user