Abstract
This document provides a description of the Finite State Machine (FSM) implementation and the related trellis-based encoding and decoding algorithms for GNU Radio.
Table of Contents
The basic goal of the implementation is to have a generic way of describing an FSM that is decoupled from whether it describes a convolutional code (CC), a trellis code (TC), an inter-symbol interference (ISI) channel, or any other communication system that can be modeled with an FSM. To achieve this goal, we need to separate the pure FSM description from the rest of the model details. For instance, in the case of a rate 2/3 TC, the FSM should not involve details about the modulation used (it can be an 8-ary PAM, or 8-PSK, etc). Similarly, when attempting maximum likelihood sequence detection (MLSD)--using for instance the Viterbi algorithm (VA)-- the VA implementation should not be concerned with the channel details (such as modulations, channel type, hard or soft inputs, etc). Clearly, having generality as the primary goal implies some penalty on the code efficiency, as compared to fully custom implementations.
We will now describe the implementation of the basic ingedient, the FSM.
An FSM describes the evolution of a system with inputs xk, states sk and outputs yk. At time k the FSM state is sk. Upon reception of a new input symbol xk, it outputs an output symbol yk which is a function of both xk and sk. It will then move to a next state sk+1. An FSM has a finite number of states, input and output symbols. All these are formally described as follows:
The input alphabet AI={0,1,2,...,I-1}, with cardinality I, so that xk takes values in AI.
The state alphabet AS={0,1,2,...,S-1}, with cardinality S, so that sk takes values in AS.
The output alphabet AO={0,1,2,...,O-1}, with cardinality O, so that yk takes values in AO
The "next-state" function NS: AS x AI --> AS, with the meaning sk+1 = NS(sk, xk)
The "output-symbol" function OS: AS x AI --> AS, with the meaning yk = OS(sk, xk)
Thus, a complete description of the FSM is given by the the five-tuple (I,S,O,NS,OS). Observe that implementation details are hidden in how the outside world interprets these input and output integer symbols. Here is an example of an FSM describing the (2,1) CC with constraint length 3 and generator polynomial matrix (1+D+D2 , 1+D2) from Proakis-Salehi pg. 779.
Example 1. (2,1) CC with generator polynomials (1+D+D2 , 1+D2)
This CC accepts 1 bit at a time, and outputs 2 bits at a time. It has a shift register storing the last two input bits. In particular, bk(0)=xk+ xk-1+xk-2, and bk(1)=xk+ xk-2, where addition is mod-2. We can represent the state of this system as sk = (xk-1 xk-2)10. In addition we can represent its output symbol as yk = (bk(1) bk(0))10. Based on the above assumptions, the input alphabet AI={0,1}, so I=2; the state alphabet AS={0,1,2,3}, so S=4; and the output alphabet AO={0,1,2,3}, so O=4. The "next-state" function NS(,) is given by
sk xk sk+1 0 0 0 0 1 2 1 0 0 1 1 2 2 0 1 2 1 3 3 0 1 3 1 3
The "output-symbol" function OS(,) can be given by
sk xk yk 0 0 0 0 1 3 1 0 3 1 1 0 2 0 1 2 1 2 3 0 2 3 1 1
Note that although the CC outputs 2 bits per time period, following our approach, there is only one (quaternary) output symbol per time period (for instance, here we use the decimal representation of the 2-bits). Also note that the modulation used is not part of the FSM description: it can be BPSK, OOK, BFSK, QPSK with or without Gray mapping, etc; it is up to the rest of the program to interpret the meaning of the symbol yk.
The C++ implementation of the FSM class keeps private information about I,S,O,NS,OS and public methods to read and write them. The NS and OS matrices are implemented as STL 1-dimensional vectors.
class fsm {
private:
  int d_I;
  int d_S;
  int d_O;
  std::vector<int> d_NS;
  std::vector<int> d_OS;
  std::vector< std::vector< int> > d_PS;
  std::vector< std::vector< int> > d_PI;
  std::vector<int> d_TMi;
  std::vector<int> d_TMl;
  void generate_PS_PI ();
  void generate_TM ();
  bool find_es(int es);
public:
  fsm();
  fsm(const fsm &FSM);
  fsm(int I, int S, int O, const std::vector<int> &NS, const std::vector<int> &OS);
  fsm(const char *name);
  fsm(int k, int n, const std::vector<int> &G);
  fsm(int mod_size, int ch_length);
  int I () const { return d_I; }
  int S () const { return d_S; }
  int O () const { return d_O; }
  const std::vector<int> & NS () const { return d_NS; }
  const std::vector<int> & OS () const { return d_OS; }
  const std::vector< std::vector< int> > & PS () const { return d_PS; }
  const std::vector< std::vector< int> > & PI () const { return d_PI; }
  const std::vector<int> & TMi () const { return d_TMi; }
  const std::vector<int> & TMl () const { return d_TMl; }
};
As can be seen, other than the trivial and the copy constructor, there are three additional ways to construct an FSM.
Supplying the parameters I,S,O,NS,OS:
fsm(const int I, const int S, const int O, const std::vector<int> &NS, const std::vector<int> &OS);
Giving a filename containing all the FSM information:
fsm(const char *name);
This information has to be in the following format:
I S O NS(0,0) NS(0,1) ... NS(0,I-1) NS(1,0) NS(1,1) ... NS(1,I-1) ... NS(S-1,0) NS(S-1,1) ... NS(S-1,I-1) OS(0,0) OS(0,1) ... OS(0,I-1) OS(1,0) OS(1,1) ... OS(1,I-1) ... OS(S-1,0) OS(S-1,1) ... OS(S-1,I-1)
For instance, the file containing the information for the example mentioned above is of the form:
2 4 4 0 2 0 2 1 3 1 3 0 3 3 0 1 2 2 1
The third way is specific to FSMs representing binary (n,k) conolutional codes. These FSMs are specified by the number of input bits k, the number of output bits n, and the generator matrix, which is a k x n matrix of integers G = [gi,j]i=1:k, j=1:n, given as an one-dimensional STL vector. Each integer gi,j is the decimal representation of the polynomial gi,j(D) (e.g., gi,j= 6 = 1102 is interpreted as gi,j(D)=1+D) describing the connections from the sequence xi to yj (e.g., in the above example yj(k) = xi(k) + xi(k-1)).
fsm(int k, int n, const std::vector<int> &G);
The fourth way is specific to FSMs resulting from shift registers, and the output symbol being the entire transition (ie, current_state and current_input). These FSMs are useful when describing ISI channels. In particular the state is comprised of the input symbols x(k-1), x(k-2),...,x(k-L), where L = ch_length-1 and each x(i) belongs to an alphabet of size mod_size. The output is taken to be x(k), x(k-1), x(k-2),...,x(k-L) (in decimal format)
fsm(const int mod_size, const int ch_length);
I have added other constructors as well, eg, one that constructs an FSM appropriate for modeling an arbitrary CPM scheme; one that constructs the radix-n version of a given FSM; one that constructs the "concatenation" of two FSMs, etc.
As can be seen from the above description, there are two more variables included in the FSM class implementation, the PS and the PI matrices. These are computed internally when an FSM is instantiated and their meaning is as follows. Sometimes (eg, in the traceback operation of the VA) we need to trace the history of the state or the input sequence. To do this we would like to know for a given state sk, what are the possible previous states sk-1 and what input symbols xk-1 will get us from sk-1 to sk. This information can be derived from NS; however we want to have it ready in a convenient format. In the following we assume that for any state, the number of incoming transitions is the same as the number of outgoing transitions, ie, equal to I. All applications of interest have FSMs satisfying this requirement. If we arbitrarily index the incoming transitions to the current state by "i", then as i goes from 0 to I-1, PS(sk,i) gives all previous states sk-1, and PI(sk,i) gives all previous inputs xk-1. In other words, for any given sk and any index i=0,1,...I-1, starting from sk-1=PS(sk,i) with input xk-1=PI(sk,i) will get us to the state sk. More formally, for any i=0,1,...I-1 we have sk = NS(PS(sk,i),PI(sk,i)).
Finally, there are two more variables included in the FSM class implementation, the TMl and the TMi matrices. These are both S x S matrices (represented as STL vectors) computed internally when an FSM is instantiated and their meaning is as follows. TMl(i,j) is the minimum number of trellis steps required to go from state i to state j. Similarly, TMi(i,j) is the initial input required to get you from state i to state j in the minimum number of steps. As an example, if TMl(1,4)=2, it means that you need 2 steps in the trellis to get from state 1 to state 4. Further, if TMi(1,4)=0 it means that the first such step will be followed if when at state 1 the input is 0. Furthermore, suppose that NS(1,0)=2. Then, TMl(2,4) should be 1 (ie, one more step is needed when starting from state 2 and having state 4 as the final destination). Finally, TMi(2,4) will give us the second input required to complete the path from 1 to 4. These matrices are useful when we want to implement an encoder with proper state termination. For instance, based on these matrices we can evaluate how many additional input symbols (and which particular inputs) are required to be appended at the end of an input sequence so that the final state is always 0.
In this section we give a brief description of the basic blocks implemented that make use of the previously described FSM structure.
The trellis.encoder_XX(FSM, ST) block instantiates an FSM encoder corresponding to the fsm FSM and having initial state ST. The input and output is a sequence of bytes, shorts or integers.
The trellis.viterbi_X(FSM, K, S0, SK) block instantiates a Viterbi decoder
for a sequence of K trellis steps generated by the given FSM and with initial and final states set to S0 and SK, respectively (S0 and/or SK are set to -1
if the corresponding states are not fixed/known at the receiver side).
The output of this block is a sequence of K bytes, shorts or integers representing the estimated input (i.e., uncoded) sequence.
The input is a sequence of K x FSM.O( ) floats, where the k x K + i
float represents the cost associated with the k-th
step in the trellis and the i-th FSM output.
Observe that these inputs are generated externally and thus the Viterbi block is not informed of their meaning (they can be generated as soft or hard inputs, etc); the only requirement is that they represent additive costs.
The trellis.metrics_X(O,D,TABLE,TYPE) block is responsible for
transforming the channel output to the stream of metrics appropriate as
inputs to the Viterbi block described above. For each D input bytes/shorts/integers/floats/complexes it produces O output floats
The parameter TYPE dictates how these metrics are generated:
TRELLIS_EUCLIDEAN: for each D-dimensional vector rk= (rk,1,rk,2,...,rk,D) evaluates
||rk-ci||2 = sumj=1D |rk,j-ci,j|2
for each of the O hypothesized output symbols ci = (ci,1,ci,2,...,ci,D) defined in the vector TABLE, where TABLE[i * D + j] = ci,j.
TRELLIS_HARD_SYMBOL: for each D-dimensional vector rk= (rk,1,rk,2,...,rk,D) evaluates
i0= argmini ||rk-ci||2 = argmini sumj=1D |rk,j-ci,j|2
and outputs a sequence of O floats of the form (0,...,0,1,0,...,0), where the i0 position is set to 1. This corresponds to generating hard inputs (based on the symbol-wise Hamming distance) to the Viterbi algorithm.
TRELLIS_HARD_BIT (not yet implemented): for each D-dimensional vector rk= (rk,1,rk,2,...,rk,D) evaluates
i0= argmini ||rk-ci||2 = argmini sumj=1D (rk,j-ci,j)2
and outputs a sequence of O floats of the form (d1,d2,...,dO), where the di is the bitwise Hamming distance between i and i0. This corresponds to generating hard inputs (based on the bit-wise Hamming distance) to the Viterbi algorithm.
Although the separation of metric calculation and Viterbi algorithm blocks
is consistent with our goal of providing general blocks that can be easily
reused, this separation might result in large input/output buffer sizes
between blocks. Indeed for an FSM with a large output alphabet, the
output of the metric block/input of the Viterbi block is FSM.O( ) floats for
each trellis step. Sometimes this results in buffer overflow even for
moderate sequence lengths.
To overcome this problem we provide a block that incorporates the metric calculation and Viterbi algorithm into a single GNU Radio block, namely
trellis.viterbi_combined_X( FSM, K, S0, SK, D, TABLE, TYPE) where the arguments are exactly those used in the aforementioned two blocks.
We now discuss through a concrete example how the above FSM model can be used in GNU Radio. The communication system that we want to simulate consists of a source generating the input information in packets, a CC encoding each packet separately, a memoryless modulator, an additive white Gaussian noise (AWGN) channel, and the VA performing MLSD. The program source is as follows.
  1  #!/usr/bin/env python
  2
  3  from gnuradio import gr
  4  from gnuradio import audio
  5  from gnuradio import trellis, digital, analog, blocks
  6  from gnuradio import eng_notation
  7  import math
  8  import sys
  9  import random
 10  import fsm_utils
 11
 12  def run_test (f,Kb,bitspersymbol,K,dimensionality,constellation,N0,seed):
 13      tb = gr.top_block ()
 14
 15      # TX
 16      src = blocks.lfsr_32k_source_s()
 17      src_head = blocks.head (gr.sizeof_short,Kb/16) # packet size in shorts
 18      s2fsmi = blocks.packed_to_unpacked_ss(bitspersymbol,gr.GR_MSB_FIRST) # unpack shorts to symbols compatible with the FSM input cardinality
 19      enc = trellis.encoder_ss(f,0) # initial state = 0
 20      mod = digital.chunks_to_symbols_sf(constellation,dimensionality)
 21
 22      # CHANNEL
 23      add = blocks.add_ff()
 24      noise = analog.noise_source_f(analog.GR_GAUSSIAN,math.sqrt(N0/2),seed)
 25
 26      # RX
 27      metrics = trellis.metrics_f(f.O(),dimensionality,constellation,trellis.TRELLIS_EUCLIDEAN) # data preprocessing to generate metrics for Viterbi
 28      va = trellis.viterbi_s(f,K,0,-1) # Put -1 if the Initial/Final states are not set.
 29      fsmi2s = blocks.unpacked_to_packed_ss(bitspersymbol,gr.GR_MSB_FIRST) # pack FSM input symbols to shorts
 30      dst = blocks.check_lfsr_32k_s();
 31
 32      tb.connect (src,src_head,s2fsmi,enc,mod)
 33      tb.connect (mod,(add,0))
 34      tb.connect (noise,(add,1))
 35      tb.connect (add,metrics)
 36      tb.connect (metrics,va,fsmi2s,dst)
 37
 38      tb.run()
 39
 40      # A bit of cheating: run the program once and print the
 41      # final encoder state.
 42      # Then put it as the last argument in the viterbi block
 43      #print "final state = " , enc.ST()
 44
 45      ntotal = dst.ntotal ()
 46      nright = dst.nright ()
 47      runlength = dst.runlength ()
 48      return (ntotal,ntotal-nright)
 49
 50
 51  def main(args):
 52      nargs = len (args)
 53      if nargs == 3:
 54          fname=args[0]
 55          esn0_db=float(args[1]) # Es/No in dB
 56          rep=int(args[2]) # number of times the experiment is run to collect enough errors
 57      else:
 58          sys.stderr.write ('usage: test_tcm.py fsm_fname Es/No_db  repetitions\n')
 59          sys.exit (1)
 60
 61      # system parameters
 62      f=trellis.fsm(fname) # get the FSM specification from a file
 63      Kb=1024*16  # packet size in bits (make it multiple of 16 so it can be packed in a short)
 64      bitspersymbol = int(round(math.log(f.I())/math.log(2))) # bits per FSM input symbol
 65      K=Kb/bitspersymbol # packet size in trellis steps
 66      modulation = fsm_utils.psk4 # see fsm_utlis.py for available predefined modulations
 67      dimensionality = modulation[0]
 68      constellation = modulation[1]
 69      if len(constellation)/dimensionality != f.O():
 70          sys.stderr.write ('Incompatible FSM output cardinality and modulation size.\n')
 71          sys.exit (1)
 72      # calculate average symbol energy
 73      Es = 0
 74      for i in range(len(constellation)):
 75          Es = Es + constellation[i]**2
 76      Es = Es / (len(constellation)/dimensionality)
 77      N0=Es/pow(10.0,esn0_db/10.0); # noise variance
 78
 79      tot_s=0
 80      terr_s=0
 81      for i in range(rep):
 82          (s,e)=run_test(f,Kb,bitspersymbol,K,dimensionality,constellation,N0,-long(666+i)) # run experiment with different seed to get different noise realizations
 83          tot_s=tot_s+s
 84          terr_s=terr_s+e
 85          if (i%100==0):
 86              print i,s,e,tot_s,terr_s, '%e' % ((1.0*terr_s)/tot_s)
 87      # estimate of the (short) error rate
 88      print tot_s,terr_s, '%e' % ((1.0*terr_s)/tot_s)
 89
 90
 91  if __name__ == '__main__':
 92      main (sys.argv[1:])
