Model Predictive Control

Size: px
Start display at page:

Download "Model Predictive Control"

Transcription

1 Model Predictive Control Linear time-varying and nonlinear MPC Alberto Bemporad A. Bemporad - "Model Predictive Control" 1/30

2 Course structure Linear model predictive control (MPC) Linear time-varying and nonlinear MPC MPC computations: quadratic programming (QP), explicit MPC Hybrid MPC Stochastic MPC Data-driven MPC MATLAB Toolboxes: MPC Toolbox (linear/explicit/parameter-varying MPC) Hybrid Toolbox (explicit MPC, hybrid systems) Course page: A. Bemporad - "Model Predictive Control" 2/30

3 Linear Time-Varying Model Predictive Control

4 LPV models Linear Parameter-Varying (LPV) model { x k+1 = A(p(t))x k + B(p(t))u k + B v (p(t))v k y k = C(p(t))x k + D v (p(t))v k that depends on a vector p(t) of parameters The weights in the quadratic performance index can also be LPV The resulting optimization problem is still a QP ] 1 min z 2 z H(p(t))z + F (p(t)) z s.t. [ x(t) r(t) u(t 1) G(p(t))z W (p(t)) + S(p(t)) [ x(t) ] r(t) u(t 1) The QP matrices must be constructed online, contrarily to the LTI case 2018 A. Bemporad - "Model Predictive Control" 3/30

5 Linearizing a nonlinear model: LPV case An LPV model can be obtained by linearizing the nonlinear model { ẋ c (t) = f(x c (t), u c (t), p c (t)) y c (t) = g(x c (t), p c (t)) p c R np = a vector of exogenous signals (e.g., ambient conditions) At time t, consider nominal values x c, ū c, p c and linearize ẋ c (t) f (x c (t) x c ) + f (u c (t) ū c ) x xc,ū }{{ c, p } c u xc,ū }{{ c, p } c A c B c [ ] f [ + f( x c, ū c, p c ) pc(t) p ] c p 1 xc,ū c, p c }{{} B vc Convert (A c, [B c B vc ]) to discrete-time and get prediction model (A, [B B v ]) Same thing for the output equation, to get matrices C and D v 2018 A. Bemporad - "Model Predictive Control" 4/30

6 LTV models Linear Time-Varying (LTV) model { x k+1 = A k (t)x k + B k (t)u k y k = C k (t)x k At each time t the model can also change over the prediction horizon k The measured disturbance is embedded in the model The resulting optimization problem is still a QP min z 1 2 z H(t)z + s.t. [ x(t) r(t) u(t 1) G(t)z W (t) + S(t) ] F (t) z [ x(t) ] r(t) u(t 1) As for LPV-MPC, the QP matrices must be constructed online 2018 A. Bemporad - "Model Predictive Control" 5/30

7 Linearizing a nonlinear model: LTV case LPV/LTV models can be obtained by linearizing nonlinear models { ẋ c (t) = f(x c (t), u c (t), p c (t)) y c (t) = g(x c (t), p c (t)) At time t, consider nominal trajectories U = {ū c (t), ū c (t + T s ),..., ū c (t + (N 1)T s )} (example: U = shifted previous optimal sequence or input ref. trajectory) P = { p c (t), p c (t + T s ),..., p c (t + (N 1)T s )} (no preview: p c(t + k) p c(t)) Integrate the model and get nominal state/output trajectories X = { x c (t), x c (t + T s ),..., x c (t + (N 1)T s )} Y = {ȳ c (t), ȳ c (t + T s ),..., ȳ c (t + (N 1)T s )} Examples: x c (t) = current x c (t); x c (t) = equilibrium; x c (t) = reference 2018 A. Bemporad - "Model Predictive Control" 6/30

8 Linearizing a nonlinear model: LTV case While integrating, also compute the sensitivities A k (t) = x c(t + (k + 1)T s ) x c (t + kt s ) B k (t) = x c(t + (k + 1)T s ) ū c (t + kt s ) C k (t) = ȳ c(t + kt s ) x c (t + kt s ) Approximate the NL model as the LTV model x k+1 {}}{ x c (k + 1) x c (k + 1) = A k (t) x k { }} { { }} { (x c (k) x c (k)) +B k (t) (u c (k) ū c (k)) y k = C k (t) (x c (k) x c (k)) }{{} y c (k) ȳ c (k) }{{} x k u k 2018 A. Bemporad - "Model Predictive Control" 7/30

9 LTV-MPC example Process model is LTV d 3 y dt 3 + y 3d2 dt 2 + 2dy + (6 + sin(5t))y = 5du dt dt + ( ( )) cos 2 t u LTI-MPC cannot track the setpoint, LPV-MPC tries to catch-up with time-varying model, LTV-MPC has preview on future model values (See demo TimeVaryingMPCControlOfATimeVaryingLinearSystemExample in MPC Toolbox) 2018 A. Bemporad - "Model Predictive Control" 8/30

10 LTV-MPC example Define LTV model Models = tf; ct = 1; for t = 0:0.1:10 Models(:,:,ct) = tf([5 5+2*cos(2.5*t)],[ sin(5*t)]); ct = ct + 1; end Ts = 0.1; % sampling time Models = ss(c2d(models,ts)); Design MPC controller sys = ss(c2d(tf([5 5],[ ]),Ts)); % average model time p = 3; % prediction horizon m = 3; % control horizon mpcobj = mpc(sys,ts,p,m); mpcobj.mv = struct('min',-2,'max',2); % input constraints mpcobj.weights = struct('mv',0,'mvrate',0.01,'output',1); 2018 A. Bemporad - "Model Predictive Control" 9/30

11 LTV-MPC example Simulate LTV system with LTI-MPC controller for ct = 1:(Tstop/Ts+1) real_plant = Models(:,:,ct); % Get the current plant y = real_plant.c*x; u = mpcmove(mpcobj,xmpc,y,1); % Apply LTI MPC x = real_plant.a*x + real_plant.b*u; end Simulate LTV system with LPV-MPC controller for ct = 1:(Tstop/Ts+1) real_plant = Models(:,:,ct); % Get the current plant y = real_plant.c*x; u = mpcmoveadaptive(mpcobj,xmpc,real_plant,nominal,y,1); x = real_plant.a*x + real_plant.b*u; end 2018 A. Bemporad - "Model Predictive Control" 10/30

12 LTV-MPC example t Simulate LTV system with LTV-MPC controller for ct = 1:(Tstop/Ts+1) real_plant = Models(:,:,ct); % Get the current plant y = real_plant.c*x; u = mpcmoveadaptive(mpcobj,xmpc,models(:,:,ct:ct+p),nominals,y,1); x = real_plant.a*x + real_plant.b*u; end Simulate in Simulink A B C Clock Zero-Order Hold t D U Y X DX Time Varying Predictive Model model mo ref Adaptive MPC mv y u Time-Varying Plant ysim To Workspace1 mpc_timevarying.mdl 1 Reference Adaptive MPC Controller usim To Workspace 2018 A. Bemporad - "Model Predictive Control" 11/30

13 LTV-MPC example Simulink block need to provide 3D array of future models mpc_timevarying.mdl 2018 A. Bemporad - "Model Predictive Control" 12/30

14 Example: LPV-MPC of a nonlinear CSTR system MPC control of a diabatic continuous stirred tank reactor (CSTR) Process model is nonlinear dc A dt dt dt = F V (C Af C A ) C A k 0 e E RT = F V (T f T ) + UA ρc (T j T ) H C A k 0 e E RT pv ρc p T : temperature inside the reactor [K] (state) C A : concentration of the reagent in the reactor [kgmol/m 3 ] (state) T j : jacket temperature [K] (input) T f : feedstream temperature [K] (measured disturbance) F Tf T A B C Af : feedstream concentration [kgmol/m 3 ] (measured disturbance) Objective: manipulate T j to regulate C A on desired setpoint CAf Tj CA >> edit ampccstr_linearization (MPC Toolbox) 2018 A. Bemporad - "Model Predictive Control" 13/30

15 Example: LPV-MPC of a nonlinear CSTR system Process model >> mpc_cstr_plant 1 CAi 2 Ti 3 Tc Feed Concentration Reactor Temperature Feed Temperature Reactor Concentration Coolant Temperature CSTR 1 T 2 CA % Create operating point specification. plant_mdl = 'mpc_cstr_plant'; op = operspec(plant_mdl); op.inputs(1).u = 10; % Feed concentration condition op.inputs(1).known = true; op.inputs(2).u = ; % Feed concentration condition op.inputs(2).known = true; op.inputs(3).u = ; % Coolant temperature condition op.inputs(3).known = true; x0 = [op_report.states(1).x;op_report.states(2).x]; y0 = [op_report.outputs(1).y;op_report.outputs(2).y]; u0 = [op_report.inputs(1).u;op_report.inputs(2).u;op_report.inputs(3).u]; % Obtain linear plant model at the initial condition. sys = linearize(plant_mdl, op_point); sys = sys(:,2:3); % First plant input CAi dropped because not used by MPC 2018 A. Bemporad - "Model Predictive Control" 14/30

16 Example: LPV-MPC of a nonlinear CSTR system MPC design % Discretize the plant model Ts = 0.5; % hours plant = c2d(sys,ts); % Design MPC Controller % Specify signal types used in MPC plant.inputgroup.measureddisturbances = 1; plant.inputgroup.manipulatedvariables = 2; plant.outputgroup.measured = 1; plant.outputgroup.unmeasured = 2; plant.inputname = 'Ti','Tc'; plant.outputname = 'T','CA'; % Create MPC controller with default prediction and control horizons mpcobj = mpc(plant); % Set nominal values in the controller mpcobj.model.nominal = struct('x', x0, 'U', u0(2:3), 'Y', y0, 'DX', [0 0]); 2018 A. Bemporad - "Model Predictive Control" 15/30

17 Example: LPV-MPC of a nonlinear CSTR system MPC design (cont d) % Set scale factors because plant input and output signals have different % orders of magnitude Uscale = [30 50]; Yscale = [50 10]; mpcobj.dv(1).scalefactor = Uscale(1); mpcobj.mv(1).scalefactor = Uscale(2); mpcobj.ov(1).scalefactor = Yscale(1); mpcobj.ov(2).scalefactor = Yscale(2); % Let reactor temperature T float (i.e. with no setpoint tracking error % penalty), because the objective is to control reactor concentration CA % and only one manipulated variable (coolant temperature Tc) is available. mpcobj.weights.ov = [0 1]; % Due to the physical constraint of coolant jacket, Tc rate of change is % bounded by degrees per minute. mpcobj.mv.ratemin = -2; mpcobj.mv.ratemax = 2; 2018 A. Bemporad - "Model Predictive Control" 16/30

18 Example: LPV-MPC of a nonlinear CSTR system Simulink diagram 3 Measurement Noise u0(1) u0(2) Disturbance 3 CAi Ti Tc plant model CSTR T CA Reactor Feed 3 3 Temperature u0(1) 2 [2x2] A T A [2x2] [2x2] B B [2x2] [2x2] C CA C [2x2] [2x2] D D [2x2] 8{24} [2x1] CAi U U [2x1] [2x1] Y Y [2x1] Ti [2x1] X X [2x1] [2x1] DX DX [2x1] Tc [2x1] poles Poles [2x1] Successive Linearizer Pole 3 Concentration 3 Estimated True Selector 3 Coolant 3 mv est.state Adaptive MPC model mo ref md Adaptive MPC Controller 8{24} CA Reference linearize + discretize Reference Copyright The MathWorks, Inc. LPV-MPC >> edit ampc_cstr_linearization 2018 A. Bemporad - "Model Predictive Control" 17/30

19 Example: LPV-MPC of a nonlinear CSTR system Closed-loop results 2018 A. Bemporad - "Model Predictive Control" 18/30

20 Example: LTI-MPC of a nonlinear CSTR system Closed-loop results with LTI-MPC, same tuning Noise 3 3 u0(1) CAi CAi T Reactor u0(2) Ti Ti Tc CA Feed 3 3 Temperature Disturbance CSTR Coolant mo 0 LTI-MPC mv MPC 2 ref md 2 CA Reference MPC Controller Reference 2 2 Concentration True Copyright The MathWorks, Inc A. Bemporad - "Model Predictive Control" 19/30

21 Example: LTI-MPC of a nonlinear CSTR system Closed-loop results 2018 A. Bemporad - "Model Predictive Control" 20/30

22 LTV Kalman filter Process model = LTV model with noise x(k + 1) = A(k)x(k) + B(k)u(k)+G(k)ξ(k) y(k) = C(k)x(k) + ζ(k) ξ(k) R q = zero-mean white process noise with covariance Q(k) 0 ζ(k) R p = zero-mean white measurement noise with covariance R(k) 0 measurement update: time update: M(k) = P (k k 1)C(k) [C(k)P (k k 1)C(k) + R(k)] 1 ˆx(k k) = ˆx(k k 1) + M(k) (y(k) C(k)ˆx(k k 1)) P (k k) = (I M(k)C(k))P (k k 1) ˆx(k + 1 k) = Aˆx(k k) + Bu(k) P (k + 1 k) = A(k)P (k k)a(k) + G(k)Q(k)G(k) 2018 A. Bemporad - "Model Predictive Control" 21/30

23 Extended Kalman filter Process model = nonlinear model with noise measurement update: time update: x(k + 1) = f(x(k), u(k), ξ(k)) y(k) = g(x(k), u(k)) + ζ(k) C(k) = g x (ˆx k k 1, u(k)) M(k) = P (k k 1)C(k) [C(k)P (k k 1)C(k) + R(k)] 1 ˆx(k k) = ˆx(k k 1) + M(k) (y(k) g(ˆx(k k 1), u(k))) P (k k) = (I M(k)C(k))P (k k 1) ˆx(k + 1 k) = f(ˆx(k k), u(k)) A(k) = f x (ˆx k k, u(k), E[ξ(k)]), G(k) = f ξ (ˆx k k, u(k), E[ξ(k)]) P (k + 1 k) = A(k)P (k k)a(k) + G(k)Q(k)G(k) 2018 A. Bemporad - "Model Predictive Control" 22/30

24 Nonlinear Model Predictive Control

25 Nonlinear MPC (Mayne, Rawlings, Diehl, 2017) Nonlinear prediction model {xk+1 = f(xk, uk) Nonlinear constraints h(x k, u k ) 0 y k = g(x k, u k ) N 1 Nonlinear performance index min l N (x N ) + l(x k, u k ) k=0 Optimization problem: nonlinear programming problem (NLP) min z F (z, x(t)) s.t. G(z, x(t)) 0 H(z, x(t)) = 0 z = u 0. u N 1 x 1. x N 2018 A. Bemporad - "Model Predictive Control" 23/30

26 Nonlinear optimization (Nocedal, Wright, 2006) (Nonconvex) NLP is harder to solve than QP Convergence to a global optimum may not be guaranteed Several NLP solvers exist (such as Sequential Quadratic Programming (SQP)) NL-MPC is not used in practice so often, except for dealing with strong dynamical nonlinearities and slow processes (such as chemical processes) 2018 A. Bemporad - "Model Predictive Control" 24/30

27 Fast nonlinear MPC (Lopez-Negrete, D Amato, Biegler, Kumar, 2013) Fast MPC: exploit sensitivity analysis to compensate for the computational delay caused by solving the NLP Key idea: pre-solve the NLP between time t 1 and t based on the predicted state x (t) = f(x(t 1), u(t 1)) in background Get u (t) and the sensitivities u x within sample interval [(t 1)T s, tt s ) At time t, get x(t) and compute u(t) = u (t) + u x (x(t) x (t)) Note that still one NLP must be solved within the sample interval 2018 A. Bemporad - "Model Predictive Control" 25/30

28 From LTV-MPC to NL-MPC Key idea: Solve a sequence of LTV-MPC problems at the same time t Given the current state x(t) and reference {r(t + k), u r (t + k)}, initial guess U 0 = {u 0 0,..., u 0 N 1 } and corresponding state trajectory X 0 = {x 0 0,..., x 0 N } A good initial guess U 0, X 0 is the previous (shifted) optimal solution At a generic iteration i, linearize the NL model around U i, X i : { xk+1 = f(x k, u k ) A i = f(xi 0, u i 0) x, B i = f(xi 0, u i 0) u y k = g(x k, u k ), C i = g(xi 0, u i 0), D i = g(xi 0, u i 0) x u 2018 A. Bemporad - "Model Predictive Control" 26/30

29 Nonlinear MPC For h = 0 to h max 1 do: 1. Simulate from x(t) with inputs U h, parameter sequence P and get state trajectory X h and output trajectory Y h 2. Linearize around (X h, U h, P ) and discretize in time with sample time T s 3. Let U h+1 be the solution of the QP problem corresponding to LTV-MPC 4. Find optimal step size α h (0, 1]; 5. Set U h+1 = (1 α h )U h + α h U h+1; Return solution U hmax The method above is a Gauss-Newton method to solve the NL-MPC problem Special case: just solve one iteration with α = 1 (a.k.a. Real-Time Iteration) (Diehl, Bock, Schloder, Findeisen, Nagy, Allgower, 2002) 2018 A. Bemporad - "Model Predictive Control" 27/30

30 Nonlinear MPC (Gros, Zanon, Quirynen, Bemporad, Diehl, 2016) Example x Linear MPC RTI Fully converged Linear MPC RTI Fully converged x x x u Linear MPC RTI Converged time 0 Fig. 7. Illustration of the RTI solution vs. the linear MPC solutions at the discrete time instant i = 2, with state noise A. Bemporad - "Model Predictive Control" 28/30 u1-0.4

31 Learning nonlinear models for MPC (Masti, Bemporad, CDC 2018) Idea: use autoencoders and artificial neural networks to learn a nonlinear state-space model of desired order from input/output data output map dead-beat observer state map O k = [y k... y k m] (Hinton, Salakhutdinov, 2006) I k = [y k... y k n a+1 u k... u k n b +1] 2018 A. Bemporad - "Model Predictive Control" 29/30

32 Learning nonlinear models for MPC - An example (Masti, Bemporad, CDC 2018) System generating the data = nonlinear 2-tank benchmark x 1(k + 1) = x 1(k) k 1 x1(k) + k 2(u(k) + w(k)) x 2(k + 1) = x 2(k) + k 3 x1(k) k 4 x2(k) y(k) = x 2(k) + v(k) LTV MPC Model is totally unknown to learning algorithm The performance achieved with the derivative-based controller suggests that an LTV-MPC formulation might also works well. We also assess its robustness using a model achieving 61% BFR in open loop Artificial neural network (ANN): 3 hidden layers 60 exponential linear unit (ELU) neurons For given number of model parameters, autoencoder approach is superior to NNARX Jacobians directly obtained from ANN structure for Kalman filtering & MPC problem construction Computation time per step: ~40ms LTV-MPC results ODYS CONFIDEN 2018 A. Bemporad - "Model Predictive Control" 30/30

Linear Parameter Varying and Time-Varying Model Predictive Control

Linear Parameter Varying and Time-Varying Model Predictive Control Linear Parameter Varying and Time-Varying Model Predictive Control Alberto Bemporad - Model Predictive Control course - Academic year 016/17 0-1 Linear Parameter-Varying (LPV) MPC LTI prediction model

More information

Optimal control and estimation

Optimal control and estimation Automatic Control 2 Optimal control and estimation Prof. Alberto Bemporad University of Trento Academic year 2010-2011 Prof. Alberto Bemporad (University of Trento) Automatic Control 2 Academic year 2010-2011

More information

Course on Model Predictive Control Part II Linear MPC design

Course on Model Predictive Control Part II Linear MPC design Course on Model Predictive Control Part II Linear MPC design Gabriele Pannocchia Department of Chemical Engineering, University of Pisa, Italy Email: g.pannocchia@diccism.unipi.it Facoltà di Ingegneria,

More information

PROPORTIONAL-Integral-Derivative (PID) controllers

PROPORTIONAL-Integral-Derivative (PID) controllers Multiple Model and Neural based Adaptive Multi-loop PID Controller for a CSTR Process R.Vinodha S. Abraham Lincoln and J. Prakash Abstract Multi-loop (De-centralized) Proportional-Integral- Derivative

More information

Nonlinear Model Predictive Control Tools (NMPC Tools)

Nonlinear Model Predictive Control Tools (NMPC Tools) Nonlinear Model Predictive Control Tools (NMPC Tools) Rishi Amrit, James B. Rawlings April 5, 2008 1 Formulation We consider a control system composed of three parts([2]). Estimator Target calculator Regulator

More information

Integral action in state feedback control

Integral action in state feedback control Automatic Control 1 in state feedback control Prof. Alberto Bemporad University of Trento Academic year 21-211 Prof. Alberto Bemporad (University of Trento) Automatic Control 1 Academic year 21-211 1 /

More information

Online Model Predictive Torque Control for Permanent Magnet Synchronous Motors

Online Model Predictive Torque Control for Permanent Magnet Synchronous Motors Online Model Predictive Torque Control for Permanent Magnet Synchronous Motors Gionata Cimini, Daniele Bernardini, Alberto Bemporad and Stephen Levijoki ODYS Srl General Motors Company 2015 IEEE International

More information

Direct Methods. Moritz Diehl. Optimization in Engineering Center (OPTEC) and Electrical Engineering Department (ESAT) K.U.

Direct Methods. Moritz Diehl. Optimization in Engineering Center (OPTEC) and Electrical Engineering Department (ESAT) K.U. Direct Methods Moritz Diehl Optimization in Engineering Center (OPTEC) and Electrical Engineering Department (ESAT) K.U. Leuven Belgium Overview Direct Single Shooting Direct Collocation Direct Multiple

More information

Overview of Models for Automated Process Control

Overview of Models for Automated Process Control Overview of Models for Automated Process Control James B. Rawlings Department of Chemical and Biological Engineering April 29, 29 Utilization of Process Modeling and Advanced Process Control in QbD based

More information

Optimizing Economic Performance using Model Predictive Control

Optimizing Economic Performance using Model Predictive Control Optimizing Economic Performance using Model Predictive Control James B. Rawlings Department of Chemical and Biological Engineering Second Workshop on Computational Issues in Nonlinear Control Monterey,

More information

arxiv: v1 [cs.sy] 2 Oct 2018

arxiv: v1 [cs.sy] 2 Oct 2018 Non-linear Model Predictive Control of Conically Shaped Liquid Storage Tanks arxiv:1810.01119v1 [cs.sy] 2 Oct 2018 5 10 Abstract Martin Klaučo, L uboš Čirka Slovak University of Technology in Bratislava,

More information

Model Predictive Control New tools for design and evaluation

Model Predictive Control New tools for design and evaluation Model Predictive Control New tools for design and evaluation Alberto Bemporad Dip. Information Engineering University of Siena bemporad@dii.unisi.it N. Lawrence Ricker Department of Chemical Engineering

More information

4F3 - Predictive Control

4F3 - Predictive Control 4F3 Predictive Control - Discrete-time systems p. 1/30 4F3 - Predictive Control Discrete-time State Space Control Theory For reference only Jan Maciejowski jmm@eng.cam.ac.uk 4F3 Predictive Control - Discrete-time

More information

ECE Introduction to Artificial Neural Network and Fuzzy Systems

ECE Introduction to Artificial Neural Network and Fuzzy Systems ECE 39 - Introduction to Artificial Neural Network and Fuzzy Systems Wavelet Neural Network control of two Continuous Stirred Tank Reactors in Series using MATLAB Tariq Ahamed Abstract. With the rapid

More information

Lecture 7: Optimal Smoothing

Lecture 7: Optimal Smoothing Department of Biomedical Engineering and Computational Science Aalto University March 17, 2011 Contents 1 What is Optimal Smoothing? 2 Bayesian Optimal Smoothing Equations 3 Rauch-Tung-Striebel Smoother

More information

Robust Model Predictive Control for Autonomous Vehicle/Self-Driving Cars

Robust Model Predictive Control for Autonomous Vehicle/Self-Driving Cars Robust Model Predictive Control for Autonomous Vehicle/Self-Driving Cars Che Kun Law, Darshit Dalal, Stephen Shearrow A robust Model Predictive Control (MPC) approach for controlling front steering of

More information

State estimation and the Kalman filter

State estimation and the Kalman filter State estimation and the Kalman filter PhD, David Di Ruscio Telemark university college Department of Technology Systems and Control Engineering N-3914 Porsgrunn, Norway Fax: +47 35 57 52 50 Tel: +47 35

More information

How to simulate in Simulink: DAE, DAE-EKF, MPC & MHE

How to simulate in Simulink: DAE, DAE-EKF, MPC & MHE How to simulate in Simulink: DAE, DAE-EKF, MPC & MHE Tamal Das PhD Candidate IKP, NTNU 24th May 2017 Outline 1 Differential algebraic equations (DAE) 2 Extended Kalman filter (EKF) for DAE 3 Moving horizon

More information

Pole placement control: state space and polynomial approaches Lecture 2

Pole placement control: state space and polynomial approaches Lecture 2 : state space and polynomial approaches Lecture 2 : a state O. Sename 1 1 Gipsa-lab, CNRS-INPG, FRANCE Olivier.Sename@gipsa-lab.fr www.gipsa-lab.fr/ o.sename -based November 21, 2017 Outline : a state

More information

Numerical Optimal Control Overview. Moritz Diehl

Numerical Optimal Control Overview. Moritz Diehl Numerical Optimal Control Overview Moritz Diehl Simplified Optimal Control Problem in ODE path constraints h(x, u) 0 initial value x0 states x(t) terminal constraint r(x(t )) 0 controls u(t) 0 t T minimize

More information

Online monitoring of MPC disturbance models using closed-loop data

Online monitoring of MPC disturbance models using closed-loop data Online monitoring of MPC disturbance models using closed-loop data Brian J. Odelson and James B. Rawlings Department of Chemical Engineering University of Wisconsin-Madison Online Optimization Based Identification

More information

Outline. Linear regulation and state estimation (LQR and LQE) Linear differential equations. Discrete time linear difference equations

Outline. Linear regulation and state estimation (LQR and LQE) Linear differential equations. Discrete time linear difference equations Outline Linear regulation and state estimation (LQR and LQE) James B. Rawlings Department of Chemical and Biological Engineering 1 Linear Quadratic Regulator Constraints The Infinite Horizon LQ Problem

More information

1. Type your solutions. This homework is mainly a programming assignment.

1. Type your solutions. This homework is mainly a programming assignment. THE UNIVERSITY OF TEXAS AT SAN ANTONIO EE 5243 INTRODUCTION TO CYBER-PHYSICAL SYSTEMS H O M E W O R K S # 6 + 7 Ahmad F. Taha October 22, 2015 READ Homework Instructions: 1. Type your solutions. This homework

More information

Nonlinear State Estimation! Extended Kalman Filters!

Nonlinear State Estimation! Extended Kalman Filters! Nonlinear State Estimation! Extended Kalman Filters! Robert Stengel! Optimal Control and Estimation, MAE 546! Princeton University, 2017!! Deformation of the probability distribution!! Neighboring-optimal

More information

Theory in Model Predictive Control :" Constraint Satisfaction and Stability!

Theory in Model Predictive Control : Constraint Satisfaction and Stability! Theory in Model Predictive Control :" Constraint Satisfaction and Stability Colin Jones, Melanie Zeilinger Automatic Control Laboratory, EPFL Example: Cessna Citation Aircraft Linearized continuous-time

More information

Industrial Model Predictive Control

Industrial Model Predictive Control Industrial Model Predictive Control Emil Schultz Christensen Kongens Lyngby 2013 DTU Compute-M.Sc.-2013-49 Technical University of Denmark DTU Compute Matematiktovet, Building 303B, DK-2800 Kongens Lyngby,

More information

MATH4406 (Control Theory) Unit 6: The Linear Quadratic Regulator (LQR) and Model Predictive Control (MPC) Prepared by Yoni Nazarathy, Artem

MATH4406 (Control Theory) Unit 6: The Linear Quadratic Regulator (LQR) and Model Predictive Control (MPC) Prepared by Yoni Nazarathy, Artem MATH4406 (Control Theory) Unit 6: The Linear Quadratic Regulator (LQR) and Model Predictive Control (MPC) Prepared by Yoni Nazarathy, Artem Pulemotov, September 12, 2012 Unit Outline Goal 1: Outline linear

More information

Stochastic and Adaptive Optimal Control

Stochastic and Adaptive Optimal Control Stochastic and Adaptive Optimal Control Robert Stengel Optimal Control and Estimation, MAE 546 Princeton University, 2018! Nonlinear systems with random inputs and perfect measurements! Stochastic neighboring-optimal

More information

Principles of Optimal Control Spring 2008

Principles of Optimal Control Spring 2008 MIT OpenCourseWare http://ocw.mit.edu 6.33 Principles of Optimal Control Spring 8 For information about citing these materials or our Terms of Use, visit: http://ocw.mit.edu/terms. 6.33 Lecture 6 Model

More information

Outline. 1 Linear Quadratic Problem. 2 Constraints. 3 Dynamic Programming Solution. 4 The Infinite Horizon LQ Problem.

Outline. 1 Linear Quadratic Problem. 2 Constraints. 3 Dynamic Programming Solution. 4 The Infinite Horizon LQ Problem. Model Predictive Control Short Course Regulation James B. Rawlings Michael J. Risbeck Nishith R. Patel Department of Chemical and Biological Engineering Copyright c 217 by James B. Rawlings Outline 1 Linear

More information

COMPUTATIONAL DELAY IN NONLINEAR MODEL PREDICTIVE CONTROL. Rolf Findeisen Frank Allgöwer

COMPUTATIONAL DELAY IN NONLINEAR MODEL PREDICTIVE CONTROL. Rolf Findeisen Frank Allgöwer COMPUTATIONAL DELAY IN NONLINEAR MODEL PREDICTIVE CONTROL Rolf Findeisen Frank Allgöwer Institute for Systems Theory in Engineering, University of Stuttgart, 70550 Stuttgart, Germany, findeise,allgower

More information

Linear System Theory. Wonhee Kim Lecture 1. March 7, 2018

Linear System Theory. Wonhee Kim Lecture 1. March 7, 2018 Linear System Theory Wonhee Kim Lecture 1 March 7, 2018 1 / 22 Overview Course Information Prerequisites Course Outline What is Control Engineering? Examples of Control Systems Structure of Control Systems

More information

10/8/2015. Control Design. Pole-placement by state-space methods. Process to be controlled. State controller

10/8/2015. Control Design. Pole-placement by state-space methods. Process to be controlled. State controller Pole-placement by state-space methods Control Design To be considered in controller design * Compensate the effect of load disturbances * Reduce the effect of measurement noise * Setpoint following (target

More information

Control Systems Lab - SC4070 Control techniques

Control Systems Lab - SC4070 Control techniques Control Systems Lab - SC4070 Control techniques Dr. Manuel Mazo Jr. Delft Center for Systems and Control (TU Delft) m.mazo@tudelft.nl Tel.:015-2788131 TU Delft, February 16, 2015 (slides modified from

More information

Multiobjective optimization for automatic tuning of robust Model Based Predictive Controllers

Multiobjective optimization for automatic tuning of robust Model Based Predictive Controllers Proceedings of the 7th World Congress The International Federation of Automatic Control Multiobjective optimization for automatic tuning of robust Model Based Predictive Controllers P.Vega*, M. Francisco*

More information

Linear Discrete-time State Space Realization of a Modified Quadruple Tank System with State Estimation using Kalman Filter

Linear Discrete-time State Space Realization of a Modified Quadruple Tank System with State Estimation using Kalman Filter Journal of Physics: Conference Series PAPER OPEN ACCESS Linear Discrete-time State Space Realization of a Modified Quadruple Tank System with State Estimation using Kalman Filter To cite this article:

More information

Stochastic Optimal Control!

Stochastic Optimal Control! Stochastic Control! Robert Stengel! Robotics and Intelligent Systems, MAE 345, Princeton University, 2015 Learning Objectives Overview of the Linear-Quadratic-Gaussian (LQG) Regulator Introduction to Stochastic

More information

Differential Equation Types. Moritz Diehl

Differential Equation Types. Moritz Diehl Differential Equation Types Moritz Diehl Overview Ordinary Differential Equations (ODE) Differential Algebraic Equations (DAE) Partial Differential Equations (PDE) Delay Differential Equations (DDE) Ordinary

More information

Every real system has uncertainties, which include system parametric uncertainties, unmodeled dynamics

Every real system has uncertainties, which include system parametric uncertainties, unmodeled dynamics Sensitivity Analysis of Disturbance Accommodating Control with Kalman Filter Estimation Jemin George and John L. Crassidis University at Buffalo, State University of New York, Amherst, NY, 14-44 The design

More information

NONLINEAR MODEL PREDICTIVE CONTROL USING AUTOMATIC DIFFERENTIATION

NONLINEAR MODEL PREDICTIVE CONTROL USING AUTOMATIC DIFFERENTIATION NONLINEAR MODEL PREDICTIVE CONTROL USING AUTOMATIC DIFFERENTIATION Yi Cao, R. Al-Seyab School of Engineering, Cranfield University, UK Email: y.cao@cranfield.ac.uk. Tel: 01234750111. Fax: 01234750728 Keywords:

More information

Process Modelling, Identification, and Control

Process Modelling, Identification, and Control Jan Mikles Miroslav Fikar 2008 AGI-Information Management Consultants May be used for personal purporses only or by libraries associated to dandelon.com network. Process Modelling, Identification, and

More information

ROBUST CONSTRAINED ESTIMATION VIA UNSCENTED TRANSFORMATION. Pramod Vachhani a, Shankar Narasimhan b and Raghunathan Rengaswamy a 1

ROBUST CONSTRAINED ESTIMATION VIA UNSCENTED TRANSFORMATION. Pramod Vachhani a, Shankar Narasimhan b and Raghunathan Rengaswamy a 1 ROUST CONSTRINED ESTIMTION VI UNSCENTED TRNSFORMTION Pramod Vachhani a, Shankar Narasimhan b and Raghunathan Rengaswamy a a Department of Chemical Engineering, Clarkson University, Potsdam, NY -3699, US.

More information

NEW DEVELOPMENTS IN PREDICTIVE CONTROL FOR NONLINEAR SYSTEMS

NEW DEVELOPMENTS IN PREDICTIVE CONTROL FOR NONLINEAR SYSTEMS NEW DEVELOPMENTS IN PREDICTIVE CONTROL FOR NONLINEAR SYSTEMS M. J. Grimble, A. Ordys, A. Dutka, P. Majecki University of Strathclyde Glasgow Scotland, U.K Introduction Model Predictive Control (MPC) is

More information

Systems and Control Theory Lecture Notes. Laura Giarré

Systems and Control Theory Lecture Notes. Laura Giarré Systems and Control Theory Lecture Notes Laura Giarré L. Giarré 2017-2018 Lesson 5: State Space Systems State Dimension Infinite-Dimensional systems State-space model (nonlinear) LTI State Space model

More information

NONLINEAR MODEL PREDICTIVE CONTROL VIA FEASIBILITY-PERTURBED SEQUENTIAL QUADRATIC PROGRAMMING

NONLINEAR MODEL PREDICTIVE CONTROL VIA FEASIBILITY-PERTURBED SEQUENTIAL QUADRATIC PROGRAMMING OPTIMIZATION TECHNICAL REPORT 02-06, AUGUST 2002, COMPUTER SCIENCES DEPT, UNIV. OF WISCONSIN TEXAS-WISCONSIN MODELING AND CONTROL CONSORTIUM REPORT TWMCC-2002-02 NONLINEAR MODEL PREDICTIVE CONTROL VIA

More information

ROBUST STABLE NONLINEAR CONTROL AND DESIGN OF A CSTR IN A LARGE OPERATING RANGE. Johannes Gerhard, Martin Mönnigmann, Wolfgang Marquardt

ROBUST STABLE NONLINEAR CONTROL AND DESIGN OF A CSTR IN A LARGE OPERATING RANGE. Johannes Gerhard, Martin Mönnigmann, Wolfgang Marquardt ROBUST STABLE NONLINEAR CONTROL AND DESIGN OF A CSTR IN A LARGE OPERATING RANGE Johannes Gerhard, Martin Mönnigmann, Wolfgang Marquardt Lehrstuhl für Prozesstechnik, RWTH Aachen Turmstr. 46, D-5264 Aachen,

More information

ALADIN An Algorithm for Distributed Non-Convex Optimization and Control

ALADIN An Algorithm for Distributed Non-Convex Optimization and Control ALADIN An Algorithm for Distributed Non-Convex Optimization and Control Boris Houska, Yuning Jiang, Janick Frasch, Rien Quirynen, Dimitris Kouzoupis, Moritz Diehl ShanghaiTech University, University of

More information

Control Systems I. Lecture 2: Modeling. Suggested Readings: Åström & Murray Ch. 2-3, Guzzella Ch Emilio Frazzoli

Control Systems I. Lecture 2: Modeling. Suggested Readings: Åström & Murray Ch. 2-3, Guzzella Ch Emilio Frazzoli Control Systems I Lecture 2: Modeling Suggested Readings: Åström & Murray Ch. 2-3, Guzzella Ch. 2-3 Emilio Frazzoli Institute for Dynamic Systems and Control D-MAVT ETH Zürich September 29, 2017 E. Frazzoli

More information

Subject: Optimal Control Assignment-1 (Related to Lecture notes 1-10)

Subject: Optimal Control Assignment-1 (Related to Lecture notes 1-10) Subject: Optimal Control Assignment- (Related to Lecture notes -). Design a oil mug, shown in fig., to hold as much oil possible. The height and radius of the mug should not be more than 6cm. The mug must

More information

CHAPTER 2 CONTINUOUS STIRRED TANK REACTOR PROCESS DESCRIPTION

CHAPTER 2 CONTINUOUS STIRRED TANK REACTOR PROCESS DESCRIPTION 11 CHAPTER 2 CONTINUOUS STIRRED TANK REACTOR PROCESS DESCRIPTION 2.1 INTRODUCTION This chapter deals with the process description and analysis of CSTR. The process inputs, states and outputs are identified

More information

MODEL PREDICTIVE CONTROL FUNDAMENTALS

MODEL PREDICTIVE CONTROL FUNDAMENTALS Nigerian Journal of Technology (NIJOTECH) Vol 31, No 2, July, 2012, pp 139 148 Copyright 2012 Faculty of Engineering, University of Nigeria ISSN 1115-8443 MODEL PREDICTIVE CONTROL FUNDAMENTALS PE Orukpe

More information

Model Predictive Control Design for Nonlinear Process Control Reactor Case Study: CSTR (Continuous Stirred Tank Reactor)

Model Predictive Control Design for Nonlinear Process Control Reactor Case Study: CSTR (Continuous Stirred Tank Reactor) IOSR Journal of Electrical and Electronics Engineering (IOSR-JEEE) e-issn: 2278-1676,p-ISSN: 2320-3331, Volume 7, Issue 1 (Jul. - Aug. 2013), PP 88-94 Model Predictive Control Design for Nonlinear Process

More information

ESC794: Special Topics: Model Predictive Control

ESC794: Special Topics: Model Predictive Control ESC794: Special Topics: Model Predictive Control Discrete-Time Systems Hanz Richter, Professor Mechanical Engineering Department Cleveland State University Discrete-Time vs. Sampled-Data Systems A continuous-time

More information

State Estimation using Moving Horizon Estimation and Particle Filtering

State Estimation using Moving Horizon Estimation and Particle Filtering State Estimation using Moving Horizon Estimation and Particle Filtering James B. Rawlings Department of Chemical and Biological Engineering UW Math Probability Seminar Spring 2009 Rawlings MHE & PF 1 /

More information

Efficient Numerical Methods for Nonlinear MPC and Moving Horizon Estimation

Efficient Numerical Methods for Nonlinear MPC and Moving Horizon Estimation Efficient Numerical Methods for Nonlinear MPC and Moving Horizon Estimation Moritz Diehl, Hans Joachim Ferreau, and Niels Haverbeke Optimization in Engineering Center (OPTEC) and ESAT-SCD, K.U. Leuven,

More information

Quis custodiet ipsos custodes?

Quis custodiet ipsos custodes? Quis custodiet ipsos custodes? James B. Rawlings, Megan Zagrobelny, Luo Ji Dept. of Chemical and Biological Engineering, Univ. of Wisconsin-Madison, WI, USA IFAC Conference on Nonlinear Model Predictive

More information

D(s) G(s) A control system design definition

D(s) G(s) A control system design definition R E Compensation D(s) U Plant G(s) Y Figure 7. A control system design definition x x x 2 x 2 U 2 s s 7 2 Y Figure 7.2 A block diagram representing Eq. (7.) in control form z U 2 s z Y 4 z 2 s z 2 3 Figure

More information

Dynamic Model Predictive Control

Dynamic Model Predictive Control Dynamic Model Predictive Control Karl Mårtensson, Andreas Wernrud, Department of Automatic Control, Faculty of Engineering, Lund University, Box 118, SE 221 Lund, Sweden. E-mail: {karl, andreas}@control.lth.se

More information

A tutorial overview on theory and design of offset-free MPC algorithms

A tutorial overview on theory and design of offset-free MPC algorithms A tutorial overview on theory and design of offset-free MPC algorithms Gabriele Pannocchia Dept. of Civil and Industrial Engineering University of Pisa November 24, 2015 Introduction to offset-free MPC

More information

An Introduction to Model-based Predictive Control (MPC) by

An Introduction to Model-based Predictive Control (MPC) by ECE 680 Fall 2017 An Introduction to Model-based Predictive Control (MPC) by Stanislaw H Żak 1 Introduction The model-based predictive control (MPC) methodology is also referred to as the moving horizon

More information

LQ and Model Predictive Control (MPC) of a tank process

LQ and Model Predictive Control (MPC) of a tank process Uppsala University Information Technology Systems and Control Susanne Svedberg 2000 Rev. 2009 by BPGH, 2010 by TS, 2011 by HN Last rev. September 22, 2014 by RC Automatic control II Computer Exercise 4

More information

Time-Invariant Linear Quadratic Regulators!

Time-Invariant Linear Quadratic Regulators! Time-Invariant Linear Quadratic Regulators Robert Stengel Optimal Control and Estimation MAE 546 Princeton University, 17 Asymptotic approach from time-varying to constant gains Elimination of cross weighting

More information

A FAST, EASILY TUNED, SISO, MODEL PREDICTIVE CONTROLLER. Gabriele Pannocchia,1 Nabil Laachi James B. Rawlings

A FAST, EASILY TUNED, SISO, MODEL PREDICTIVE CONTROLLER. Gabriele Pannocchia,1 Nabil Laachi James B. Rawlings A FAST, EASILY TUNED, SISO, MODEL PREDICTIVE CONTROLLER Gabriele Pannocchia, Nabil Laachi James B. Rawlings Department of Chemical Engineering Univ. of Pisa Via Diotisalvi 2, 5626 Pisa (Italy) Department

More information

State Estimation of Linear and Nonlinear Dynamic Systems

State Estimation of Linear and Nonlinear Dynamic Systems State Estimation of Linear and Nonlinear Dynamic Systems Part III: Nonlinear Systems: Extended Kalman Filter (EKF) and Unscented Kalman Filter (UKF) James B. Rawlings and Fernando V. Lima Department of

More information

Control System Design

Control System Design ELEC4410 Control System Design Lecture 19: Feedback from Estimated States and Discrete-Time Control Design Julio H. Braslavsky julio@ee.newcastle.edu.au School of Electrical Engineering and Computer Science

More information

Fast model predictive control based on linear input/output models and bounded-variable least squares

Fast model predictive control based on linear input/output models and bounded-variable least squares 7 IEEE 56th Annual Conference on Decision and Control (CDC) December -5, 7, Melbourne, Australia Fast model predictive control based on linear input/output models and bounded-variable least squares Nilay

More information

Application of Autocovariance Least-Squares Methods to Laboratory Data

Application of Autocovariance Least-Squares Methods to Laboratory Data 2 TWMCC Texas-Wisconsin Modeling and Control Consortium 1 Technical report number 23-3 Application of Autocovariance Least-Squares Methods to Laboratory Data Brian J. Odelson, Alexander Lutz, and James

More information

L06. LINEAR KALMAN FILTERS. NA568 Mobile Robotics: Methods & Algorithms

L06. LINEAR KALMAN FILTERS. NA568 Mobile Robotics: Methods & Algorithms L06. LINEAR KALMAN FILTERS NA568 Mobile Robotics: Methods & Algorithms 2 PS2 is out! Landmark-based Localization: EKF, UKF, PF Today s Lecture Minimum Mean Square Error (MMSE) Linear Kalman Filter Gaussian

More information

sc Control Systems Design Q.1, Sem.1, Ac. Yr. 2010/11

sc Control Systems Design Q.1, Sem.1, Ac. Yr. 2010/11 sc46 - Control Systems Design Q Sem Ac Yr / Mock Exam originally given November 5 9 Notes: Please be reminded that only an A4 paper with formulas may be used during the exam no other material is to be

More information

Closed-loop Behavior of Nonlinear Model Predictive Control

Closed-loop Behavior of Nonlinear Model Predictive Control 2 TWMCC Texas-Wisconsin Modeling and Control Consortium 1 Technical report number 2002-04 Closed-loop Behavior of Nonlinear Model Predictive Control Matthew J. Tenny and James B. Rawlings Department of

More information

Discrete-time linear systems

Discrete-time linear systems Automatic Control Discrete-time linear systems Prof. Alberto Bemporad University of Trento Academic year 2-2 Prof. Alberto Bemporad (University of Trento) Automatic Control Academic year 2-2 / 34 Introduction

More information

H-Infinity Controller Design for a Continuous Stirred Tank Reactor

H-Infinity Controller Design for a Continuous Stirred Tank Reactor International Journal of Electronic and Electrical Engineering. ISSN 974-2174 Volume 7, Number 8 (214), pp. 767-772 International Research Publication House http://www.irphouse.com H-Infinity Controller

More information

FINITE HORIZON ROBUST MODEL PREDICTIVE CONTROL USING LINEAR MATRIX INEQUALITIES. Danlei Chu, Tongwen Chen, Horacio J. Marquez

FINITE HORIZON ROBUST MODEL PREDICTIVE CONTROL USING LINEAR MATRIX INEQUALITIES. Danlei Chu, Tongwen Chen, Horacio J. Marquez FINITE HORIZON ROBUST MODEL PREDICTIVE CONTROL USING LINEAR MATRIX INEQUALITIES Danlei Chu Tongwen Chen Horacio J Marquez Department of Electrical and Computer Engineering University of Alberta Edmonton

More information

I. D. Landau, A. Karimi: A Course on Adaptive Control Adaptive Control. Part 9: Adaptive Control with Multiple Models and Switching

I. D. Landau, A. Karimi: A Course on Adaptive Control Adaptive Control. Part 9: Adaptive Control with Multiple Models and Switching I. D. Landau, A. Karimi: A Course on Adaptive Control - 5 1 Adaptive Control Part 9: Adaptive Control with Multiple Models and Switching I. D. Landau, A. Karimi: A Course on Adaptive Control - 5 2 Outline

More information

Wannabe-MPC for Large Systems Based on Multiple Iterative PI Controllers

Wannabe-MPC for Large Systems Based on Multiple Iterative PI Controllers Wannabe-MPC for Large Systems Based on Multiple Iterative PI Controllers Pasi Airikka, Mats Friman Metso Corp., Finland 17th Nordic Process Control Workshop Jan 26-27 2012 DTU Denmark Content Motivation

More information

Hot-Starting NLP Solvers

Hot-Starting NLP Solvers Hot-Starting NLP Solvers Andreas Wächter Department of Industrial Engineering and Management Sciences Northwestern University waechter@iems.northwestern.edu 204 Mixed Integer Programming Workshop Ohio

More information

ANFIS Gain Scheduled Johnson s Algorithm based State Feedback Control of CSTR

ANFIS Gain Scheduled Johnson s Algorithm based State Feedback Control of CSTR International Journal of Computer Applications (975 8887) ANFIS Gain Scheduled Johnsons Algorithm based State Feedback Control of CSTR U. Sabura Banu Professor, EIE Department BS Abdur Rahman University,

More information

Model Predictive Control For Interactive Thermal Process

Model Predictive Control For Interactive Thermal Process Model Predictive Control For Interactive Thermal Process M.Saravana Balaji #1, D.Arun Nehru #2, E.Muthuramalingam #3 #1 Assistant professor, Department of Electronics and instrumentation Engineering, Kumaraguru

More information

Identification of a Chemical Process for Fault Detection Application

Identification of a Chemical Process for Fault Detection Application Identification of a Chemical Process for Fault Detection Application Silvio Simani Abstract The paper presents the application results concerning the fault detection of a dynamic process using linear system

More information

Adaptive Robust Control

Adaptive Robust Control Adaptive Robust Control Adaptive control: modifies the control law to cope with the fact that the system and environment are uncertain. Robust control: sacrifices performance by guaranteeing stability

More information

Introduction to System Identification and Adaptive Control

Introduction to System Identification and Adaptive Control Introduction to System Identification and Adaptive Control A. Khaki Sedigh Control Systems Group Faculty of Electrical and Computer Engineering K. N. Toosi University of Technology May 2009 Introduction

More information

Moving Horizon Filter for Monotonic Trends

Moving Horizon Filter for Monotonic Trends 43rd IEEE Conference on Decision and Control December 4-7, 2004 Atlantis, Paradise Island, Bahamas ThA.3 Moving Horizon Filter for Monotonic Trends Sikandar Samar Stanford University Dimitry Gorinevsky

More information

FAULT-TOLERANT CONTROL OF CHEMICAL PROCESS SYSTEMS USING COMMUNICATION NETWORKS. Nael H. El-Farra, Adiwinata Gani & Panagiotis D.

FAULT-TOLERANT CONTROL OF CHEMICAL PROCESS SYSTEMS USING COMMUNICATION NETWORKS. Nael H. El-Farra, Adiwinata Gani & Panagiotis D. FAULT-TOLERANT CONTROL OF CHEMICAL PROCESS SYSTEMS USING COMMUNICATION NETWORKS Nael H. El-Farra, Adiwinata Gani & Panagiotis D. Christofides Department of Chemical Engineering University of California,

More information

MIMO Identification and Controller design for Distillation Column

MIMO Identification and Controller design for Distillation Column MIMO Identification and Controller design for Distillation Column S.Meenakshi 1, A.Almusthaliba 2, V.Vijayageetha 3 Assistant Professor, EIE Dept, Sethu Institute of Technology, Tamilnadu, India 1 PG Student,

More information

Learning Model Predictive Control for Iterative Tasks: A Computationally Efficient Approach for Linear System

Learning Model Predictive Control for Iterative Tasks: A Computationally Efficient Approach for Linear System Learning Model Predictive Control for Iterative Tasks: A Computationally Efficient Approach for Linear System Ugo Rosolia Francesco Borrelli University of California at Berkeley, Berkeley, CA 94701, USA

More information

Course on Model Predictive Control Part III Stability and robustness

Course on Model Predictive Control Part III Stability and robustness Course on Model Predictive Control Part III Stability and robustness Gabriele Pannocchia Department of Chemical Engineering, University of Pisa, Italy Email: g.pannocchia@diccism.unipi.it Facoltà di Ingegneria,

More information

CONTROL OF DIGITAL SYSTEMS

CONTROL OF DIGITAL SYSTEMS AUTOMATIC CONTROL AND SYSTEM THEORY CONTROL OF DIGITAL SYSTEMS Gianluca Palli Dipartimento di Ingegneria dell Energia Elettrica e dell Informazione (DEI) Università di Bologna Email: gianluca.palli@unibo.it

More information

DYNAMIC MATRIX CONTROL

DYNAMIC MATRIX CONTROL DYNAMIC MATRIX CONTROL A THESIS SUBMITTED IN PARTIAL FULFILLMENT OF THE REQUIREMENTS FOR THE DEGREE OF BACHELOR OF TECHNOLOGY IN ELECTRONICS AND INSTRUMENTATION ENGINEERING BY RASHMI RANJAN KAR (10607030)

More information

Numerical Methods for Embedded Optimization and Optimal Control. Exercises

Numerical Methods for Embedded Optimization and Optimal Control. Exercises Summer Course Numerical Methods for Embedded Optimization and Optimal Control Exercises Moritz Diehl, Daniel Axehill and Lars Eriksson June 2011 Introduction This collection of exercises is intended to

More information

Application of Modified Multi Model Predictive Control Algorithm to Fluid Catalytic Cracking Unit

Application of Modified Multi Model Predictive Control Algorithm to Fluid Catalytic Cracking Unit Application of Modified Multi Model Predictive Control Algorithm to Fluid Catalytic Cracking Unit Nafay H. Rehman 1, Neelam Verma 2 Student 1, Asst. Professor 2 Department of Electrical and Electronics

More information

Lecture 4: Numerical Solution of SDEs, Itô Taylor Series, Gaussian Process Approximations

Lecture 4: Numerical Solution of SDEs, Itô Taylor Series, Gaussian Process Approximations Lecture 4: Numerical Solution of SDEs, Itô Taylor Series, Gaussian Process Approximations Simo Särkkä Aalto University Tampere University of Technology Lappeenranta University of Technology Finland November

More information

MPC for tracking periodic reference signals

MPC for tracking periodic reference signals MPC for tracking periodic reference signals D. Limon T. Alamo D.Muñoz de la Peña M.N. Zeilinger C.N. Jones M. Pereira Departamento de Ingeniería de Sistemas y Automática, Escuela Superior de Ingenieros,

More information

The simplified model now consists only of Eq. 5. Degrees of freedom for the simplified model: 2-1

The simplified model now consists only of Eq. 5. Degrees of freedom for the simplified model: 2-1 . a) Overall mass balance: d( ρv ) Energy balance: = w + w w () d V T Tref C = wc ( T Tref ) + wc( T Tref ) w C T Because ρ = constant and ( Tref ) V = V = constant, Eq. becomes: () w = + () w w b) From

More information

ECE7850 Lecture 9. Model Predictive Control: Computational Aspects

ECE7850 Lecture 9. Model Predictive Control: Computational Aspects ECE785 ECE785 Lecture 9 Model Predictive Control: Computational Aspects Model Predictive Control for Constrained Linear Systems Online Solution to Linear MPC Multiparametric Programming Explicit Linear

More information

Fall 線性系統 Linear Systems. Chapter 08 State Feedback & State Estimators (SISO) Feng-Li Lian. NTU-EE Sep07 Jan08

Fall 線性系統 Linear Systems. Chapter 08 State Feedback & State Estimators (SISO) Feng-Li Lian. NTU-EE Sep07 Jan08 Fall 2007 線性系統 Linear Systems Chapter 08 State Feedback & State Estimators (SISO) Feng-Li Lian NTU-EE Sep07 Jan08 Materials used in these lecture notes are adopted from Linear System Theory & Design, 3rd.

More information

Fast Model Predictive Control with Soft Constraints

Fast Model Predictive Control with Soft Constraints European Control Conference (ECC) July 7-9,, Zürich, Switzerland. Fast Model Predictive Control with Soft Constraints Arthur Richards Department of Aerospace Engineering, University of Bristol Queens Building,

More information

Part II: Model Predictive Control

Part II: Model Predictive Control Part II: Model Predictive Control Manfred Morari Alberto Bemporad Francesco Borrelli Unconstrained Optimal Control Unconstrained infinite time optimal control V (x 0 )= inf U k=0 [ x k Qx k + u k Ru k]

More information

arxiv: v2 [math.oc] 29 Aug 2012

arxiv: v2 [math.oc] 29 Aug 2012 Ensuring Stability in Networked Systems with Nonlinear MPC for Continuous Time Systems Lars Grüne 1, Jürgen Pannek 2, and Karl Worthmann 1 arxiv:123.6785v2 [math.oc] 29 Aug 212 Abstract For networked systems,

More information

YOULA KUČERA PARAMETRISATION IN SELF TUNING LQ CONTROL OF A CHEMICAL REACTOR

YOULA KUČERA PARAMETRISATION IN SELF TUNING LQ CONTROL OF A CHEMICAL REACTOR YOULA KUČERA PARAMETRISATION IN SELF TUNING LQ CONTROL OF A CHEMICAL REACTOR Ján Mikleš, L uboš Čirka, and Miroslav Fikar Slovak University of Technology in Bratislava Radlinského 9, 812 37 Bratislava,

More information

Pipeline Liquid Control using Nonlinear MPC and OLGA

Pipeline Liquid Control using Nonlinear MPC and OLGA Pipeline Liquid Control using Nonlinear MPC and OLGA Optimal Utilization of Available Liquid Buffer Volume during Pipeline Transients Håvard Torpe Master of Science in Engineering Cybernetics Submission

More information