Add files via upload
This commit is contained in:
parent
fc145702d1
commit
adf495b59a
457
HessRogers.ipynb
Normal file
457
HessRogers.ipynb
Normal file
File diff suppressed because one or more lines are too long
331
ucovid.py
331
ucovid.py
@ -5,20 +5,22 @@ import pandas as pd
|
||||
from scipy.integrate import odeint,quad
|
||||
from scipy.stats import kde,beta
|
||||
import seaborn as sns
|
||||
#%matplotlib
|
||||
#%matplotlib a faire dans le notebook
|
||||
#tout comme le sns.set()
|
||||
from importlib import reload
|
||||
pi=np.pi
|
||||
from scipy.optimize import brentq
|
||||
|
||||
#pour matplotlib
|
||||
font = {'family' : 'normal',
|
||||
'weight' : 'bold',
|
||||
'size' : 22}
|
||||
|
||||
plt.rc('font', **font)
|
||||
#plt.rc('text', usetex=True) #rend plus rapide les sorties graphiques
|
||||
plt.rc('xtick',labelsize=22)
|
||||
plt.rc('ytick',labelsize=22)
|
||||
#pour matplotlib
|
||||
# font = {'family' : 'normal',
|
||||
# 'weight' : 'bold',
|
||||
# 'size' : 22}
|
||||
|
||||
# plt.rc('font', **font)
|
||||
# #plt.rc('text', usetex=True) #rend plus rapide les sorties graphiques
|
||||
# plt.rc('xtick',labelsize=22)
|
||||
# plt.rc('ytick',labelsize=22)
|
||||
|
||||
#mardi 31 mars 2020
|
||||
#essayons tout d'abord d'écrire des fonctions qui calculent le rayon spectral
|
||||
@ -35,11 +37,24 @@ def spectralrad(M):
|
||||
"""M is a matrix : returns the spectral radius"""
|
||||
return(np.absolute(LA.eigvals(M)).max())
|
||||
|
||||
def vecetspectralrad(M):
|
||||
l,w=LA.eig(M)
|
||||
al=np.absolute(l)
|
||||
im=np.where(al==al.max())[0][0]
|
||||
v=w[:,im]
|
||||
v=v/sum(v)
|
||||
return(al[im],v)
|
||||
|
||||
#et on teste
|
||||
|
||||
D=np.array([[-2, 2], [1, -1]])
|
||||
E=expm((2*np.log(2)/3)*D)
|
||||
spectralrad(E.transpose())
|
||||
|
||||
A=np.array([[1, -1], [4, 2]])
|
||||
B=np.diag((1, 2, 3))
|
||||
|
||||
C=np.array([[0.1,0.9],[0.3,0.7]])
|
||||
|
||||
ei=LA.eigvals(A)
|
||||
z=ei[0]
|
||||
rei=ei.real
|
||||
@ -56,6 +71,13 @@ def tauxcontacper(beta,p,cbeta,T):
|
||||
else:
|
||||
return(beta*(1-cbeta))
|
||||
return(f)
|
||||
def tauxmortper(gamma,p,deltagamma,T):
|
||||
def f(t):
|
||||
if (t <= T*p):
|
||||
return(gamma)
|
||||
else:
|
||||
return(gamma+deltagamma)
|
||||
return(f)
|
||||
def periodise(f,T=1):
|
||||
#retourne la fonction qui etait definie sur [0,T] periodisee sur R
|
||||
def g(t):
|
||||
@ -85,6 +107,13 @@ def matcroissance(betaa,betai,pii,gammai,gammaa):
|
||||
[(1-pii)*betai(t),(1-pii)*betaa(t)-gammaa]])
|
||||
|
||||
return(a)
|
||||
def matcroissanceg(fbetaa,fbetas,pii,fgammas,fgammaa):
|
||||
def a(t):
|
||||
return lamat(fbetaa(t),fbetas(t),pii,fgammaa(t),fgammas(t))
|
||||
|
||||
return(a)
|
||||
|
||||
|
||||
betaamax=0.25
|
||||
betaimax=0.25
|
||||
cbeta=0.8
|
||||
@ -272,3 +301,285 @@ def bipersiraicov(betaA=0.25,
|
||||
axc.legend(loc='upper left')
|
||||
axc.set_title(r"critical curves : $p(c_\beta)$")
|
||||
|
||||
#mercredi 8 avril 2020
|
||||
#influence de gamma variable
|
||||
def bipersiraicovg(betaA=0.25,
|
||||
betaS=0.25,
|
||||
piS=0.15,gammaA=0.1,gammaS=0.05,T1=7,T2=100,nbpts=50,deltagamma=0.1):
|
||||
#modif du 8 avril : il faut recalculer le rzero pour ualon
|
||||
rzero=(piS*betaS/gammaS)+ ((1-piS)*betaA/gammaA)
|
||||
ctt=np.linspace(0,1,nbpts)
|
||||
l=[[],[]]
|
||||
for i, T in enumerate((T1,T2)):
|
||||
for cbeta in ctt:
|
||||
def lrsp(p):
|
||||
fbetaA=tauxcontacper(betaA,p,cbeta,T)
|
||||
fbetaS=tauxcontacper(betaS,p,cbeta,T)
|
||||
fgammaA=tauxmortper(gammaA,p,deltagamma,T)
|
||||
fgammaS=tauxmortper(gammaS,p,deltagamma,T)
|
||||
a=matcroissanceg(fbetaA,fbetaS,piS,fgammaS,fgammaA)
|
||||
phiT=np.dot(expm(a(0.99*T)*(1-p)*T),expm(a(0.01*T)*p*T))
|
||||
return((np.log(spectralrad(phiT)))/T)
|
||||
if (lrsp(0)*lrsp(1)<0):
|
||||
p=brentq(lrsp,0,1)
|
||||
l[i].append([cbeta,p])
|
||||
l=np.array(l)
|
||||
utt=np.linspace(1-1/rzero,1,20)#pour ualon
|
||||
f,ax=plt.subplots(1,1)
|
||||
axc=ax
|
||||
axc.set_xlabel(r"$c_\beta$ : efficiency of social distancing")
|
||||
axc.set_ylabel("p : proportion of freedom (no social distancing)")
|
||||
axc.plot(utt,[ualon(i,rzero) for i in utt],'bo',label="U Alon")
|
||||
axc.plot(l[0][:,0],l[0][:,1],label="T="+str(T1))
|
||||
axc.plot(l[1][:,0],l[1][:,1],label="T="+str(T2))
|
||||
axc.legend(loc='upper left')
|
||||
axc.set_title(r"critical curves : $p(c_\beta)$")
|
||||
|
||||
#vendredi 24 avril 2020
|
||||
def hesrog(beta=1,b=1,mu=1,r=1,eps=0.1,nbpts=200,T=1):
|
||||
def s(t):
|
||||
return(np.exp(eps*np.sin(2*pi*t/T)))
|
||||
def msisi(x,t):
|
||||
return([-r*x[0] + (b/s(t))*x[1],
|
||||
beta*s(t)*x[0]-mu*x[1]])
|
||||
#on resout l'ode en partant de deux veceurs de base
|
||||
timeint=np.arange(0,T+1/nbpts,T/nbpts)
|
||||
y1=[1,0]
|
||||
z1=np.array(odeint(msisi,y1,timeint))
|
||||
#plt.plot(timeint,z1)
|
||||
y2=[0,1]
|
||||
z2=np.array(odeint(msisi,y2,timeint))
|
||||
#plt.plot(timeint,z2)
|
||||
#la matrice de monodromie est obtenue en prenant pour colonnes les valeurs
|
||||
#des solutions au temps T
|
||||
E=np.array([z1[-1],z2[-1]])
|
||||
E=E.transpose()
|
||||
return(spectralrad(E))
|
||||
|
||||
#E=hesrog(beta=0,b=0,mu=-1,r=-1,eps=0.0)
|
||||
|
||||
def phesrog(beta=1,b=1,mu=1,r=1,eps=0.1,nbpts=200,T=1,voir=False):
|
||||
r""" on renvoie le seuil P de Heesterbeek et Rogers 1995"""
|
||||
|
||||
def s(t):
|
||||
return(np.exp(eps*np.sin(2*pi*t/T)))
|
||||
def msisi(x,t):
|
||||
return([-r*x[0] + (b/s(t))*x[1],
|
||||
beta*s(t)*x[0]-mu*x[1]])
|
||||
#on resout l'ode en partant de deux vecteurs de base
|
||||
timeint=np.arange(0,T+1/nbpts,T/nbpts)
|
||||
y1=[1,0]
|
||||
z1=np.array(odeint(msisi,y1,timeint))
|
||||
#plt.plot(timeint,z1)
|
||||
y2=[0,1]
|
||||
z2=np.array(odeint(msisi,y2,timeint))
|
||||
#plt.plot(timeint,z2)
|
||||
#la matrice de monodromie est obtenue en prenant pour colonnes les valeurs
|
||||
#des solutions au temps T
|
||||
E=np.array([z1[-1],z2[-1]])
|
||||
E=E.transpose()
|
||||
l,v=vecetspectralrad(E)
|
||||
alpha=np.log(l)
|
||||
v=v/v.sum()
|
||||
#print("Z.shape",z1.shape)
|
||||
vdt=(v[0]*z1 + v[1]*z2)
|
||||
#bon mainenant on calcule P
|
||||
#print("vdt.shape",vdt.shape)
|
||||
x1=vdt[:,0]
|
||||
x2=vdt[:,1]
|
||||
tt=np.linspace(0,T,nbpts+1)
|
||||
I1=(x1*np.exp(eps*np.sin(2*pi*tt/T))).mean()
|
||||
I2=(x1).mean()
|
||||
I3=(x2*np.exp(-eps*np.sin(2*pi*tt/T))).mean()
|
||||
I4=(x2).mean()
|
||||
if voir:
|
||||
plt.plot(timeint,x1,label="Hote")
|
||||
plt.plot(timeint,x2,label="Vecteur")
|
||||
ttv=np.exp(-alpha*np.linspace(0,T,nbpts+1))
|
||||
plt.plot(timeint,x1*ttv,label="Hôte corrige") #celui ci est periodique
|
||||
plt.plot(timeint,x2*ttv,label="Vecteur corrige") #celui ci est periodique
|
||||
plt.legend()
|
||||
|
||||
print("beta,b,mu,r",beta,b,mu,r)
|
||||
print("I1,I2,I3,I4",I1,I2,I3,I4)
|
||||
return((beta*b*I1*I3)/(r*mu*I2*I4))
|
||||
|
||||
def aphesrog(beta=1,b=1,mu=1,r=1,eps=0.1,nbpts=200,T=1,voir=False):
|
||||
r""" on renvoie la valeur approchee du seuil P de Heesterbeek et Rogers 1995"""
|
||||
|
||||
def s(t):
|
||||
return(np.exp(eps*np.sin(2*pi*t/T)))
|
||||
def msisi(x,t):
|
||||
return([-r*x[0] + (b/s(t))*x[1],
|
||||
beta*s(t)*x[0]-mu*x[1]])
|
||||
#on resout l'ode en partant de deux veceurs de base
|
||||
timeint=np.arange(0,T+1/nbpts,T/nbpts)
|
||||
y1=[1,0]
|
||||
z1=np.array(odeint(msisi,y1,timeint))
|
||||
#plt.plot(timeint,z1)
|
||||
y2=[0,1]
|
||||
z2=np.array(odeint(msisi,y2,timeint))
|
||||
#plt.plot(timeint,z2)
|
||||
#la matrice de monodromie est obtenue en prenant pour colonnes les valeurs
|
||||
#des solutions au temps T
|
||||
E=np.array([z1[-1],z2[-1]])
|
||||
E=E.transpose()
|
||||
|
||||
l,v=vecetspectralrad(E)
|
||||
alpha=np.log(l)
|
||||
v=v/v.sum()
|
||||
#print("Z.shape",z1.shape)
|
||||
vdt=(v[0]*z1 + v[1]*z2)
|
||||
if voir:
|
||||
plt.plot(timeint,vdt,label="vdt")
|
||||
ttv=np.exp(-alpha*np.linspace(0,T,nbpts+1))
|
||||
pvdt=[vdt[i]*ttv[i] for i in range(len(ttv))]
|
||||
plt.plot(timeint,pvdt,label="vdt corrige") #celui ci est periodique
|
||||
plt.legend()
|
||||
#bon mainenant on calcule P
|
||||
#print("vdt.shape",vdt.shape)
|
||||
x1=vdt[:,0]
|
||||
x2=vdt[:,1]
|
||||
tt=np.linspace(0,T,nbpts+1)
|
||||
I1=(x1*tt).mean()
|
||||
I2=(x1).mean()
|
||||
I3=(x2*tt).mean()
|
||||
I4=(x2).mean()
|
||||
return((1+eps*((I1/I2)-(I3/I4)))*(beta*b)/(r*mu))
|
||||
|
||||
#Lundi 27 avril 2020 ; Heesterbeek and Rogers
|
||||
|
||||
def lamvsp(beta=1,b=1,mu=1,r=1,epsmax=0.5,vlam=False):
|
||||
ept=np.linspace(0.0,epsmax,50)
|
||||
if (vlam):
|
||||
x=np.array([hesrog(beta=beta,b=b,mu=mu,r=r,eps=e) for e in ept])
|
||||
plt.plot(ept,x,label=r"$\lambda_d(E)$") #on voit bien que c'est en epsilon^2
|
||||
y=np.array([phesrog(beta=beta,b=b,mu=mu,r=r,eps=e) for e in ept])
|
||||
plt.plot(ept,y,label=r"$P$") #on voit bien que c'est en epsilon^2
|
||||
z=np.array([aphesrog(beta=beta,b=b,mu=mu,r=r,eps=e) for e in ept])
|
||||
plt.plot(ept,z,label=r"$P$ approché") #on voit bien que c'est en epsilon^2
|
||||
|
||||
plt.xlabel(r"$\epsilon$")
|
||||
plt.legend()
|
||||
plt.savefig("hostvectorexampleofHeesterbeekandRogers.pdf",bbox_inches='tight' )
|
||||
|
||||
#Lundi 27 avril 2020
|
||||
def bhesrog(beta=1,b=1,mu=1,r=1,eps=0.1,nbpts=200,T=1,voir=False):
|
||||
def s(t):
|
||||
return(np.exp(eps*np.sin(2*pi*t/T)))
|
||||
def msisi(x,t):
|
||||
return([-r*x[0] + (b)*x[1],
|
||||
beta*s(t)*x[0]-mu*x[1]])
|
||||
#on resout l'ode en partant de deux veceurs de base
|
||||
timeint=np.arange(0,T+1/nbpts,T/nbpts)
|
||||
y1=[1,0]
|
||||
z1=np.array(odeint(msisi,y1,timeint))
|
||||
y2=[0,1]
|
||||
z2=np.array(odeint(msisi,y2,timeint))
|
||||
if voir:
|
||||
#plt.plot(timeint,z1,label="Un hote initial")
|
||||
plt.plot(timeint,z2,label="Un vecteur initial")
|
||||
plt.legend()
|
||||
#la matrice de monodromie est obtenue en prenant pour colonnes les valeurs
|
||||
#des solutions au temps T
|
||||
E=np.array([z1[-1],z2[-1]])
|
||||
E=E.transpose()
|
||||
return(spectralrad(E))
|
||||
def blamvsp(beta=1,b=1,mu=1,r=1,epsmax=0.5,vlam=False):
|
||||
ept=np.linspace(0.0,epsmax,50)
|
||||
if (vlam):
|
||||
x=np.array([bhesrog(beta=beta,b=b,mu=mu,r=r,eps=e) for e in ept])
|
||||
plt.plot(ept,x,label=r"$\lambda_d(E)$") #on voit bien que c'est en epsilon^2
|
||||
|
||||
def baphesrog(beta=1,b=1,mu=1,r=1,eps=0.1,nbpts=200,T=1,voir=False):
|
||||
r""" on renvoie la valeur approchee du seuil P, et P pour le modele de Lord, Woolhouse de Heesterbeek 1996"""
|
||||
|
||||
def s(t):
|
||||
return(np.exp(eps*np.sin(2*pi*t/T)))
|
||||
def msisi(x,t):
|
||||
return([-r*x[0] + (b)*x[1],
|
||||
beta*s(t)*x[0]-mu*x[1]])
|
||||
#on resout l'ode en partant de deux veceurs de base
|
||||
timeint=np.arange(0,T+1/nbpts,T/nbpts)
|
||||
y1=[1,0]
|
||||
z1=np.array(odeint(msisi,y1,timeint))
|
||||
y2=[0,1]
|
||||
z2=np.array(odeint(msisi,y2,timeint))
|
||||
#la matrice de monodromie est obtenue en prenant pour colonnes les valeurs
|
||||
#des solutions au temps T
|
||||
E=np.array([z1[-1],z2[-1]])
|
||||
E=E.transpose()
|
||||
|
||||
l,v=vecetspectralrad(E)
|
||||
alpha=np.log(l)
|
||||
v=v/v.sum()
|
||||
vdt=(v[0]*z1 + v[1]*z2)
|
||||
x1=vdt[:,0]
|
||||
x2=vdt[:,1]
|
||||
if voir:
|
||||
plt.plot(timeint,x1,label="Hote")
|
||||
plt.plot(timeint,x2,label="Vecteur")
|
||||
ttv=np.exp(-alpha*np.linspace(0,T,nbpts+1))
|
||||
plt.plot(timeint,x1*ttv,label="Hote corrige") #celui ci est periodique
|
||||
plt.legend()
|
||||
#bon mainenant on calcule P
|
||||
#print("vdt.shape",vdt.shape)
|
||||
tt=np.linspace(0,T,nbpts+1)
|
||||
stt=np.sin(2*pi*tt/T)
|
||||
I1=(x1*stt).mean()
|
||||
I2=(x1).mean()
|
||||
I3=(x2*stt).mean()
|
||||
I4=(x2).mean()
|
||||
I5=(x1*tt).mean()
|
||||
I6=(x2*tt).mean()
|
||||
I7=(x1*np.exp(eps*stt)).mean()
|
||||
I8=(x2*np.exp(-eps*stt)).mean()
|
||||
print("I7/I2,I1,exp(eps*sin)",I7/I2,I1,(np.exp(eps*stt)).mean())
|
||||
Rzeroconstant=(beta*b)/(r*mu)
|
||||
P=Rzeroconstant*I7/I2
|
||||
Pt=Rzeroconstant*(1+eps*I5/I2)#l'approx de Hee et Rogers
|
||||
Pts=Rzeroconstant*(1+eps*I1/I2)#l'approx de Lord et Hee
|
||||
return(l,P,Pt,Pts)
|
||||
|
||||
|
||||
|
||||
#puissance d'une matrice
|
||||
def puis(A,n):
|
||||
if (n==1):
|
||||
return(A)
|
||||
B=A
|
||||
for i in range(n-1):
|
||||
B=np.dot(B,A)
|
||||
return(B)
|
||||
#essai de l'exemple de sylvain
|
||||
def sylvainhess(beta=1.5,b=1.5,mu=2,r=1,delta=0.1,nbpts=200,T=1,voir=False):
|
||||
r""" on renvoie la valeur approchee du seuil P, et P pour le modele de Lord, Woolhouse de Heesterbeek 1996"""
|
||||
|
||||
|
||||
def B(t):
|
||||
return(np.array([[-mu,b*(1+delta*np.sin(2*np.pi*t/T))],
|
||||
[beta*(1-delta*np.sin(2*np.pi*t/T)),-r]]))
|
||||
def msisi(x,t):
|
||||
return(np.dot(B(t),x))
|
||||
#on resout l'ode en partant de deux veceurs de base
|
||||
timeint=np.arange(0,T+1/nbpts,T/nbpts)
|
||||
y1=[1,0]
|
||||
z1=np.array(odeint(msisi,y1,timeint))
|
||||
y2=[0,1]
|
||||
z2=np.array(odeint(msisi,y2,timeint))
|
||||
#la matrice de monodromie est obtenue en prenant pour colonnes les valeurs
|
||||
#des solutions au temps T
|
||||
E=np.array([z1[-1],z2[-1]])
|
||||
E=E.transpose()
|
||||
|
||||
l,v=vecetspectralrad(E)
|
||||
|
||||
return(l)
|
||||
|
||||
def lamvsylvain(beta=1.5,b=1.5,r=1,mu=2,deltamax=0.5):
|
||||
ept=np.linspace(0.0,deltamax,50)
|
||||
x=np.array([sylvainhess(beta=beta,b=b,r=r,mu=mu,delta=e) for e in ept])
|
||||
plt.plot(ept,x,label=r"$\lambda_d(E)$") #on voit bien que c'est en epsilon^2
|
||||
plt.xlabel(r"$\delta$")
|
||||
plt.legend()
|
||||
plt.savefig("sylvainhessexample.pdf",bbox_inches='tight' )
|
||||
|
Loading…
x
Reference in New Issue
Block a user