The program is called by
./test_tcm.py fsm_fname Es/No_db repetitions
where "fsm_fname" is the file containing the FSM specification of the tested TCM code, "Es/No_db" is the SNR in dB, and "repetitions" are the number of packets to be transmitted and received in order to collect sufficient number of errors for an accurate estimate of the error rate.
The FSM is first intantiated in "main" by
62 f=trellis.fsm(fname) # get the FSM specification from a file
Each packet has size Kb bits (we choose Kb to be a multiple of 16 so that all bits fit nicely into shorts and can be generated by the lfsr GNU Radio). Assuming that the FSM input has cardinality I, each input symbol consists of bitspersymbol=log2( I ). The Kb/16 shorts are now unpacked to K=Kb/bitspersymbol input symbols that will drive the FSM encoder.
63 Kb=1024*16 # packet size in bits (make it multiple of 16 so it can be packed in a short) 64 bitspersymbol = int(round(math.log(f.I())/math.log(2))) # bits per FSM input symbol 65 K=Kb/bitspersymbol # packet size in trellis steps
The FSM will produce K output symbols (remember the FSM produces always one output symbol for each input symbol). Each of these symbols needs to be modulated. Since we are simulating the communication system, we need not simulate the actual waveforms. An M-ary, D-dimensional modulation is completely specified by a set of M, D-dimensional real vectors. In "fsm_utils.py" file we give a number of useful modulations with the following format: modulation = (D,constellation), where constellation=[c11,c12,...,c1D,c21,c22,...,c2D,...,cM1,cM2,...cMD]. The meaning of the above is that every constellation point c_i is an D-dimnsional vector c_i=(ci1,ci2,...,ciD) For instance, 4-ary PAM is represented as (1,[-3, -1, 1, 3]), while QPSK is represented as (2,[1, 0, 0, 1, 0, -1, -1, 0]). In our example we choose QPSK modulation. Clearly, M should be equal to the cardinality of the FSM output, O. Finally the average symbol energy and noise variance are calculated.
 66      modulation = fsm_utils.psk4 # see fsm_utlis.py for available predefined modulations
 67      dimensionality = modulation[0]
 68      constellation = modulation[1]
 69      if len(constellation)/dimensionality != f.O():
 70          sys.stderr.write ('Incompatible FSM output cardinality and modulation size.\n')
 71          sys.exit (1)
 72      # calculate average symbol energy
 73      Es = 0
 74      for i in range(len(constellation)):
 75          Es = Es + constellation[i]**2
 76      Es = Es / (len(constellation)/dimensionality)
 77      N0=Es/pow(10.0,esn0_db/10.0); # noise variance
