aboutsummaryrefslogtreecommitdiffstats
path: root/dpd
diff options
context:
space:
mode:
Diffstat (limited to 'dpd')
-rw-r--r--dpd/README.md23
-rw-r--r--dpd/dpd.ini2
-rw-r--r--dpd/lut.coef64
-rwxr-xr-xdpd/main.py69
-rw-r--r--dpd/poly.coef21
-rw-r--r--dpd/src/Adapt.py90
-rw-r--r--dpd/src/Model.py358
-rw-r--r--dpd/src/Model_Poly.py21
8 files changed, 212 insertions, 436 deletions
diff --git a/dpd/README.md b/dpd/README.md
index b5a6b81..83a2986 100644
--- a/dpd/README.md
+++ b/dpd/README.md
@@ -8,7 +8,9 @@ Concept
ODR-DabMod makes outgoing TX samples and feedback RX samples available for an external tool. This
external tool can request a buffer of samples for analysis, can calculate coefficients for the
-polynomial predistorter in ODR-DabMod and load the new coefficients using the remote control.
+predistorter in ODR-DabMod and load the new coefficients using the remote control.
+
+The predistorter in ODR-DabMod supports two modes: polynomial and lookup table.
The *dpd/main.py* script is the entry point for the *DPD Calculation Engine* into which these
features will be implemented. The tool uses modules from the *dpd/src/* folder:
@@ -43,10 +45,21 @@ The coef file contains the polynomial coefficients used in the predistorter. The
very similar to the filtertaps file used in the FIR filter. It is a text-based format that can
easily be inspected and edited in a text editor.
-The first line contains the number of coefficients as an integer. The second and third lines contain
-the real, respectively the imaginary parts of the first coefficient. Fourth and fifth lines give the
-second coefficient, and so on. The file therefore contains 2xN + 1 lines if it contains N
-coefficients.
+The first line contains an integer that defines the predistorter to be used:
+1 for polynomial, 2 for lookup table.
+
+For the polynomial, the subsequent line contains the number of coefficients
+as an integer. The second and third lines contain the real, respectively the
+imaginary parts of the first coefficient. Fourth and fifth lines give the
+second coefficient, and so on. The file therefore contains 1 + 1 + 2xN lines if
+it contains N coefficients.
+
+For the lookup table, the subsequent line contains a float scalefactor that is
+applied to the samples in order to bring them into the range of 32-bit unsigned
+integer. Then, the next pair of lines contains real and imaginary part of the first
+lookup-table entry, which is multiplied to samples in first range. Then it's
+followed by 31 other pairs. The entries are complex values close to 1 + 0j.
+The file therefore contains 1 + 1 + 2xN lines if it contains N coefficients.
TODO
----
diff --git a/dpd/dpd.ini b/dpd/dpd.ini
index 1bc51de..26a53c5 100644
--- a/dpd/dpd.ini
+++ b/dpd/dpd.ini
@@ -40,7 +40,7 @@ filename=dpd.iq
device=
master_clock_rate=32768000
type=b200
-txgain=15
+txgain=55
channel=13C
refclk_source=internal
pps_source=none
diff --git a/dpd/lut.coef b/dpd/lut.coef
new file mode 100644
index 0000000..a198d56
--- /dev/null
+++ b/dpd/lut.coef
@@ -0,0 +1,64 @@
+2
+4294967296
+1
+0
+1
+0
+1
+0
+1
+0
+1
+0
+1
+0
+1
+0
+1
+0
+1
+0
+1
+0
+1
+0
+1
+0
+1
+0
+1
+0
+1
+0
+1
+0
+1
+0
+1
+0
+1
+0
+1
+0
+1
+0
+1
+0
+1
+0
+1
+0
+1
+0
+1
+0
+1
+0
+1
+0
+1
+0
+1
+0
+1
+0
diff --git a/dpd/main.py b/dpd/main.py
index 5f35f50..3069575 100755
--- a/dpd/main.py
+++ b/dpd/main.py
@@ -13,7 +13,7 @@ predistortion module of ODR-DabMod."""
import datetime
import os
import time
-
+import sys
import matplotlib
matplotlib.use('GTKAgg')
@@ -43,7 +43,6 @@ import traceback
import src.Measure as Measure
import src.Model as Model
import src.ExtractStatistic as ExtractStatistic
-import src.Model_Poly
import src.Adapt as Adapt
import src.Agc as Agc
import src.TX_Agc as TX_Agc
@@ -84,8 +83,8 @@ parser.add_argument('--samps', default='81920', type=int,
parser.add_argument('-i', '--iterations', default=1, type=int,
help='Number of iterations to run',
required=False)
-parser.add_argument('-l', '--load-poly',
- help='Load existing polynomial',
+parser.add_argument('-L', '--lut',
+ help='Use lookup table instead of polynomial predistorter',
action="store_true")
cli_args = parser.parse_args()
@@ -107,13 +106,13 @@ c = src.const.const(samplerate)
meas = Measure.Measure(samplerate, port, num_req)
extStat = ExtractStatistic.ExtractStatistic(c, plot=True)
adapt = Adapt.Adapt(port_rc, coef_path)
+dpddata = adapt.get_predistorter()
-coefs_am, coefs_pm = adapt.get_coefs()
-model_poly = src.Model_Poly.Model_Poly(c, coefs_am, coefs_pm, plot=True)
-if not cli_args.load_poly:
- coefs_am, coefs_pm = model_poly.get_default_coefs()
-
-adapt.set_coefs(model_poly.coefs_am, model_poly.coefs_pm)
+if cli_args.lut:
+ model = Model.Lut(c, plot=True)
+else:
+ model = Model.Poly(c, plot=True)
+adapt.set_predistorter(model.get_dpd_data())
adapt.set_digital_gain(digital_gain)
adapt.set_txgain(txgain)
adapt.set_rxgain(rxgain)
@@ -121,13 +120,28 @@ adapt.set_rxgain(rxgain)
tx_gain = adapt.get_txgain()
rx_gain = adapt.get_rxgain()
digital_gain = adapt.get_digital_gain()
-dpd_coefs_am, dpd_coefs_pm = adapt.get_coefs()
-logging.info(
- "TX gain {}, RX gain {}, dpd_coefs_am {},"
- " dpd_coefs_pm {}, digital_gain {}".format(
- tx_gain, rx_gain, dpd_coefs_am, dpd_coefs_pm, digital_gain
+
+dpddata = adapt.get_predistorter()
+if dpddata[0] == "poly":
+ coefs_am = dpddata[1]
+ coefs_pm = dpddata[2]
+ logging.info(
+ "TX gain {}, RX gain {}, dpd_coefs_am {},"
+ " dpd_coefs_pm {}, digital_gain {}".format(
+ tx_gain, rx_gain, coefs_am, coefs_pm, digital_gain
+ )
)
-)
+elif dpddata[0] == "lut":
+ scalefactor = dpddata[1]
+ lut = dpddata[2]
+ logging.info(
+ "TX gain {}, RX gain {}, LUT scalefactor {},"
+ " LUT {}, digital_gain {}".format(
+ tx_gain, rx_gain, scalefactor, lut, digital_gain
+ )
+ )
+else:
+ logging.error("Unknown dpd data format {}".format(dpddata[0]))
tx_agc = TX_Agc.TX_Agc(adapt)
@@ -158,14 +172,14 @@ while i < num_iter:
# Model
elif state == "model":
- coefs_am, coefs_pm = model_poly.get_next_coefs(tx, rx, phase_diff)
+ dpddata = model_poly.get_dpd_data(tx, rx, phase_diff)
del extStat
extStat = ExtractStatistic.ExtractStatistic(c, plot=True)
state = "adapt"
# Adapt
elif state == "adapt":
- adapt.set_coefs(coefs_am, coefs_pm)
+ adapt.set_predistorter(dpddata)
state = "report"
i += 1
@@ -176,9 +190,19 @@ while i < num_iter:
tx_mer = MER.calc_mer(txframe_aligned[off:off+c.T_U], debug=True)
rx_mer = MER.calc_mer(rxframe_aligned[off:off+c.T_U], debug=True)
mse = np.mean(np.abs((txframe_aligned - rxframe_aligned)**2))
- logging.info("It {}: TX_MER {}, RX_MER {}," \
- " MSE {}, coefs_am {}, coefs_pm {}".
- format(i, tx_mer, rx_mer, mse, coefs_am, coefs_pm))
+
+ if dpddata[0] == "poly":
+ coefs_am = dpddata[1]
+ coefs_pm = dpddata[2]
+ logging.info("It {}: TX_MER {}, RX_MER {}," \
+ " MSE {}, coefs_am {}, coefs_pm {}".
+ format(i, tx_mer, rx_mer, mse, coefs_am, coefs_pm))
+ if dpddata[0] == "lut":
+ scalefactor = dpddata[1]
+ lut = dpddata[2]
+ logging.info("It {}: TX_MER {}, RX_MER {}," \
+ " MSE {}, LUT scalefactor {}, LUT {}".
+ format(i, tx_mer, rx_mer, mse, scalefactor, lut))
state = "measure"
except:
logging.warning("Iteration {}: Report failed.".format(i))
@@ -191,7 +215,8 @@ while i < num_iter:
# The MIT License (MIT)
#
-# Copyright (c) 2017 Andreas Steger, Matthias P. Braendli
+# Copyright (c) 2017 Andreas Steger
+# Copyright (c) 2017 Matthias P. Braendli
#
# Permission is hereby granted, free of charge, to any person obtaining a copy
# of this software and associated documentation files (the "Software"), to deal
diff --git a/dpd/poly.coef b/dpd/poly.coef
index f65e369..248d316 100644
--- a/dpd/poly.coef
+++ b/dpd/poly.coef
@@ -1,11 +1,12 @@
-5
1
-0
-0
-0
-0
-0
-0
-0
-0
-0
+5
+1.0
+0.0
+0.0
+0.0
+0.0
+0.0
+0.0
+0.0
+0.0
+0.0
diff --git a/dpd/src/Adapt.py b/dpd/src/Adapt.py
index 8f33b70..f21bb87 100644
--- a/dpd/src/Adapt.py
+++ b/dpd/src/Adapt.py
@@ -13,6 +13,10 @@ import zmq
import logging
import numpy as np
+LUT_LEN=32
+FORMAT_POLY=1
+FORMAT_LUT=2
+
class Adapt:
"""Uses the ZMQ remote control to change parameters of the DabMod
@@ -126,46 +130,74 @@ class Adapt:
# TODO handle failure
return float(self.send_receive("get gain digital")[0])
- def _read_coef_file(self, path):
+ def get_predistorter(self):
"""Load the coefficients from the file in the format given in the README,
- return ([AM coef], [PM coef])"""
- coefs_am_out = []
- coefs_pm_out = []
- f = open(path, 'r')
+ return ("poly", [AM coef], [PM coef]) or ("lut", scalefactor, [LUT entries])"""
+ f = open(self.coef_path, 'r')
lines = f.readlines()
- n_coefs = int(lines[0])
- coefs = [float(l) for l in lines[1:]]
- i = 0
- for c in coefs:
- if i < n_coefs:
- coefs_am_out.append(c)
- elif i < 2*n_coefs:
- coefs_pm_out.append(c)
- else:
- raise ValueError(
- "Incorrect coef file format: too many coefficients in {}, should be {}, coefs are {}"
- .format(path, n_coefs, coefs))
- i += 1
- f.close()
- return (np.array(coefs_am_out, dtype=np.float32),
- np.array(coefs_pm_out, dtype=np.float32))
-
- def get_coefs(self):
- return self._read_coef_file(self.coef_path)
-
- def _write_coef_file(self, coefs_am, coefs_pm, path):
+ predistorter_format = int(lines[0])
+ if predistorter_format == FORMAT_POLY:
+ coefs_am_out = []
+ coefs_pm_out = []
+ n_coefs = int(lines[1])
+ coefs = [float(l) for l in lines[2:]]
+ i = 0
+ for c in coefs:
+ if i < n_coefs:
+ coefs_am_out.append(c)
+ elif i < 2*n_coefs:
+ coefs_pm_out.append(c)
+ else:
+ raise ValueError(
+ "Incorrect coef file format: too many coefficients in {}, should be {}, coefs are {}"
+ .format(path, n_coefs, coefs))
+ i += 1
+ f.close()
+ return ("poly", coefs_am_out, coefs_pm_out)
+ elif predistorter_format == FORMAT_LUT:
+ scalefactor = int(lines[1])
+ coefs = np.array([float(l) for l in lines[2:]], dtype=np.float32)
+ coefs = coefs.reshape((-1, 2))
+ lut = coefs[..., 0] + 1j * coefs[..., 1]
+ if len(lut) != LUT_LEN:
+ raise ValueError("Incorrect number of LUT entries ({} expected {})".format(len(lut), LUT_LEN))
+ return ("lut", scalefactor, lut)
+ else:
+ raise ValueError("Unknown predistorter format {}".format(predistorter_format))
+
+ def _write_poly_coef_file(self, coefs_am, coefs_pm, path):
assert(len(coefs_am) == len(coefs_pm))
f = open(path, 'w')
- f.write("{}\n".format(len(coefs_am)))
+ f.write("{}\n{}\n".format(FORMAT_POLY, len(coefs_am)))
for coef in coefs_am:
f.write("{}\n".format(coef))
for coef in coefs_pm:
f.write("{}\n".format(coef))
f.close()
- def set_coefs(self, coefs_am, coefs_pm):
- self._write_coef_file(coefs_am, coefs_pm, self.coef_path)
+ def _write_lut_file(self, scalefactor, lut, path):
+ assert(len(lut) == LUT_LEN)
+
+ f = open(path, 'w')
+ f.write("{}\n{}\n".format(FORMAT_LUT, scalefactor))
+ for coef in lut:
+ f.write("{}\n{}\n".format(coef.real, coef.imag))
+ f.close()
+
+ def set_predistorter(self, dpddata):
+ """Update the predistorter data in the modulator. Takes the same
+ tuple format as argument than the one returned get_predistorter()"""
+ if dpddata[0] == "poly":
+ coefs_am = dpddata[1]
+ coefs_pm = dpddata[2]
+ self._write_poly_coef_file(coefs_am, coefs_pm, self.coef_path)
+ elif dpddata[0] == "lut":
+ scalefactor = dpddata[1]
+ lut = dpddata[2]
+ self._write_lut_file(scalefactor, lut, self.coef_path)
+ else:
+ raise ValueError("Unknown predistorter '{}'".format(dpddata[0]))
self.send_receive("set memlesspoly coeffile {}".format(self.coef_path))
# The MIT License (MIT)
diff --git a/dpd/src/Model.py b/dpd/src/Model.py
index fe9c56b..7ce6171 100644
--- a/dpd/src/Model.py
+++ b/dpd/src/Model.py
@@ -1,357 +1,3 @@
# -*- coding: utf-8 -*-
-#
-# DPD Calculation Engine, model implementation.
-#
-# http://www.opendigitalradio.org
-# Licence: The MIT License, see notice at the end of this file
-
-import datetime
-import os
-import logging
-
-logging_path = os.path.dirname(logging.getLoggerClass().root.handlers[0].baseFilename)
-
-import numpy as np
-import matplotlib.pyplot as plt
-from sklearn import linear_model
-
-
-class Model:
- """Calculates new coefficients using the measurement and the previous
- coefficients"""
-
- def __init__(self,
- c,
- SA,
- MER,
- coefs_am,
- coefs_pm,
- learning_rate_am=0.1,
- learning_rate_pm=0.1,
- plot=False):
- self.c = c
- self.SA = SA
- self.MER = MER
-
- self.learning_rate_am = learning_rate_am
- self.learning_rate_pm = learning_rate_pm
-
- self.coefs_am = coefs_am
- self.coefs_am_history = [coefs_am, ]
- self.mses_am = []
- self.errs_am = []
-
- self.tx_mers = []
- self.rx_mers = []
-
- self.coefs_pm = coefs_pm
- self.coefs_pm_history = [coefs_pm, ]
- self.errs_pm = []
-
- self.plot = plot
-
- def sample_uniformly(self, tx_dpd, rx_received, n_bins=5):
- """This function returns tx and rx samples in a way
- that the tx amplitudes have an approximate uniform
- distribution with respect to the tx_dpd amplitudes"""
- mask = np.logical_and((np.abs(tx_dpd) > 0.01), (np.abs(rx_received) > 0.01))
- tx_dpd = tx_dpd[mask]
- rx_received = rx_received[mask]
-
- txframe_aligned_abs = np.abs(tx_dpd)
- ccdf_min = 0
- ccdf_max = np.max(txframe_aligned_abs)
- tx_hist, ccdf_edges = np.histogram(txframe_aligned_abs,
- bins=n_bins,
- range=(ccdf_min, ccdf_max))
- n_choise = np.min(tx_hist)
- tx_choice = np.zeros(n_choise * n_bins, dtype=np.complex64)
- rx_choice = np.zeros(n_choise * n_bins, dtype=np.complex64)
-
- for idx, bin in enumerate(tx_hist):
- indices = np.where((txframe_aligned_abs >= ccdf_edges[idx]) &
- (txframe_aligned_abs <= ccdf_edges[idx + 1]))[0]
- indices_choise = np.random.choice(indices,
- n_choise,
- replace=False)
- rx_choice[idx * n_choise:(idx + 1) * n_choise] = \
- rx_received[indices_choise]
- tx_choice[idx * n_choise:(idx + 1) * n_choise] = \
- tx_dpd[indices_choise]
-
- assert isinstance(rx_choice[0], np.complex64), \
- "rx_choice is not complex64 but {}".format(rx_choice[0].dtype)
- assert isinstance(tx_choice[0], np.complex64), \
- "tx_choice is not complex64 but {}".format(tx_choice[0].dtype)
-
- return tx_choice, rx_choice
-
- def dpd_amplitude(self, sig, coefs=None):
- if coefs is None:
- coefs = self.coefs_am
- assert isinstance(sig[0], np.complex64), "Sig is not complex64 but {}".format(sig[0].dtype)
- sig_abs = np.abs(sig)
- A_sig = np.vstack([np.ones(sig_abs.shape),
- sig_abs ** 1,
- sig_abs ** 2,
- sig_abs ** 3,
- sig_abs ** 4,
- ]).T
- sig_dpd = sig * np.sum(A_sig * coefs, axis=1)
- return sig_dpd, A_sig
-
- def dpd_phase(self, sig, coefs=None):
- if coefs is None:
- coefs = self.coefs_pm
- assert isinstance(sig[0], np.complex64), "Sig is not complex64 but {}".format(sig[0].dtype)
- sig_abs = np.abs(sig)
- A_phase = np.vstack([np.ones(sig_abs.shape),
- sig_abs ** 1,
- sig_abs ** 2,
- sig_abs ** 3,
- sig_abs ** 4,
- ]).T
- phase_diff_est = np.sum(A_phase * coefs, axis=1)
- return phase_diff_est, A_phase
-
- def _next_am_coefficent(self, tx_choice, rx_choice):
- """Calculate new coefficients for AM/AM correction"""
- rx_dpd, rx_A = self.dpd_amplitude(rx_choice)
- rx_dpd = rx_dpd * (
- np.median(np.abs(tx_choice)) /
- np.median(np.abs(rx_dpd)))
- err = np.abs(rx_dpd) - np.abs(tx_choice)
- mse = np.mean(np.abs((rx_dpd - tx_choice) ** 2))
- self.mses_am.append(mse)
- self.errs_am.append(np.mean(err ** 2))
-
- a_delta = np.linalg.lstsq(rx_A, err)[0]
- new_coefs_am = self.coefs_am - self.learning_rate_am * a_delta
- new_coefs_am = new_coefs_am * (self.coefs_am[0] / new_coefs_am[0])
- return new_coefs_am
-
- def _next_pm_coefficent(self, tx_choice, rx_choice):
- """Calculate new coefficients for AM/PM correction
- Assuming deviations smaller than pi/2"""
- phase_diff_choice = np.angle(
- (rx_choice * tx_choice.conjugate()) /
- (np.abs(rx_choice) * np.abs(tx_choice))
- )
- plt.hist(phase_diff_choice)
- plt.savefig('/tmp/hist_' + str(np.random.randint(0, 1000)) + '.svg')
- plt.close()
- phase_diff_est, phase_A = self.dpd_phase(rx_choice)
- err_phase = phase_diff_est - phase_diff_choice
- self.errs_pm.append(np.mean(np.abs(err_phase ** 2)))
-
- p_delta = np.linalg.lstsq(phase_A, err_phase)[0]
- new_coefs_pm = self.coefs_pm - self.learning_rate_pm * p_delta
-
- return new_coefs_pm, phase_diff_choice
-
- def get_next_coefs(self, tx_dpd, rx_received):
- # Check data type
- assert tx_dpd[0].dtype == np.complex64, \
- "tx_dpd is not complex64 but {}".format(tx_dpd[0].dtype)
- assert rx_received[0].dtype == np.complex64, \
- "rx_received is not complex64 but {}".format(rx_received[0].dtype)
- # Check if signals have same normalization
- normalization_error = np.abs(np.median(np.abs(tx_dpd)) -
- np.median(np.abs(rx_received))) / (
- np.median(np.abs(tx_dpd)) + np.median(np.abs(rx_received)))
- assert normalization_error < 0.01, "Non normalized signals"
-
- if logging.getLogger().getEffectiveLevel() == logging.DEBUG:
- dt = datetime.datetime.now().isoformat()
- tx_dpd.tofile(logging_path + "/tx_dpd_" + dt + ".iq")
- rx_received.tofile(logging_path + "/rx_received_" + dt + ".iq")
-
- tx_choice, rx_choice = self.sample_uniformly(tx_dpd, rx_received)
- new_coefs_am = self._next_am_coefficent(tx_choice, rx_choice)
- new_coefs_pm, phase_diff_choice = self._next_pm_coefficent(tx_choice, rx_choice)
-
- logging.debug('txframe: min {:.2f}, max {:.2f}, ' \
- 'median {:.2f}; rxframe: min {:.2f}, max {:.2f}, ' \
- 'median {:.2f}; new coefs_am {};' \
- 'new_coefs_pm {}'.format(
- np.min(np.abs(tx_dpd)),
- np.max(np.abs(tx_dpd)),
- np.median(np.abs(tx_dpd)),
- np.min(np.abs(rx_choice)),
- np.max(np.abs(rx_choice)),
- np.median(np.abs(rx_choice)),
- new_coefs_am,
- new_coefs_pm))
-
- if logging.getLogger().getEffectiveLevel() == logging.DEBUG and self.plot:
- off = self.SA.calc_offset(tx_dpd)
- tx_mer = self.MER.calc_mer(tx_dpd[off:off + self.c.T_U])
- rx_mer = self.MER.calc_mer(rx_received[off:off + self.c.T_U], debug=True)
- self.tx_mers.append(tx_mer)
- self.rx_mers.append(rx_mer)
-
- if logging.getLogger().getEffectiveLevel() == logging.DEBUG and self.plot:
- dt = datetime.datetime.now().isoformat()
- fig_path = logging_path + "/" + dt + "_Model.svg"
-
- fig = plt.figure(figsize=(2 * 6, 2 * 6))
-
- i_sub = 1
-
- ax = plt.subplot(4, 2, i_sub)
- i_sub += 1
- ax.plot(np.abs(tx_dpd[:128]),
- label="TX sent",
- linestyle=":")
- ax.plot(np.abs(rx_received[:128]),
- label="RX received",
- color="red")
- ax.set_title("Synchronized Signals of Iteration {}"
- .format(len(self.coefs_am_history)))
- ax.set_xlabel("Samples")
- ax.set_ylabel("Amplitude")
- ax.text(0, 0, "TX (max {:01.3f}, mean {:01.3f}, " \
- "median {:01.3f})".format(
- np.max(np.abs(tx_dpd)),
- np.mean(np.abs(tx_dpd)),
- np.median(np.abs(tx_dpd))
- ), size=8)
- ax.legend(loc=4)
-
- ax = plt.subplot(4, 2, i_sub)
- i_sub += 1
- ccdf_min, ccdf_max = 0, 1
- tx_hist, ccdf_edges = np.histogram(np.abs(tx_dpd),
- bins=60,
- range=(ccdf_min, ccdf_max))
- tx_hist_normalized = tx_hist.astype(float) / np.sum(tx_hist)
- ccdf = 1.0 - np.cumsum(tx_hist_normalized)
- ax.semilogy(ccdf_edges[:-1], ccdf, label="CCDF")
- ax.semilogy(ccdf_edges[:-1],
- tx_hist_normalized,
- label="Histogram",
- drawstyle='steps')
- ax.legend(loc=4)
- ax.set_ylim(1e-5, 2)
- ax.set_title("Complementary Cumulative Distribution Function")
- ax.set_xlabel("TX Amplitude")
- ax.set_ylabel("Ratio of Samples larger than x")
-
- ax = plt.subplot(4, 2, i_sub)
- i_sub += 1
- ax.semilogy(np.array(self.mses_am) + 1e-10, label="log(MSE)")
- ax.semilogy(np.array(self.errs_am) + 1e-10, label="log(ERR)")
- ax.legend(loc=4)
- ax.set_title("MSE History")
- ax.set_xlabel("Iterations")
- ax.set_ylabel("MSE")
-
- ax = plt.subplot(4, 2, i_sub)
- i_sub += 1
- ax.plot(self.tx_mers, label="TX MER")
- ax.plot(self.rx_mers, label="RX MER")
- ax.legend(loc=4)
- ax.set_title("MER History")
- ax.set_xlabel("Iterations")
- ax.set_ylabel("MER")
-
- ax = plt.subplot(4, 2, i_sub)
- rx_range = np.linspace(0, 1, num=100, dtype=np.complex64)
- rx_range_dpd = self.dpd_amplitude(rx_range)[0]
- rx_range_dpd_new = self.dpd_amplitude(rx_range, new_coefs_am)[0]
- i_sub += 1
- ax.scatter(
- np.abs(tx_choice),
- np.abs(rx_choice),
- s=0.1)
- ax.plot(rx_range_dpd / self.coefs_am[0], rx_range, linewidth=0.25, label="current")
- ax.plot(rx_range_dpd_new / self.coefs_am[0], rx_range, linewidth=0.25, label="next")
- ax.set_ylim(0, 1)
- ax.set_xlim(0, 1)
- ax.legend()
- ax.set_title("Amplifier Characteristic")
- ax.set_xlabel("TX Amplitude")
- ax.set_ylabel("RX Amplitude")
-
- ax = plt.subplot(4, 2, i_sub)
- i_sub += 1
- coefs_am_history = np.array(self.coefs_am_history)
- for idx, coef_hist in enumerate(coefs_am_history.T):
- ax.plot(coef_hist,
- label="Coef {}".format(idx),
- linewidth=0.5)
- ax.legend(loc=4)
- ax.set_title("AM/AM Coefficient History")
- ax.set_xlabel("Iterations")
- ax.set_ylabel("Coefficient Value")
-
- phase_range = np.linspace(0, 1, num=100, dtype=np.complex64)
- phase_range_dpd = self.dpd_phase(phase_range)[0]
- phase_range_dpd_new = self.dpd_phase(phase_range,
- coefs=new_coefs_pm)[0]
- ax = plt.subplot(4, 2, i_sub)
- i_sub += 1
- ax.scatter(
- np.abs(tx_choice),
- np.rad2deg(phase_diff_choice),
- s=0.1)
- ax.plot(
- np.abs(phase_range),
- np.rad2deg(phase_range_dpd),
- linewidth=0.25,
- label="current")
- ax.plot(
- np.abs(phase_range),
- np.rad2deg(phase_range_dpd_new),
- linewidth=0.25,
- label="next")
- ax.set_ylim(-180, 180)
- ax.set_xlim(0, 1)
- ax.legend()
- ax.set_title("Amplifier Characteristic")
- ax.set_xlabel("TX Amplitude")
- ax.set_ylabel("Phase Difference")
-
- ax = plt.subplot(4, 2, i_sub)
- i_sub += 1
- coefs_pm_history = np.array(self.coefs_pm_history)
- for idx, coef_phase_hist in enumerate(coefs_pm_history.T):
- ax.plot(coef_phase_hist,
- label="Coef {}".format(idx),
- linewidth=0.5)
- ax.legend(loc=4)
- ax.set_title("AM/PM Coefficient History")
- ax.set_xlabel("Iterations")
- ax.set_ylabel("Coefficient Value")
-
- fig.tight_layout()
- fig.savefig(fig_path)
- plt.close(fig)
-
- self.coefs_am = new_coefs_am
- self.coefs_am_history.append(self.coefs_am)
- self.coefs_pm = new_coefs_pm
- self.coefs_pm_history.append(self.coefs_pm)
- return self.coefs_am, self.coefs_pm
-
-# The MIT License (MIT)
-#
-# Copyright (c) 2017 Andreas Steger
-#
-# 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.
+from src.Model_Poly import Poly
+from src.Model_Lut import Lut
diff --git a/dpd/src/Model_Poly.py b/dpd/src/Model_Poly.py
index 1faff24..f6c024c 100644
--- a/dpd/src/Model_Poly.py
+++ b/dpd/src/Model_Poly.py
@@ -37,40 +37,34 @@ def _check_input_get_next_coefs(tx_abs, rx_abs, phase_diff):
tx_abs.shape, phase_diff.shape)
-class Model_Poly:
+class Poly:
"""Calculates new coefficients using the measurement and the previous
coefficients"""
def __init__(self,
c,
- coefs_am,
- coefs_pm,
learning_rate_am=1.0,
learning_rate_pm=1.0,
plot=False):
- assert_np_float32(coefs_am)
- assert_np_float32(coefs_pm)
-
self.c = c
self.learning_rate_am = learning_rate_am
self.learning_rate_pm = learning_rate_pm
- self.coefs_am = coefs_am
- self.coefs_pm = coefs_pm
+ self.reset_coefs()
self.model_am = Model_AM.Model_AM(c, plot=True)
self.model_pm = Model_PM.Model_PM(c, plot=True)
self.plot = plot
- def get_default_coefs(self):
- self.coefs_am[:] = 0
+ def reset_coefs(self):
+ self.coefs_am = np.zeros(5, dtype=np.float32)
self.coefs_am[0] = 1
- self.coefs_pm[:] = 0
+ self.coefs_pm = np.zeros(5, dtype=np.float32)
return self.coefs_am, self.coefs_pm
- def get_next_coefs(self, tx_abs, rx_abs, phase_diff):
+ def train(self, tx_abs, rx_abs, phase_diff):
_check_input_get_next_coefs(tx_abs, rx_abs, phase_diff)
coefs_am_new = self.model_am.get_next_coefs(tx_abs, rx_abs, self.coefs_am)
@@ -79,7 +73,8 @@ class Model_Poly:
self.coefs_am = self.coefs_am + (coefs_am_new - self.coefs_am) * self.learning_rate_am
self.coefs_pm = self.coefs_pm + (coefs_pm_new - self.coefs_pm) * self.learning_rate_pm
- return self.coefs_am, self.coefs_pm
+ def get_dpd_data(self):
+ return "poly", self.coefs_am, self.coefs_pm
# The MIT License (MIT)
#