Then, "run_test" is called with a different "seed" so that we get different noise realizations.
82 (s,e)=run_test(f,Kb,bitspersymbol,K,dimensionality,constellation,N0,-long(666+i)) # run experiment with different seed to get different noise realizations
Let us examine now the "run_test" function. First we set up the transmitter blocks. The Kb/16 shorts are first unpacked to symbols consistent with the FSM input alphabet. The FSm encoder requires the FSM specification, and an initial state (which is set to 0 in this example).
15 # TX 16 src = blocks.lfsr_32k_source_s() 17 src_head = blocks.head (gr.sizeof_short,Kb/16) # packet size in shorts 18 s2fsmi = blocks.packed_to_unpacked_ss(bitspersymbol,gr.GR_MSB_FIRST) # unpack shorts to symbols compatible with the FSM input cardinality 19 enc = trellis.encoder_ss(f,0) # initial state = 0
We now need to modulate the FSM output symbols. The "chunks_to_symbols_sf" is essentially a memoryless mapper which for each input symbol y_k outputs a sequence of D numbers ci1,ci2,...,ciD representing the coordianates of the constellation symbol c_i with i=y_k.
20 mod = digital.chunks_to_symbols_sf(constellation,dimensionality)
The channel is AWGN with appropriate noise variance. For each transmitted symbol c_k=(ck1,ck2,...,ckD) we receive a noisy version r_k=(rk1,rk2,...,rkD).
22 # CHANNEL 23 add = blocks.add_ff() 24 noise = analog.noise_source_f(analog.GR_GAUSSIAN,math.sqrt(N0/2),seed)
Part of the design methodology was to decouple the FSM and VA from the details of the modulation, channel, receiver front-end etc. In order for the VA to run, we only need to provide it with a number representing a cost associated with each transition in the trellis. Then the VA will find the sequence with the smallest total cost through the trellis. The cost associated with a transition (s_k,x_k) is only a function of the output y_k = OS(s_k,x_k), and the observation vector r_k. Thus, for each time period, k, we need to label each of the SxI transitions with such a cost. This means that for each time period we need to evaluate O such numbers (one for each possible output symbol y_k). This is done in "metrics_f". In particular, metrics_f is a memoryless device taking D inputs at a time and producing O outputs. The D inputs are rk1,rk2,...,rkD. The O outputs are the costs associated with observations rk1,rk2,...,rkD and hypothesized output symbols c_1,c_2,...,c_M. For instance, if we choose to perform soft-input VA, we need to evaluate the Euclidean distance between r_k and each of c_1,c_2,...,c_M, for each of the K transmitted symbols. Other options are available as well; for instance, we can do hard decision demodulation and feed the VA with symbol Hamming distances, or even bit Hamming distances, etc. These are all implemented in "metrics_f".
26 # RX 27 metrics = trellis.metrics_f(f.O(),dimensionality,constellation,trellis.TRELLIS_EUCLIDEAN) # data preprocessing to generate metrics for Viterbi
Now the VA can run once it is supplied by the initial and final states. The initial state is known to be 0; the final state is usually forced to some value by padding the information sequence appropriately. In this example, we always send the the same info sequence (we only randomize noise) so we can evaluate off line the final state and then provide it to the VA (a value of -1 signifies that there is no fixed initial or final state). The VA outputs the estimates of the symbols x_k which are then packed to shorts and compared with the transmitted sequence.
28 va = trellis.viterbi_s(f,K,0,-1) # Put -1 if the Initial/Final states are not set. 29 fsmi2s = blocks.unpacked_to_packed_ss(bitspersymbol,gr.GR_MSB_FIRST) # pack FSM input symbols to shorts 30 dst = blocks.check_lfsr_32k_s();
The function returns the number of shorts and the number of shorts in error. Observe that this way the estimated error rate refers to 16-bit-symbol error rate.
48 return (ntotal,ntotal-nright)
We now discuss through another concrete example how the above FSM model can be used in GNU Radio. The communication system that we want to simulate consists of a source generating the input information in packets, an ISI channel with additive white Gaussian noise (AWGN), and the VA performing MLSD. The program source is as follows.
  1  #!/usr/bin/env python
  2
  3  from gnuradio import gr
  4  from gnuradio import audio
  5  from gnuradio import trellis, digital, analog, filter, blocks
  6  from gnuradio import eng_notation
  7  import math
  8  import sys
  9  import random
 10  import fsm_utils
 11
 12  def run_test (f,Kb,bitspersymbol,K,channel,modulation,dimensionality,tot_constellation,N0,seed):
 13      tb = gr.top_block ()
 14      L = len(channel)
 15
 16      # TX
 17      # this for loop is TOO slow in python!!!
 18      packet = [0]*(K+2*L)
 19      random.seed(seed)
 20      for i in range(len(packet)):
 21          packet[i] = random.randint(0, 2**bitspersymbol - 1) # random symbols
 22      for i in range(L): # first/last L symbols set to 0
 23          packet[i] = 0
 24          packet[len(packet)-i-1] = 0
 25      src = blocks.vector_source_s(packet,False)
 26      mod = digital.chunks_to_symbols_sf(modulation[1],modulation[0])
 27
 28      # CHANNEL
 29      isi = filter.fir_filter_fff(1,channel)
 30      add = blocs.add_ff()
 31      noise = analog.noise_source_f(analog.GR_GAUSSIAN,math.sqrt(N0/2),seed)
 32
 33      # RX
 34      skip = blocks.skiphead(gr.sizeof_float, L) # skip the first L samples since you know they are coming from the L zero symbols
 35      #metrics = trellis.metrics_f(f.O(),dimensionality,tot_constellation,trellis.TRELLIS_EUCLIDEAN) # data preprocessing to generate metrics for Viterbi
 36      #va = trellis.viterbi_s(f,K+L,0,0) # Put -1 if the Initial/Final states are not set.
 37      va = trellis.viterbi_combined_s(f,K+L,0,0,dimensionality,tot_constellation,trellis.TRELLIS_EUCLIDEAN) # using viterbi_combined_s instead of metrics_f/viterbi_s allows larger packet lengths because metrics_f is complaining for not being able to allocate large buffers. This is due to the large f.O() in this application...
 38      dst = blocks.vector_sink_s()
 39
 40      tb.connect (src,mod)
 41      tb.connect (mod,isi,(add,0))
 42      tb.connect (noise,(add,1))
 43      #tb.connect (add,metrics)
 44      #tb.connect (metrics,va,dst)
 45      tb.connect (add,skip,va,dst)
 46
 47      tb.run()
 48
 49      data = dst.data()
 50      ntotal = len(data) - L
 51      nright=0
 52      for i in range(ntotal):
 53          if packet[i+L]==data[i]:
 54              nright=nright+1
 55          #else:
 56              #print "Error in ", i
 57
 58      return (ntotal,ntotal-nright)
 59
 60
 61  def main(args):
 62      nargs = len (args)
 63      if nargs == 2:
 64          esn0_db=float(args[0])
 65          rep=int(args[1])
 66      else:
 67          sys.stderr.write ('usage: test_viterbi_equalization1.py Es/No_db  repetitions\n')
 68          sys.exit (1)
 69
 70      # system parameters
 71      Kb=2048  # packet size in bits
 72      modulation = fsm_utils.pam4 # see fsm_utlis.py for available predefined modulations
 73      channel = fsm_utils.c_channel # see fsm_utlis.py for available predefined test channels
 74      f=trellis.fsm(len(modulation[1]),len(channel)) # generate the FSM automatically
 75      bitspersymbol = int(round(math.log(f.I())/math.log(2))) # bits per FSM input symbol
 76      K=Kb/bitspersymbol # packet size in trellis steps
 77
 78      tot_channel = fsm_utils.make_isi_lookup(modulation,channel,True) # generate the lookup table (normalize energy to 1)
 79      dimensionality = tot_channel[0]
 80      tot_constellation = tot_channel[1]
 81      N0=pow(10.0,-esn0_db/10.0); # noise variance
 82      if len(tot_constellation)/dimensionality != f.O():
 83          sys.stderr.write ('Incompatible FSM output cardinality and lookup table size.\n')
 84          sys.exit (1)
 85
 86      tot_s=0 # total number of transmitted shorts
 87      terr_s=0 # total number of shorts in error
 88      terr_p=0 # total number of packets in error
 89
 90      for i in range(rep):
 91          (s,e)=run_test(f,Kb,bitspersymbol,K,channel,modulation,dimensionality,tot_constellation,N0,-long(666+i)) # run experiment with different seed to get different data and noise realizations
 92          tot_s=tot_s+s
 93          terr_s=terr_s+e
 94          terr_p=terr_p+(terr_s!=0)
 95          if ((i+1)%100==0) : # display progress
 96              print i+1,terr_p, '%.2e' % ((1.0*terr_p)/(i+1)),tot_s,terr_s, '%.2e' % ((1.0*terr_s)/tot_s)
 97      # estimate of the (short or symbol) error rate
 98      print rep,terr_p, '%.2e' % ((1.0*terr_p)/(i+1)),tot_s,terr_s, '%.2e' % ((1.0*terr_s)/tot_s)
 99
100
101  if __name__ == '__main__':
102      main (sys.argv[1:])
The program is called by
./test_viterbi_equalization1.py Es/No_db repetitions
where "Es/No_db" is the SNR in dB, and "repetitions" are the number of packets to be transmitted and received in order to collect sufficient number of errors for an accurate estimate of the error rate.
Each packet has size Kb bits. The modulation is chosen to be 4-PAM in this example and the channel is chosen to be one of the test channels defined in fsm_utils.py
71 Kb=2048 # packet size in bits 72 modulation = fsm_utils.pam4 # see fsm_utlis.py for available predefined modulations 73 channel = fsm_utils.c_channel # see fsm_utlis.py for available predefined test channels
The FSM is instantiated in
74 f=trellis.fsm(len(modulation[1]),len(channel)) # generate the FSM automatically
and generated automatically given the channel length and the modulation size. Since in this example the channel has length 5 and the modulation is 4-ary, the corresponding FSM has 45-1=256 states and 45=1024 outputs (see the documentation on FSM for more explanation).
Assuming that the FSM input has cardinality I, each input symbol consists of bitspersymbol=log2( I ) bits, and thus correspond to K = Kb/bitspersymbol symbols.
75 bitspersymbol = int(round(math.log(f.I())/math.log(2))) # bits per FSM input symbol 76 K=Kb/bitspersymbol # packet size in trellis steps
The overall system with input the 4-ary input symbols xk, modulated to the 4-PAM symbols sk and passed through the ISI channel to produce the noise-free observations zk = sumj=0L-1 cj sk-j (where L is the channel length) can be modeled as a FSM followed by a memoryless modulation. In particular, the FSM input is the sequence xk and its output is the "combined" symbol yk= (xk,xk-1,...,xk-L+1) (actually its decimal representation). The memoryless modulator maps every "combined" symbol yk to zk = sumj=0L-1 cj sk-j Clearly this modulation is memoryless since each zk depends only on yk; the memory inherent in the ISI is hidden in the FSM structure. This memoryless modulator is automatically generated by a helper function in fsm_utils.py given the channel and modulation as in line 78, and has the familiar format tot_channel=(dimensionality,tot_constellation) as described in the TCM example. This is exactly what the metrics block (or the viterbi_combined block) require in order to evaluate the VA metrics from the noisy observations.
 78      tot_channel = fsm_utils.make_isi_lookup(modulation,channel,True) # generate the lookup table (normalize energy to 1)
 79      dimensionality = tot_channel[0]
 80      tot_constellation = tot_channel[1]
 81      N0=pow(10.0,-esn0_db/10.0); # noise variance
 82      if len(tot_constellation)/dimensionality != f.O():
 83          sys.stderr.write ('Incompatible FSM output cardinality and lookup table size.\n')
 84          sys.exit (1)
Then, "run_test" is called with a different "seed" so that we get different data and noise realizations.
91 (s,e)=run_test(f,Kb,bitspersymbol,K,channel,modulation,dimensionality,tot_constellation,N0,-long(666+i)) # run experiment with different seed to get different data and noise realizations
Let us examine now the "run_test" function. First we set up the transmitter blocks. We generate a packet of K random symbols and add a head and a tail of L zeros, L being the channel length. This is sufficient to drive the initial and final states to 0.
14 L = len(channel) 15 16 # TX 17 # this for loop is TOO slow in python!!! 18 packet = [0]*(K+2*L) 19 random.seed(seed) 20 for i in range(len(packet)): 21 packet[i] = random.randint(0, 2**bitspersymbol - 1) # random symbols 22 for i in range(L): # first/last L symbols set to 0 23 packet[i] = 0 24 packet[len(packet)-i-1] = 0 25 src = blocks.vector_source_s(packet,False) 26 mod = digital.chunks_to_symbols_sf(modulation[1],modulation[0])
The modulated symbols are filtered by the ISI channel and AWGN with appropriate noise variance is added.
28 # CHANNEL 29 isi = filter.fir_filter_fff(1,channel) 30 add = blocks.add_ff() 31 noise = analog.noise_source_f(analog.GR_GAUSSIAN,math.sqrt(N0/2),seed)
Since the output alphabet of the equivalent FSM is quite large (1024) we chose to utilize the combined metrics calculator and Viterbi algorithm block. Also note that the first L observations are irrelevant and thus can be skipped.
33 # RX 34 skip = blocks.skiphead(gr.sizeof_float, L) # skip the first L samples since you know they are coming from the L zero symbols 35 #metrics = trellis.metrics_f(f.O(),dimensionality,tot_constellation,trellis.TRELLIS_EUCLIDEAN) # data preprocessing to generate metrics for Viterbi 36 #va = trellis.viterbi_s(f,K+L,0,0) # Put -1 if the Initial/Final states are not set. 37 va = trellis.viterbi_combined_s(f,K+L,0,0,dimensionality,tot_constellation,trellis.TRELLIS_EUCLIDEAN) # using viterbi_combined_s instead of metrics_f/viterbi_s allows larger packet lengths because metrics_f is complaining for not being able to allocate large buffers. This is due to the large f.O() in this application... 38 dst = blocks.vector_sink_s()
Now the VA can run once it is supplied by the initial and final states. In this example both the initial and final states are set to 0. The VA outputs the estimates of the input symbols which are then compared with the transmitted sequence.
49 data = dst.data() 50 ntotal = len(data) - L 51 nright=0 52 for i in range(ntotal): 53 if packet[i+L]==data[i]: 54 nright=nright+1 55 #else: 56 #print "Error in ", i
The function returns the number of symbols and the number of symbols in error. Observe that this way the estimated error rate refers to 2-bit-symbol error rate.
58 return (ntotal,ntotal-nright)
Soft versions of the algorithms have been implemented. Also examples of turbo equalization/decoding and of sccc can be found in the examples directory. Recently we added gnuradio blocks for sccc and pccc encoders and turbo decoders. Although these can be generated by existing gr-trellis blocks (in particular, the SISO blocks, as done in some of the python examples) there is an advantage in having this functionality as a single block. To see why, think of a turbo decoder with 10 iterations. Previously we needed to concatenate 10 x 2 SISO blocks (for a sccc decoder) to emulate the passing of soft information between SISOs over 10 iterartions. With the new block however, only a single such block is needed that internally loops through 10 iterations; this results in space savings and possibly time saving as well (since queueing at the input/output of the gr-blocks is avoided). Still need to document them...
Improve the documentation :-)
automate fsm generation from rational functions (feedback form).
Optimize the VA code if possible.
A host of suboptimal decoders, eg, sphere decoding, M- and T- algorithms, sequential decoding, etc. can be implemented.
Although turbo decoding is rediculously slow in software, we can design it in principle. One question is, whether we should use the encoder, and SISO blocks and connect them through GNU radio or we should implement turbo-decoding as a single block (issues with buffering between blocks). So far the former has been implemented.