2830 lines
1.3 MiB
Text
2830 lines
1.3 MiB
Text
|
{
|
||
|
"cells": [
|
||
|
{
|
||
|
"cell_type": "code",
|
||
|
"execution_count": 32,
|
||
|
"metadata": {},
|
||
|
"outputs": [],
|
||
|
"source": [
|
||
|
"import torch\n",
|
||
|
"import matplotlib\n",
|
||
|
"%matplotlib notebook\n",
|
||
|
"from matplotlib import pyplot as plt\n",
|
||
|
"from mpl_toolkits.mplot3d import Axes3D\n",
|
||
|
"from matplotlib import cm\n",
|
||
|
"import pickle\n",
|
||
|
"import torch.nn as nn\n",
|
||
|
"import torch.nn.functional as F\n",
|
||
|
"import numpy as np\n",
|
||
|
"import cv2\n",
|
||
|
"from random import randint"
|
||
|
]
|
||
|
},
|
||
|
{
|
||
|
"cell_type": "code",
|
||
|
"execution_count": 33,
|
||
|
"metadata": {},
|
||
|
"outputs": [],
|
||
|
"source": [
|
||
|
"#Les fonctions dans ce bloc ne sont pas utilisées par le réseau, mais certaines fonctions d'outils\n",
|
||
|
"\n",
|
||
|
"# Cette fonction convertit l'image en variable de type Tensor.\n",
|
||
|
"# Toutes les données de calcul du réseau sont de type Tensor\n",
|
||
|
"# Img.shape=[Height,Width,Channel]\n",
|
||
|
"# Tensor.shape=[Batch,Channel,Height,Width]\n",
|
||
|
"def img2tensor(im):\n",
|
||
|
" im=np.array(im,dtype=\"float32\")\n",
|
||
|
" tensor_cv = torch.from_numpy(np.transpose(im, (2, 0, 1)))\n",
|
||
|
" im_tensor=tensor_cv.unsqueeze(0)\n",
|
||
|
" return im_tensor\n",
|
||
|
"\n",
|
||
|
"# Trouvez les coordonnées de la valeur maximale dans une carte de corrélation\n",
|
||
|
"# x,y=show_coordonnee(carte de corrélation)\n",
|
||
|
"def show_coordonnee(position_pred):\n",
|
||
|
" map_corre=position_pred.squeeze().detach().cpu().numpy()\n",
|
||
|
" h,w=map_corre.shape\n",
|
||
|
" max_value=map_corre.max()\n",
|
||
|
" coordonnee=np.where(map_corre==max_value)\n",
|
||
|
" return coordonnee[0].mean(),coordonnee[1].mean()\n",
|
||
|
" \n",
|
||
|
"def load_net(file_path): \n",
|
||
|
" pkl_file = open(file_path, 'rb')\n",
|
||
|
" net= pickle.load(pkl_file)\n",
|
||
|
" pkl_file.close()\n",
|
||
|
" return net\n",
|
||
|
"\n",
|
||
|
"def kernel_add_ini(n,m):\n",
|
||
|
" input_canal=int(n*m)\n",
|
||
|
" output_canal=int(n/2)*int(m/2)\n",
|
||
|
" for i in range(int(n/2)):\n",
|
||
|
" for j in range(int(m/2)):\n",
|
||
|
" kernel_add=np.zeros([1,input_canal],dtype='float32')\n",
|
||
|
" kernel_add[0,i*2*m+j*2]=1\n",
|
||
|
" kernel_add[0,i*2*m+j*2+1]=1\n",
|
||
|
" kernel_add[0,(i*2+1)*m+j*2]=1\n",
|
||
|
" kernel_add[0,(i*2+1)*m+j*2+1]=1\n",
|
||
|
" if i==0 and j==0:\n",
|
||
|
" add=torch.from_numpy(kernel_add.reshape(1,input_canal,1,1))\n",
|
||
|
" else:\n",
|
||
|
" add_=torch.from_numpy(kernel_add.reshape(1,input_canal,1,1))\n",
|
||
|
" add=torch.cat((add,add_),0)\n",
|
||
|
" return torch.nn.Parameter(add,requires_grad=False) \n",
|
||
|
"\n",
|
||
|
"def kernel_shift_ini(n,m):\n",
|
||
|
" input_canal=int(n*m)\n",
|
||
|
" output_canal=int(n*m)\n",
|
||
|
" \n",
|
||
|
" kernel_shift=torch.zeros([output_canal,input_canal,3,3])\n",
|
||
|
" \n",
|
||
|
" array_0=np.array([[1,0,0],[0,0,0],[0,0,0]],dtype='float32')\n",
|
||
|
" array_1=np.array([[0,0,1],[0,0,0],[0,0,0]],dtype='float32')\n",
|
||
|
" array_2=np.array([[0,0,0],[0,0,0],[1,0,0]],dtype='float32')\n",
|
||
|
" array_3=np.array([[0,0,0],[0,0,0],[0,0,1]],dtype='float32')\n",
|
||
|
" \n",
|
||
|
" kernel_shift_0=torch.from_numpy(array_0)\n",
|
||
|
" kernel_shift_1=torch.from_numpy(array_1)\n",
|
||
|
" kernel_shift_2=torch.from_numpy(array_2)\n",
|
||
|
" kernel_shift_3=torch.from_numpy(array_3)\n",
|
||
|
" \n",
|
||
|
" \n",
|
||
|
" for i in range(n):\n",
|
||
|
" for j in range(m):\n",
|
||
|
" if i==0 and j==0:\n",
|
||
|
" kernel_shift[0,0,:]=kernel_shift_0\n",
|
||
|
" else:\n",
|
||
|
" if i%2==0 and j%2==0:\n",
|
||
|
" kernel_shift[i*m+j,i*m+j,:]=kernel_shift_0\n",
|
||
|
" if i%2==0 and j%2==1:\n",
|
||
|
" kernel_shift[i*m+j,i*m+j,:]=kernel_shift_1\n",
|
||
|
" if i%2==1 and j%2==0:\n",
|
||
|
" kernel_shift[i*m+j,i*m+j,:]=kernel_shift_2\n",
|
||
|
" if i%2==1 and j%2==1:\n",
|
||
|
" kernel_shift[i*m+j,i*m+j,:]=kernel_shift_3\n",
|
||
|
" \n",
|
||
|
" return torch.nn.Parameter(kernel_shift,requires_grad=False) \n",
|
||
|
"\n",
|
||
|
"# Trouvez le petit patch(4 * 4) dans la n ème ligne et la m ème colonne du patch d'entrée\n",
|
||
|
"# Ceci est utilisé pour calculer la convolution et obtenir la carte de corrélation\n",
|
||
|
"def get_patch(fragment,psize,n,m):\n",
|
||
|
" return fragment[:,:,n*psize:(n+1)*psize,m*psize:(m+1)*psize]\n",
|
||
|
"###################################################################################################################\n",
|
||
|
"\n",
|
||
|
"class Net(nn.Module):\n",
|
||
|
" def __init__(self,frag_size,psize):\n",
|
||
|
" super(Net, self).__init__()\n",
|
||
|
" \n",
|
||
|
" h_fr=frag_size\n",
|
||
|
" w_fr=frag_size\n",
|
||
|
" \n",
|
||
|
" n=int(h_fr/psize) #n*m patches\n",
|
||
|
" m=int(w_fr/psize)\n",
|
||
|
" \n",
|
||
|
" self.conv1 = nn.Conv2d(3,8,kernel_size=3,stride=1,padding=1)\n",
|
||
|
" #self.conv1.weight=ini()\n",
|
||
|
" self.Relu = nn.ReLU(inplace=True)\n",
|
||
|
" self.maxpooling=nn.MaxPool2d(3,stride=2, padding=1)\n",
|
||
|
" \n",
|
||
|
" self.shift1=nn.Conv2d(n*m,n*m,kernel_size=3,stride=1,padding=1)\n",
|
||
|
" self.shift1.weight=kernel_shift_ini(n,m)\n",
|
||
|
" self.add1 = nn.Conv2d(n*m,int(n/2)*int(m/2),kernel_size=1,stride=1,padding=0)\n",
|
||
|
" self.add1.weight=kernel_add_ini(n,m)\n",
|
||
|
" \n",
|
||
|
" n=int(n/2)\n",
|
||
|
" m=int(m/2)\n",
|
||
|
" if n>=2 and m>=2:\n",
|
||
|
" self.shift2=nn.Conv2d(n*m,n*m,kernel_size=3,stride=1,padding=1)\n",
|
||
|
" self.shift2.weight=kernel_shift_ini(n,m)\n",
|
||
|
" self.add2 = nn.Conv2d(n*m,int(n/2)*int(m/2),kernel_size=1,stride=1,padding=0)\n",
|
||
|
" self.add2.weight=kernel_add_ini(n,m)\n",
|
||
|
" \n",
|
||
|
" n=int(n/2)\n",
|
||
|
" m=int(m/2)\n",
|
||
|
" if n>=2 and m>=2:\n",
|
||
|
" self.shift3=nn.Conv2d(n*m,n*m,kernel_size=3,stride=1,padding=1)\n",
|
||
|
" self.shift3.weight=kernel_shift_ini(n,m)\n",
|
||
|
" self.add3 = nn.Conv2d(n*m,int(n/2)*int(m/2),kernel_size=1,stride=1,padding=0)\n",
|
||
|
" self.add3.weight=kernel_add_ini(n,m)\n",
|
||
|
" \n",
|
||
|
" \n",
|
||
|
" def get_descripteur(self,img,using_cuda):\n",
|
||
|
" descripteur_img=self.Relu(self.conv1(img))\n",
|
||
|
" b,c,h,w=descripteur_img.shape\n",
|
||
|
" couche_constante=0.5*torch.ones([1,1,h,w])\n",
|
||
|
" if using_cuda:\n",
|
||
|
" couche_constante=couche_constante.cuda()\n",
|
||
|
" descripteur_img=torch.cat((descripteur_img,couche_constante),1)\n",
|
||
|
" descripteur_img_norm=descripteur_img/torch.norm(descripteur_img,dim=1)\n",
|
||
|
" return descripteur_img\n",
|
||
|
" \n",
|
||
|
" def forward(self,img,frag,using_cuda):\n",
|
||
|
" psize=4\n",
|
||
|
" \n",
|
||
|
" descripteur_input1=self.get_descripteur(img,using_cuda)\n",
|
||
|
" descripteur_input2=self.get_descripteur(frag,using_cuda)\n",
|
||
|
" \n",
|
||
|
" b,c,h,w=frag.shape\n",
|
||
|
" n=int(h/psize)\n",
|
||
|
" m=int(w/psize)\n",
|
||
|
" \n",
|
||
|
" for i in range(n):\n",
|
||
|
" for j in range(m):\n",
|
||
|
" if i==0 and j==0:\n",
|
||
|
" map_corre=F.conv2d(descripteur_input1,get_patch(descripteur_input2,psize,i,j),padding=2)\n",
|
||
|
" else:\n",
|
||
|
" a=F.conv2d(descripteur_input1,get_patch(descripteur_input2,psize,i,j),padding=2)\n",
|
||
|
" map_corre=torch.cat((map_corre,a),1)\n",
|
||
|
" #shift\n",
|
||
|
" map_corre=self.maxpooling(map_corre)\n",
|
||
|
" map_corre=self.shift1(map_corre)\n",
|
||
|
" map_corre=self.add1(map_corre)\n",
|
||
|
" c1 = map_corre.data.numpy()\n",
|
||
|
" \n",
|
||
|
" \n",
|
||
|
" n=int(n/2)\n",
|
||
|
" m=int(m/2)\n",
|
||
|
" if n>=2 and m>=2:\n",
|
||
|
" map_corre=self.maxpooling(map_corre)\n",
|
||
|
" map_corre=self.shift2(map_corre)\n",
|
||
|
" map_corre=self.add2(map_corre)\n",
|
||
|
" \n",
|
||
|
" c2 = map_corre.data.numpy()\n",
|
||
|
" \n",
|
||
|
" \n",
|
||
|
" n=int(n/2)\n",
|
||
|
" m=int(m/2)\n",
|
||
|
" if n>=2 and m>=2:\n",
|
||
|
" map_corre=self.maxpooling(map_corre)\n",
|
||
|
" map_corre=self.shift3(map_corre)\n",
|
||
|
" map_corre=self.add3(map_corre)\n",
|
||
|
" \n",
|
||
|
" \n",
|
||
|
" b,c,h,w=map_corre.shape\n",
|
||
|
" map_corre=map_corre/(map_corre.max())\n",
|
||
|
" #map_corre=(F.softmax(map_corre.reshape(1,1,h*w,1),dim=2)).reshape(b,c,h,w)\n",
|
||
|
" return c1,c2,map_corre.data.numpy()"
|
||
|
]
|
||
|
},
|
||
|
{
|
||
|
"cell_type": "code",
|
||
|
"execution_count": 28,
|
||
|
"metadata": {},
|
||
|
"outputs": [],
|
||
|
"source": [
|
||
|
"cartes_filename = './trained_net/cartes_correlations_NOMB_02-15_01-37_0043'\n",
|
||
|
"\n",
|
||
|
"with open(cartes_filename,'rb') as pkl_file:\n",
|
||
|
" cartes = pickle.load(pkl_file)\n",
|
||
|
"\n",
|
||
|
"cartes1 = cartes['carte1']\n",
|
||
|
"cartes2 = cartes['carte2']\n",
|
||
|
"cartes3 = cartes['carte3']\n",
|
||
|
"\n",
|
||
|
"N = 20\n",
|
||
|
"c1 = cartes1[N][0,0,:,:]\n",
|
||
|
"c2 = cartes2[N][0,0,:,:]\n",
|
||
|
"c3 = cartes3[N][0,0,:,:]\n"
|
||
|
]
|
||
|
},
|
||
|
{
|
||
|
"cell_type": "code",
|
||
|
"execution_count": 9,
|
||
|
"metadata": {},
|
||
|
"outputs": [
|
||
|
{
|
||
|
"name": "stdout",
|
||
|
"output_type": "stream",
|
||
|
"text": [
|
||
|
"Fresque 1, fragment 2956\n"
|
||
|
]
|
||
|
},
|
||
|
{
|
||
|
"ename": "FileNotFoundError",
|
||
|
"evalue": "[Errno 2] No such file or directory: './trained_net/net_trainned_NOMB_E3_02-23_07-23_0007'",
|
||
|
"output_type": "error",
|
||
|
"traceback": [
|
||
|
"\u001b[0;31m---------------------------------------------------------------------------\u001b[0m",
|
||
|
"\u001b[0;31mFileNotFoundError\u001b[0m Traceback (most recent call last)",
|
||
|
"\u001b[0;32m<ipython-input-9-2599146975e7>\u001b[0m in \u001b[0;36m<module>\u001b[0;34m\u001b[0m\n\u001b[1;32m 18\u001b[0m \u001b[0mfresque_tensor\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mimg2tensor\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mfresque\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 19\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 20\u001b[0;31m \u001b[0mnet\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mload_net\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mnet_filename\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 21\u001b[0m \u001b[0mnet\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mcpu\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 22\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n",
|
||
|
"\u001b[0;32m<ipython-input-6-ee072078dd9b>\u001b[0m in \u001b[0;36mload_net\u001b[0;34m(file_path)\u001b[0m\n\u001b[1;32m 21\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 22\u001b[0m \u001b[0;32mdef\u001b[0m \u001b[0mload_net\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mfile_path\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 23\u001b[0;31m \u001b[0mpkl_file\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mopen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mfile_path\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m'rb'\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 24\u001b[0m \u001b[0mnet\u001b[0m\u001b[0;34m=\u001b[0m \u001b[0mpickle\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mload\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mpkl_file\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 25\u001b[0m \u001b[0mpkl_file\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mclose\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n",
|
||
|
"\u001b[0;31mFileNotFoundError\u001b[0m: [Errno 2] No such file or directory: './trained_net/net_trainned_NOMB_E3_02-23_07-23_0007'"
|
||
|
]
|
||
|
}
|
||
|
],
|
||
|
"source": [
|
||
|
"base_dir = './training_data_32/'\n",
|
||
|
"fresque_filename = base_dir+'fresque_small{}.ppm'\n",
|
||
|
"fresque_filename_wild = base_dir+'fresque_small*.ppm'\n",
|
||
|
"fragment_filename = base_dir+'fragments/fresque{}/frag_dev_{:05}.ppm'\n",
|
||
|
"fragments_filename_wild = base_dir+'fragments/fresque{}/frag_bench_*.ppm'\n",
|
||
|
"vt_filename = base_dir+'fragments/fresque{}/vt/frag_bench_{:05}_vt.txt'\n",
|
||
|
"net_filename = \"./trained_net/net_trainned_SLLShift_E3_03-10_21-02_0007\"\n",
|
||
|
"fresque_id = randint(0,5)\n",
|
||
|
"fragment_id = randint(0,3000)\n",
|
||
|
"frag_size=32\n",
|
||
|
"\n",
|
||
|
"print(\"Fresque {}, fragment {}\".format(fresque_id,fragment_id))\n",
|
||
|
"\n",
|
||
|
"frag = cv2.imread(fragment_filename.format(fresque_id,fragment_id))\n",
|
||
|
"frag_tensor=img2tensor(frag)\n",
|
||
|
"\n",
|
||
|
"fresque = cv2.imread(fresque_filename.format(fresque_id))\n",
|
||
|
"fresque_tensor=img2tensor(fresque)\n",
|
||
|
"\n",
|
||
|
"net = load_net(net_filename)\n",
|
||
|
"net.cpu()\n",
|
||
|
"\n",
|
||
|
"carte1,carte2,carte3=net.forward(fresque_tensor,frag_tensor,using_cuda=False)\n",
|
||
|
"print(\"Done.\")"
|
||
|
]
|
||
|
},
|
||
|
{
|
||
|
"cell_type": "code",
|
||
|
"execution_count": 29,
|
||
|
"metadata": {},
|
||
|
"outputs": [
|
||
|
{
|
||
|
"data": {
|
||
|
"application/javascript": [
|
||
|
"/* Put everything inside the global mpl namespace */\n",
|
||
|
"window.mpl = {};\n",
|
||
|
"\n",
|
||
|
"\n",
|
||
|
"mpl.get_websocket_type = function() {\n",
|
||
|
" if (typeof(WebSocket) !== 'undefined') {\n",
|
||
|
" return WebSocket;\n",
|
||
|
" } else if (typeof(MozWebSocket) !== 'undefined') {\n",
|
||
|
" return MozWebSocket;\n",
|
||
|
" } else {\n",
|
||
|
" alert('Your browser does not have WebSocket support. ' +\n",
|
||
|
" 'Please try Chrome, Safari or Firefox ≥ 6. ' +\n",
|
||
|
" 'Firefox 4 and 5 are also supported but you ' +\n",
|
||
|
" 'have to enable WebSockets in about:config.');\n",
|
||
|
" };\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure = function(figure_id, websocket, ondownload, parent_element) {\n",
|
||
|
" this.id = figure_id;\n",
|
||
|
"\n",
|
||
|
" this.ws = websocket;\n",
|
||
|
"\n",
|
||
|
" this.supports_binary = (this.ws.binaryType != undefined);\n",
|
||
|
"\n",
|
||
|
" if (!this.supports_binary) {\n",
|
||
|
" var warnings = document.getElementById(\"mpl-warnings\");\n",
|
||
|
" if (warnings) {\n",
|
||
|
" warnings.style.display = 'block';\n",
|
||
|
" warnings.textContent = (\n",
|
||
|
" \"This browser does not support binary websocket messages. \" +\n",
|
||
|
" \"Performance may be slow.\");\n",
|
||
|
" }\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" this.imageObj = new Image();\n",
|
||
|
"\n",
|
||
|
" this.context = undefined;\n",
|
||
|
" this.message = undefined;\n",
|
||
|
" this.canvas = undefined;\n",
|
||
|
" this.rubberband_canvas = undefined;\n",
|
||
|
" this.rubberband_context = undefined;\n",
|
||
|
" this.format_dropdown = undefined;\n",
|
||
|
"\n",
|
||
|
" this.image_mode = 'full';\n",
|
||
|
"\n",
|
||
|
" this.root = $('<div/>');\n",
|
||
|
" this._root_extra_style(this.root)\n",
|
||
|
" this.root.attr('style', 'display: inline-block');\n",
|
||
|
"\n",
|
||
|
" $(parent_element).append(this.root);\n",
|
||
|
"\n",
|
||
|
" this._init_header(this);\n",
|
||
|
" this._init_canvas(this);\n",
|
||
|
" this._init_toolbar(this);\n",
|
||
|
"\n",
|
||
|
" var fig = this;\n",
|
||
|
"\n",
|
||
|
" this.waiting = false;\n",
|
||
|
"\n",
|
||
|
" this.ws.onopen = function () {\n",
|
||
|
" fig.send_message(\"supports_binary\", {value: fig.supports_binary});\n",
|
||
|
" fig.send_message(\"send_image_mode\", {});\n",
|
||
|
" if (mpl.ratio != 1) {\n",
|
||
|
" fig.send_message(\"set_dpi_ratio\", {'dpi_ratio': mpl.ratio});\n",
|
||
|
" }\n",
|
||
|
" fig.send_message(\"refresh\", {});\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" this.imageObj.onload = function() {\n",
|
||
|
" if (fig.image_mode == 'full') {\n",
|
||
|
" // Full images could contain transparency (where diff images\n",
|
||
|
" // almost always do), so we need to clear the canvas so that\n",
|
||
|
" // there is no ghosting.\n",
|
||
|
" fig.context.clearRect(0, 0, fig.canvas.width, fig.canvas.height);\n",
|
||
|
" }\n",
|
||
|
" fig.context.drawImage(fig.imageObj, 0, 0);\n",
|
||
|
" };\n",
|
||
|
"\n",
|
||
|
" this.imageObj.onunload = function() {\n",
|
||
|
" fig.ws.close();\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" this.ws.onmessage = this._make_on_message_function(this);\n",
|
||
|
"\n",
|
||
|
" this.ondownload = ondownload;\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._init_header = function() {\n",
|
||
|
" var titlebar = $(\n",
|
||
|
" '<div class=\"ui-dialog-titlebar ui-widget-header ui-corner-all ' +\n",
|
||
|
" 'ui-helper-clearfix\"/>');\n",
|
||
|
" var titletext = $(\n",
|
||
|
" '<div class=\"ui-dialog-title\" style=\"width: 100%; ' +\n",
|
||
|
" 'text-align: center; padding: 3px;\"/>');\n",
|
||
|
" titlebar.append(titletext)\n",
|
||
|
" this.root.append(titlebar);\n",
|
||
|
" this.header = titletext[0];\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._canvas_extra_style = function(canvas_div) {\n",
|
||
|
"\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._root_extra_style = function(canvas_div) {\n",
|
||
|
"\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._init_canvas = function() {\n",
|
||
|
" var fig = this;\n",
|
||
|
"\n",
|
||
|
" var canvas_div = $('<div/>');\n",
|
||
|
"\n",
|
||
|
" canvas_div.attr('style', 'position: relative; clear: both; outline: 0');\n",
|
||
|
"\n",
|
||
|
" function canvas_keyboard_event(event) {\n",
|
||
|
" return fig.key_event(event, event['data']);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" canvas_div.keydown('key_press', canvas_keyboard_event);\n",
|
||
|
" canvas_div.keyup('key_release', canvas_keyboard_event);\n",
|
||
|
" this.canvas_div = canvas_div\n",
|
||
|
" this._canvas_extra_style(canvas_div)\n",
|
||
|
" this.root.append(canvas_div);\n",
|
||
|
"\n",
|
||
|
" var canvas = $('<canvas/>');\n",
|
||
|
" canvas.addClass('mpl-canvas');\n",
|
||
|
" canvas.attr('style', \"left: 0; top: 0; z-index: 0; outline: 0\")\n",
|
||
|
"\n",
|
||
|
" this.canvas = canvas[0];\n",
|
||
|
" this.context = canvas[0].getContext(\"2d\");\n",
|
||
|
"\n",
|
||
|
" var backingStore = this.context.backingStorePixelRatio ||\n",
|
||
|
"\tthis.context.webkitBackingStorePixelRatio ||\n",
|
||
|
"\tthis.context.mozBackingStorePixelRatio ||\n",
|
||
|
"\tthis.context.msBackingStorePixelRatio ||\n",
|
||
|
"\tthis.context.oBackingStorePixelRatio ||\n",
|
||
|
"\tthis.context.backingStorePixelRatio || 1;\n",
|
||
|
"\n",
|
||
|
" mpl.ratio = (window.devicePixelRatio || 1) / backingStore;\n",
|
||
|
"\n",
|
||
|
" var rubberband = $('<canvas/>');\n",
|
||
|
" rubberband.attr('style', \"position: absolute; left: 0; top: 0; z-index: 1;\")\n",
|
||
|
"\n",
|
||
|
" var pass_mouse_events = true;\n",
|
||
|
"\n",
|
||
|
" canvas_div.resizable({\n",
|
||
|
" start: function(event, ui) {\n",
|
||
|
" pass_mouse_events = false;\n",
|
||
|
" },\n",
|
||
|
" resize: function(event, ui) {\n",
|
||
|
" fig.request_resize(ui.size.width, ui.size.height);\n",
|
||
|
" },\n",
|
||
|
" stop: function(event, ui) {\n",
|
||
|
" pass_mouse_events = true;\n",
|
||
|
" fig.request_resize(ui.size.width, ui.size.height);\n",
|
||
|
" },\n",
|
||
|
" });\n",
|
||
|
"\n",
|
||
|
" function mouse_event_fn(event) {\n",
|
||
|
" if (pass_mouse_events)\n",
|
||
|
" return fig.mouse_event(event, event['data']);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" rubberband.mousedown('button_press', mouse_event_fn);\n",
|
||
|
" rubberband.mouseup('button_release', mouse_event_fn);\n",
|
||
|
" // Throttle sequential mouse events to 1 every 20ms.\n",
|
||
|
" rubberband.mousemove('motion_notify', mouse_event_fn);\n",
|
||
|
"\n",
|
||
|
" rubberband.mouseenter('figure_enter', mouse_event_fn);\n",
|
||
|
" rubberband.mouseleave('figure_leave', mouse_event_fn);\n",
|
||
|
"\n",
|
||
|
" canvas_div.on(\"wheel\", function (event) {\n",
|
||
|
" event = event.originalEvent;\n",
|
||
|
" event['data'] = 'scroll'\n",
|
||
|
" if (event.deltaY < 0) {\n",
|
||
|
" event.step = 1;\n",
|
||
|
" } else {\n",
|
||
|
" event.step = -1;\n",
|
||
|
" }\n",
|
||
|
" mouse_event_fn(event);\n",
|
||
|
" });\n",
|
||
|
"\n",
|
||
|
" canvas_div.append(canvas);\n",
|
||
|
" canvas_div.append(rubberband);\n",
|
||
|
"\n",
|
||
|
" this.rubberband = rubberband;\n",
|
||
|
" this.rubberband_canvas = rubberband[0];\n",
|
||
|
" this.rubberband_context = rubberband[0].getContext(\"2d\");\n",
|
||
|
" this.rubberband_context.strokeStyle = \"#000000\";\n",
|
||
|
"\n",
|
||
|
" this._resize_canvas = function(width, height) {\n",
|
||
|
" // Keep the size of the canvas, canvas container, and rubber band\n",
|
||
|
" // canvas in synch.\n",
|
||
|
" canvas_div.css('width', width)\n",
|
||
|
" canvas_div.css('height', height)\n",
|
||
|
"\n",
|
||
|
" canvas.attr('width', width * mpl.ratio);\n",
|
||
|
" canvas.attr('height', height * mpl.ratio);\n",
|
||
|
" canvas.attr('style', 'width: ' + width + 'px; height: ' + height + 'px;');\n",
|
||
|
"\n",
|
||
|
" rubberband.attr('width', width);\n",
|
||
|
" rubberband.attr('height', height);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" // Set the figure to an initial 600x600px, this will subsequently be updated\n",
|
||
|
" // upon first draw.\n",
|
||
|
" this._resize_canvas(600, 600);\n",
|
||
|
"\n",
|
||
|
" // Disable right mouse context menu.\n",
|
||
|
" $(this.rubberband_canvas).bind(\"contextmenu\",function(e){\n",
|
||
|
" return false;\n",
|
||
|
" });\n",
|
||
|
"\n",
|
||
|
" function set_focus () {\n",
|
||
|
" canvas.focus();\n",
|
||
|
" canvas_div.focus();\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" window.setTimeout(set_focus, 100);\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._init_toolbar = function() {\n",
|
||
|
" var fig = this;\n",
|
||
|
"\n",
|
||
|
" var nav_element = $('<div/>');\n",
|
||
|
" nav_element.attr('style', 'width: 100%');\n",
|
||
|
" this.root.append(nav_element);\n",
|
||
|
"\n",
|
||
|
" // Define a callback function for later on.\n",
|
||
|
" function toolbar_event(event) {\n",
|
||
|
" return fig.toolbar_button_onclick(event['data']);\n",
|
||
|
" }\n",
|
||
|
" function toolbar_mouse_event(event) {\n",
|
||
|
" return fig.toolbar_button_onmouseover(event['data']);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" for(var toolbar_ind in mpl.toolbar_items) {\n",
|
||
|
" var name = mpl.toolbar_items[toolbar_ind][0];\n",
|
||
|
" var tooltip = mpl.toolbar_items[toolbar_ind][1];\n",
|
||
|
" var image = mpl.toolbar_items[toolbar_ind][2];\n",
|
||
|
" var method_name = mpl.toolbar_items[toolbar_ind][3];\n",
|
||
|
"\n",
|
||
|
" if (!name) {\n",
|
||
|
" // put a spacer in here.\n",
|
||
|
" continue;\n",
|
||
|
" }\n",
|
||
|
" var button = $('<button/>');\n",
|
||
|
" button.addClass('ui-button ui-widget ui-state-default ui-corner-all ' +\n",
|
||
|
" 'ui-button-icon-only');\n",
|
||
|
" button.attr('role', 'button');\n",
|
||
|
" button.attr('aria-disabled', 'false');\n",
|
||
|
" button.click(method_name, toolbar_event);\n",
|
||
|
" button.mouseover(tooltip, toolbar_mouse_event);\n",
|
||
|
"\n",
|
||
|
" var icon_img = $('<span/>');\n",
|
||
|
" icon_img.addClass('ui-button-icon-primary ui-icon');\n",
|
||
|
" icon_img.addClass(image);\n",
|
||
|
" icon_img.addClass('ui-corner-all');\n",
|
||
|
"\n",
|
||
|
" var tooltip_span = $('<span/>');\n",
|
||
|
" tooltip_span.addClass('ui-button-text');\n",
|
||
|
" tooltip_span.html(tooltip);\n",
|
||
|
"\n",
|
||
|
" button.append(icon_img);\n",
|
||
|
" button.append(tooltip_span);\n",
|
||
|
"\n",
|
||
|
" nav_element.append(button);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" var fmt_picker_span = $('<span/>');\n",
|
||
|
"\n",
|
||
|
" var fmt_picker = $('<select/>');\n",
|
||
|
" fmt_picker.addClass('mpl-toolbar-option ui-widget ui-widget-content');\n",
|
||
|
" fmt_picker_span.append(fmt_picker);\n",
|
||
|
" nav_element.append(fmt_picker_span);\n",
|
||
|
" this.format_dropdown = fmt_picker[0];\n",
|
||
|
"\n",
|
||
|
" for (var ind in mpl.extensions) {\n",
|
||
|
" var fmt = mpl.extensions[ind];\n",
|
||
|
" var option = $(\n",
|
||
|
" '<option/>', {selected: fmt === mpl.default_extension}).html(fmt);\n",
|
||
|
" fmt_picker.append(option);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" // Add hover states to the ui-buttons\n",
|
||
|
" $( \".ui-button\" ).hover(\n",
|
||
|
" function() { $(this).addClass(\"ui-state-hover\");},\n",
|
||
|
" function() { $(this).removeClass(\"ui-state-hover\");}\n",
|
||
|
" );\n",
|
||
|
"\n",
|
||
|
" var status_bar = $('<span class=\"mpl-message\"/>');\n",
|
||
|
" nav_element.append(status_bar);\n",
|
||
|
" this.message = status_bar[0];\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.request_resize = function(x_pixels, y_pixels) {\n",
|
||
|
" // Request matplotlib to resize the figure. Matplotlib will then trigger a resize in the client,\n",
|
||
|
" // which will in turn request a refresh of the image.\n",
|
||
|
" this.send_message('resize', {'width': x_pixels, 'height': y_pixels});\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.send_message = function(type, properties) {\n",
|
||
|
" properties['type'] = type;\n",
|
||
|
" properties['figure_id'] = this.id;\n",
|
||
|
" this.ws.send(JSON.stringify(properties));\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.send_draw_message = function() {\n",
|
||
|
" if (!this.waiting) {\n",
|
||
|
" this.waiting = true;\n",
|
||
|
" this.ws.send(JSON.stringify({type: \"draw\", figure_id: this.id}));\n",
|
||
|
" }\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_save = function(fig, msg) {\n",
|
||
|
" var format_dropdown = fig.format_dropdown;\n",
|
||
|
" var format = format_dropdown.options[format_dropdown.selectedIndex].value;\n",
|
||
|
" fig.ondownload(fig, format);\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_resize = function(fig, msg) {\n",
|
||
|
" var size = msg['size'];\n",
|
||
|
" if (size[0] != fig.canvas.width || size[1] != fig.canvas.height) {\n",
|
||
|
" fig._resize_canvas(size[0], size[1]);\n",
|
||
|
" fig.send_message(\"refresh\", {});\n",
|
||
|
" };\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_rubberband = function(fig, msg) {\n",
|
||
|
" var x0 = msg['x0'] / mpl.ratio;\n",
|
||
|
" var y0 = (fig.canvas.height - msg['y0']) / mpl.ratio;\n",
|
||
|
" var x1 = msg['x1'] / mpl.ratio;\n",
|
||
|
" var y1 = (fig.canvas.height - msg['y1']) / mpl.ratio;\n",
|
||
|
" x0 = Math.floor(x0) + 0.5;\n",
|
||
|
" y0 = Math.floor(y0) + 0.5;\n",
|
||
|
" x1 = Math.floor(x1) + 0.5;\n",
|
||
|
" y1 = Math.floor(y1) + 0.5;\n",
|
||
|
" var min_x = Math.min(x0, x1);\n",
|
||
|
" var min_y = Math.min(y0, y1);\n",
|
||
|
" var width = Math.abs(x1 - x0);\n",
|
||
|
" var height = Math.abs(y1 - y0);\n",
|
||
|
"\n",
|
||
|
" fig.rubberband_context.clearRect(\n",
|
||
|
" 0, 0, fig.canvas.width / mpl.ratio, fig.canvas.height / mpl.ratio);\n",
|
||
|
"\n",
|
||
|
" fig.rubberband_context.strokeRect(min_x, min_y, width, height);\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_figure_label = function(fig, msg) {\n",
|
||
|
" // Updates the figure title.\n",
|
||
|
" fig.header.textContent = msg['label'];\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_cursor = function(fig, msg) {\n",
|
||
|
" var cursor = msg['cursor'];\n",
|
||
|
" switch(cursor)\n",
|
||
|
" {\n",
|
||
|
" case 0:\n",
|
||
|
" cursor = 'pointer';\n",
|
||
|
" break;\n",
|
||
|
" case 1:\n",
|
||
|
" cursor = 'default';\n",
|
||
|
" break;\n",
|
||
|
" case 2:\n",
|
||
|
" cursor = 'crosshair';\n",
|
||
|
" break;\n",
|
||
|
" case 3:\n",
|
||
|
" cursor = 'move';\n",
|
||
|
" break;\n",
|
||
|
" }\n",
|
||
|
" fig.rubberband_canvas.style.cursor = cursor;\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_message = function(fig, msg) {\n",
|
||
|
" fig.message.textContent = msg['message'];\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_draw = function(fig, msg) {\n",
|
||
|
" // Request the server to send over a new figure.\n",
|
||
|
" fig.send_draw_message();\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_image_mode = function(fig, msg) {\n",
|
||
|
" fig.image_mode = msg['mode'];\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.updated_canvas_event = function() {\n",
|
||
|
" // Called whenever the canvas gets updated.\n",
|
||
|
" this.send_message(\"ack\", {});\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"// A function to construct a web socket function for onmessage handling.\n",
|
||
|
"// Called in the figure constructor.\n",
|
||
|
"mpl.figure.prototype._make_on_message_function = function(fig) {\n",
|
||
|
" return function socket_on_message(evt) {\n",
|
||
|
" if (evt.data instanceof Blob) {\n",
|
||
|
" /* FIXME: We get \"Resource interpreted as Image but\n",
|
||
|
" * transferred with MIME type text/plain:\" errors on\n",
|
||
|
" * Chrome. But how to set the MIME type? It doesn't seem\n",
|
||
|
" * to be part of the websocket stream */\n",
|
||
|
" evt.data.type = \"image/png\";\n",
|
||
|
"\n",
|
||
|
" /* Free the memory for the previous frames */\n",
|
||
|
" if (fig.imageObj.src) {\n",
|
||
|
" (window.URL || window.webkitURL).revokeObjectURL(\n",
|
||
|
" fig.imageObj.src);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" fig.imageObj.src = (window.URL || window.webkitURL).createObjectURL(\n",
|
||
|
" evt.data);\n",
|
||
|
" fig.updated_canvas_event();\n",
|
||
|
" fig.waiting = false;\n",
|
||
|
" return;\n",
|
||
|
" }\n",
|
||
|
" else if (typeof evt.data === 'string' && evt.data.slice(0, 21) == \"data:image/png;base64\") {\n",
|
||
|
" fig.imageObj.src = evt.data;\n",
|
||
|
" fig.updated_canvas_event();\n",
|
||
|
" fig.waiting = false;\n",
|
||
|
" return;\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" var msg = JSON.parse(evt.data);\n",
|
||
|
" var msg_type = msg['type'];\n",
|
||
|
"\n",
|
||
|
" // Call the \"handle_{type}\" callback, which takes\n",
|
||
|
" // the figure and JSON message as its only arguments.\n",
|
||
|
" try {\n",
|
||
|
" var callback = fig[\"handle_\" + msg_type];\n",
|
||
|
" } catch (e) {\n",
|
||
|
" console.log(\"No handler for the '\" + msg_type + \"' message type: \", msg);\n",
|
||
|
" return;\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" if (callback) {\n",
|
||
|
" try {\n",
|
||
|
" // console.log(\"Handling '\" + msg_type + \"' message: \", msg);\n",
|
||
|
" callback(fig, msg);\n",
|
||
|
" } catch (e) {\n",
|
||
|
" console.log(\"Exception inside the 'handler_\" + msg_type + \"' callback:\", e, e.stack, msg);\n",
|
||
|
" }\n",
|
||
|
" }\n",
|
||
|
" };\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"// from http://stackoverflow.com/questions/1114465/getting-mouse-location-in-canvas\n",
|
||
|
"mpl.findpos = function(e) {\n",
|
||
|
" //this section is from http://www.quirksmode.org/js/events_properties.html\n",
|
||
|
" var targ;\n",
|
||
|
" if (!e)\n",
|
||
|
" e = window.event;\n",
|
||
|
" if (e.target)\n",
|
||
|
" targ = e.target;\n",
|
||
|
" else if (e.srcElement)\n",
|
||
|
" targ = e.srcElement;\n",
|
||
|
" if (targ.nodeType == 3) // defeat Safari bug\n",
|
||
|
" targ = targ.parentNode;\n",
|
||
|
"\n",
|
||
|
" // jQuery normalizes the pageX and pageY\n",
|
||
|
" // pageX,Y are the mouse positions relative to the document\n",
|
||
|
" // offset() returns the position of the element relative to the document\n",
|
||
|
" var x = e.pageX - $(targ).offset().left;\n",
|
||
|
" var y = e.pageY - $(targ).offset().top;\n",
|
||
|
"\n",
|
||
|
" return {\"x\": x, \"y\": y};\n",
|
||
|
"};\n",
|
||
|
"\n",
|
||
|
"/*\n",
|
||
|
" * return a copy of an object with only non-object keys\n",
|
||
|
" * we need this to avoid circular references\n",
|
||
|
" * http://stackoverflow.com/a/24161582/3208463\n",
|
||
|
" */\n",
|
||
|
"function simpleKeys (original) {\n",
|
||
|
" return Object.keys(original).reduce(function (obj, key) {\n",
|
||
|
" if (typeof original[key] !== 'object')\n",
|
||
|
" obj[key] = original[key]\n",
|
||
|
" return obj;\n",
|
||
|
" }, {});\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.mouse_event = function(event, name) {\n",
|
||
|
" var canvas_pos = mpl.findpos(event)\n",
|
||
|
"\n",
|
||
|
" if (name === 'button_press')\n",
|
||
|
" {\n",
|
||
|
" this.canvas.focus();\n",
|
||
|
" this.canvas_div.focus();\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" var x = canvas_pos.x * mpl.ratio;\n",
|
||
|
" var y = canvas_pos.y * mpl.ratio;\n",
|
||
|
"\n",
|
||
|
" this.send_message(name, {x: x, y: y, button: event.button,\n",
|
||
|
" step: event.step,\n",
|
||
|
" guiEvent: simpleKeys(event)});\n",
|
||
|
"\n",
|
||
|
" /* This prevents the web browser from automatically changing to\n",
|
||
|
" * the text insertion cursor when the button is pressed. We want\n",
|
||
|
" * to control all of the cursor setting manually through the\n",
|
||
|
" * 'cursor' event from matplotlib */\n",
|
||
|
" event.preventDefault();\n",
|
||
|
" return false;\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._key_event_extra = function(event, name) {\n",
|
||
|
" // Handle any extra behaviour associated with a key event\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.key_event = function(event, name) {\n",
|
||
|
"\n",
|
||
|
" // Prevent repeat events\n",
|
||
|
" if (name == 'key_press')\n",
|
||
|
" {\n",
|
||
|
" if (event.which === this._key)\n",
|
||
|
" return;\n",
|
||
|
" else\n",
|
||
|
" this._key = event.which;\n",
|
||
|
" }\n",
|
||
|
" if (name == 'key_release')\n",
|
||
|
" this._key = null;\n",
|
||
|
"\n",
|
||
|
" var value = '';\n",
|
||
|
" if (event.ctrlKey && event.which != 17)\n",
|
||
|
" value += \"ctrl+\";\n",
|
||
|
" if (event.altKey && event.which != 18)\n",
|
||
|
" value += \"alt+\";\n",
|
||
|
" if (event.shiftKey && event.which != 16)\n",
|
||
|
" value += \"shift+\";\n",
|
||
|
"\n",
|
||
|
" value += 'k';\n",
|
||
|
" value += event.which.toString();\n",
|
||
|
"\n",
|
||
|
" this._key_event_extra(event, name);\n",
|
||
|
"\n",
|
||
|
" this.send_message(name, {key: value,\n",
|
||
|
" guiEvent: simpleKeys(event)});\n",
|
||
|
" return false;\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.toolbar_button_onclick = function(name) {\n",
|
||
|
" if (name == 'download') {\n",
|
||
|
" this.handle_save(this, null);\n",
|
||
|
" } else {\n",
|
||
|
" this.send_message(\"toolbar_button\", {name: name});\n",
|
||
|
" }\n",
|
||
|
"};\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.toolbar_button_onmouseover = function(tooltip) {\n",
|
||
|
" this.message.textContent = tooltip;\n",
|
||
|
"};\n",
|
||
|
"mpl.toolbar_items = [[\"Home\", \"Reset original view\", \"fa fa-home icon-home\", \"home\"], [\"Back\", \"Back to previous view\", \"fa fa-arrow-left icon-arrow-left\", \"back\"], [\"Forward\", \"Forward to next view\", \"fa fa-arrow-right icon-arrow-right\", \"forward\"], [\"\", \"\", \"\", \"\"], [\"Pan\", \"Pan axes with left mouse, zoom with right\", \"fa fa-arrows icon-move\", \"pan\"], [\"Zoom\", \"Zoom to rectangle\", \"fa fa-square-o icon-check-empty\", \"zoom\"], [\"\", \"\", \"\", \"\"], [\"Download\", \"Download plot\", \"fa fa-floppy-o icon-save\", \"download\"]];\n",
|
||
|
"\n",
|
||
|
"mpl.extensions = [\"eps\", \"pdf\", \"png\", \"ps\", \"raw\", \"svg\"];\n",
|
||
|
"\n",
|
||
|
"mpl.default_extension = \"png\";var comm_websocket_adapter = function(comm) {\n",
|
||
|
" // Create a \"websocket\"-like object which calls the given IPython comm\n",
|
||
|
" // object with the appropriate methods. Currently this is a non binary\n",
|
||
|
" // socket, so there is still some room for performance tuning.\n",
|
||
|
" var ws = {};\n",
|
||
|
"\n",
|
||
|
" ws.close = function() {\n",
|
||
|
" comm.close()\n",
|
||
|
" };\n",
|
||
|
" ws.send = function(m) {\n",
|
||
|
" //console.log('sending', m);\n",
|
||
|
" comm.send(m);\n",
|
||
|
" };\n",
|
||
|
" // Register the callback with on_msg.\n",
|
||
|
" comm.on_msg(function(msg) {\n",
|
||
|
" //console.log('receiving', msg['content']['data'], msg);\n",
|
||
|
" // Pass the mpl event to the overridden (by mpl) onmessage function.\n",
|
||
|
" ws.onmessage(msg['content']['data'])\n",
|
||
|
" });\n",
|
||
|
" return ws;\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.mpl_figure_comm = function(comm, msg) {\n",
|
||
|
" // This is the function which gets called when the mpl process\n",
|
||
|
" // starts-up an IPython Comm through the \"matplotlib\" channel.\n",
|
||
|
"\n",
|
||
|
" var id = msg.content.data.id;\n",
|
||
|
" // Get hold of the div created by the display call when the Comm\n",
|
||
|
" // socket was opened in Python.\n",
|
||
|
" var element = $(\"#\" + id);\n",
|
||
|
" var ws_proxy = comm_websocket_adapter(comm)\n",
|
||
|
"\n",
|
||
|
" function ondownload(figure, format) {\n",
|
||
|
" window.open(figure.imageObj.src);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" var fig = new mpl.figure(id, ws_proxy,\n",
|
||
|
" ondownload,\n",
|
||
|
" element.get(0));\n",
|
||
|
"\n",
|
||
|
" // Call onopen now - mpl needs it, as it is assuming we've passed it a real\n",
|
||
|
" // web socket which is closed, not our websocket->open comm proxy.\n",
|
||
|
" ws_proxy.onopen();\n",
|
||
|
"\n",
|
||
|
" fig.parent_element = element.get(0);\n",
|
||
|
" fig.cell_info = mpl.find_output_cell(\"<div id='\" + id + \"'></div>\");\n",
|
||
|
" if (!fig.cell_info) {\n",
|
||
|
" console.error(\"Failed to find cell for figure\", id, fig);\n",
|
||
|
" return;\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" var output_index = fig.cell_info[2]\n",
|
||
|
" var cell = fig.cell_info[0];\n",
|
||
|
"\n",
|
||
|
"};\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_close = function(fig, msg) {\n",
|
||
|
" var width = fig.canvas.width/mpl.ratio\n",
|
||
|
" fig.root.unbind('remove')\n",
|
||
|
"\n",
|
||
|
" // Update the output cell to use the data from the current canvas.\n",
|
||
|
" fig.push_to_output();\n",
|
||
|
" var dataURL = fig.canvas.toDataURL();\n",
|
||
|
" // Re-enable the keyboard manager in IPython - without this line, in FF,\n",
|
||
|
" // the notebook keyboard shortcuts fail.\n",
|
||
|
" IPython.keyboard_manager.enable()\n",
|
||
|
" $(fig.parent_element).html('<img src=\"' + dataURL + '\" width=\"' + width + '\">');\n",
|
||
|
" fig.close_ws(fig, msg);\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.close_ws = function(fig, msg){\n",
|
||
|
" fig.send_message('closing', msg);\n",
|
||
|
" // fig.ws.close()\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.push_to_output = function(remove_interactive) {\n",
|
||
|
" // Turn the data on the canvas into data in the output cell.\n",
|
||
|
" var width = this.canvas.width/mpl.ratio\n",
|
||
|
" var dataURL = this.canvas.toDataURL();\n",
|
||
|
" this.cell_info[1]['text/html'] = '<img src=\"' + dataURL + '\" width=\"' + width + '\">';\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.updated_canvas_event = function() {\n",
|
||
|
" // Tell IPython that the notebook contents must change.\n",
|
||
|
" IPython.notebook.set_dirty(true);\n",
|
||
|
" this.send_message(\"ack\", {});\n",
|
||
|
" var fig = this;\n",
|
||
|
" // Wait a second, then push the new image to the DOM so\n",
|
||
|
" // that it is saved nicely (might be nice to debounce this).\n",
|
||
|
" setTimeout(function () { fig.push_to_output() }, 1000);\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._init_toolbar = function() {\n",
|
||
|
" var fig = this;\n",
|
||
|
"\n",
|
||
|
" var nav_element = $('<div/>');\n",
|
||
|
" nav_element.attr('style', 'width: 100%');\n",
|
||
|
" this.root.append(nav_element);\n",
|
||
|
"\n",
|
||
|
" // Define a callback function for later on.\n",
|
||
|
" function toolbar_event(event) {\n",
|
||
|
" return fig.toolbar_button_onclick(event['data']);\n",
|
||
|
" }\n",
|
||
|
" function toolbar_mouse_event(event) {\n",
|
||
|
" return fig.toolbar_button_onmouseover(event['data']);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" for(var toolbar_ind in mpl.toolbar_items){\n",
|
||
|
" var name = mpl.toolbar_items[toolbar_ind][0];\n",
|
||
|
" var tooltip = mpl.toolbar_items[toolbar_ind][1];\n",
|
||
|
" var image = mpl.toolbar_items[toolbar_ind][2];\n",
|
||
|
" var method_name = mpl.toolbar_items[toolbar_ind][3];\n",
|
||
|
"\n",
|
||
|
" if (!name) { continue; };\n",
|
||
|
"\n",
|
||
|
" var button = $('<button class=\"btn btn-default\" href=\"#\" title=\"' + name + '\"><i class=\"fa ' + image + ' fa-lg\"></i></button>');\n",
|
||
|
" button.click(method_name, toolbar_event);\n",
|
||
|
" button.mouseover(tooltip, toolbar_mouse_event);\n",
|
||
|
" nav_element.append(button);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" // Add the status bar.\n",
|
||
|
" var status_bar = $('<span class=\"mpl-message\" style=\"text-align:right; float: right;\"/>');\n",
|
||
|
" nav_element.append(status_bar);\n",
|
||
|
" this.message = status_bar[0];\n",
|
||
|
"\n",
|
||
|
" // Add the close button to the window.\n",
|
||
|
" var buttongrp = $('<div class=\"btn-group inline pull-right\"></div>');\n",
|
||
|
" var button = $('<button class=\"btn btn-mini btn-primary\" href=\"#\" title=\"Stop Interaction\"><i class=\"fa fa-power-off icon-remove icon-large\"></i></button>');\n",
|
||
|
" button.click(function (evt) { fig.handle_close(fig, {}); } );\n",
|
||
|
" button.mouseover('Stop Interaction', toolbar_mouse_event);\n",
|
||
|
" buttongrp.append(button);\n",
|
||
|
" var titlebar = this.root.find($('.ui-dialog-titlebar'));\n",
|
||
|
" titlebar.prepend(buttongrp);\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._root_extra_style = function(el){\n",
|
||
|
" var fig = this\n",
|
||
|
" el.on(\"remove\", function(){\n",
|
||
|
"\tfig.close_ws(fig, {});\n",
|
||
|
" });\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._canvas_extra_style = function(el){\n",
|
||
|
" // this is important to make the div 'focusable\n",
|
||
|
" el.attr('tabindex', 0)\n",
|
||
|
" // reach out to IPython and tell the keyboard manager to turn it's self\n",
|
||
|
" // off when our div gets focus\n",
|
||
|
"\n",
|
||
|
" // location in version 3\n",
|
||
|
" if (IPython.notebook.keyboard_manager) {\n",
|
||
|
" IPython.notebook.keyboard_manager.register_events(el);\n",
|
||
|
" }\n",
|
||
|
" else {\n",
|
||
|
" // location in version 2\n",
|
||
|
" IPython.keyboard_manager.register_events(el);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._key_event_extra = function(event, name) {\n",
|
||
|
" var manager = IPython.notebook.keyboard_manager;\n",
|
||
|
" if (!manager)\n",
|
||
|
" manager = IPython.keyboard_manager;\n",
|
||
|
"\n",
|
||
|
" // Check for shift+enter\n",
|
||
|
" if (event.shiftKey && event.which == 13) {\n",
|
||
|
" this.canvas_div.blur();\n",
|
||
|
" // select the cell after this one\n",
|
||
|
" var index = IPython.notebook.find_cell_index(this.cell_info[0]);\n",
|
||
|
" IPython.notebook.select(index + 1);\n",
|
||
|
" }\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_save = function(fig, msg) {\n",
|
||
|
" fig.ondownload(fig, null);\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"\n",
|
||
|
"mpl.find_output_cell = function(html_output) {\n",
|
||
|
" // Return the cell and output element which can be found *uniquely* in the notebook.\n",
|
||
|
" // Note - this is a bit hacky, but it is done because the \"notebook_saving.Notebook\"\n",
|
||
|
" // IPython event is triggered only after the cells have been serialised, which for\n",
|
||
|
" // our purposes (turning an active figure into a static one), is too late.\n",
|
||
|
" var cells = IPython.notebook.get_cells();\n",
|
||
|
" var ncells = cells.length;\n",
|
||
|
" for (var i=0; i<ncells; i++) {\n",
|
||
|
" var cell = cells[i];\n",
|
||
|
" if (cell.cell_type === 'code'){\n",
|
||
|
" for (var j=0; j<cell.output_area.outputs.length; j++) {\n",
|
||
|
" var data = cell.output_area.outputs[j];\n",
|
||
|
" if (data.data) {\n",
|
||
|
" // IPython >= 3 moved mimebundle to data attribute of output\n",
|
||
|
" data = data.data;\n",
|
||
|
" }\n",
|
||
|
" if (data['text/html'] == html_output) {\n",
|
||
|
" return [cell, data, j];\n",
|
||
|
" }\n",
|
||
|
" }\n",
|
||
|
" }\n",
|
||
|
" }\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"// Register the function which deals with the matplotlib target/channel.\n",
|
||
|
"// The kernel may be null if the page has been refreshed.\n",
|
||
|
"if (IPython.notebook.kernel != null) {\n",
|
||
|
" IPython.notebook.kernel.comm_manager.register_target('matplotlib', mpl.mpl_figure_comm);\n",
|
||
|
"}\n"
|
||
|
],
|
||
|
"text/plain": [
|
||
|
"<IPython.core.display.Javascript object>"
|
||
|
]
|
||
|
},
|
||
|
"metadata": {},
|
||
|
"output_type": "display_data"
|
||
|
},
|
||
|
{
|
||
|
"data": {
|
||
|
"text/html": [
|
||
|
"<img src=\"data:image/png;base64,iVBORw0KGgoAAAANSUhEUgAABtEAAAIhCAYAAAA4gpWcAAAgAElEQVR4nOzdeZxcVZ3//xuSNIEQCFnFBKIsJgSiiCCgMvJAnFHBXYfRiDAyflVQv/gDH+ACIgECAuKCoGEbJyA6Ltzqfd/3fd/T+5Leu6vTCyHp9++PfG9Za3dVd3VXL6/n43EeM9y+detWJeb0ue9zzscQAAAAAAAAAAAAABdGqG8AAAAAAAAAAAAAWGwI0QAAAAAAAAAAAAA3hGgAAAAAAAAAAACAG0I0AAAAAAAAAAAAwA0hGgAAAAAAAAAAAOCGEA0AAAAAAAAAAABwQ4gGAAAAAAAAAAAAuCFEAwAAAAAAAAAAANwQogEAAAAAAAAAAABuCNEAAAAAIMj+/Oc/6/LLL9fpp58uwzBUUVER6lsCAAAAAASIEA0AAABYolJSUmQYhs8WERER6ltctHJzc/X9739f119/vTZs2CDDMHTgwIGgXLu6ulqrV6/WjTfeqJdeekmHDx/W8PBwUK69XL388sv69a9/7ff54+Pj+sMf/qDPfOYzete73qV169Zp165d+vznP6/CwkKvr6mvr9d//Md/aNu2bQoLC9PFF1+shx9+WJOTkx7n7t+/3+f/rl588UWv1+/o6NB3vvMd7dq1S2FhYdq6datuvPFG5eTk+P25AAAAACwuhGgAAADAEmWFaLfeeqsOHz7s0To6OkJ9i4vWT37yE5122mnavXu3brjhhqCGaM8995wMw1B5eXlQrrcSfPjDH9ZFF13k9/kVFRUyDEPXXHONHnroIb300kv62c9+pne84x067bTT9Je//MXl/KqqKp1zzjnasGGDHnjgAb3wwgu67bbbtGrVKn3qU5/S1NSUy/n79+/Xaaed5vV/V42NjR73U1xcrM2bN2vnzp366U9/qpdffllPP/20vv71r+vvf//77L4UAAAAACFHiAYAAAAsUVaIdvDgwVm9fnR0NMh3tHR0d3fr2LFjkqSMjIyghmgPPvigDMNQe3v7jOeeOHFCExMTQXnfpSzQEK2vr0/FxcUexzs6OrRx40a9853vdAnGbrnlFp122mnKzc11Of+RRx6RYRh64403XI7v379fq1ev9uteJiYmdNFFF+m9730vKw4BAACAZYYQDQAAAFii/A3R3n77bRmGoTvvvFMJCQn6yEc+ovXr1+sDH/iA45zh4WE98MADuuSSSxQWFqZNmzbpc5/7nEctr5MnT+qZZ57Rvn37dNZZZ2n9+vW68MILdccdd3hsi/fKK69o7969CgsL065du/Tzn/9cMTExMgxDhw8fdpz3k5/8xGfo5CtcKSws1Be+8AVt2bJFa9eu1YUXXqgf/ehHGh8f9+u7cxasEK2hocHr9n8f+9jHJP3zc9bU1OgHP/iBdu7cqdNOO82x7ebrr7+uW265Reeff77CwsK0ZcsWff7zn/dZT+33v/+99uzZM+P3++KLL8owDKWkpOiRRx5xbH94xRVXKDY2VtKplV2f/OQndfbZZ+vss8/W7bff7jVk7erq0l133aULLrhAa9eu1bZt23TbbbeptbXV5TzrPdPS0vTkk0/qoosuUlhYmC688EKXbRutv5veWkZGxqz+HD796U/LMAz19fU5jq1fv16XXXaZx7ltbW0yDEP/+q//6nLcCtGmpqY0MjKiEydO+Hy/V155xWX71MnJSYJRAAAAYJkgRAMAAACWKCtEe/DBB9XX1+fSRkZGHOdZQcXll1+us846S/fcc48OHTqk5557TtKpAG3v3r0688wzdffdd+v3v/+9HnvsMe3atUvr169XSUmJ41oPPfSQDMPQZz/7Wf3ud7/T73//e91///3au3evhoaGHOf96le/crznL37xCz3++OO6+OKLdeWVV845RIuMjFRYWJj27NmjRx99VH/4wx/07W9/W2vXrtVHP/pRvf322wF9j8EK0UZHR3X48GF99rOflWEY+s1vfqPDhw8rMTFR0j8/5xVXXKFrr71WTz/9tH7961+rrKxMknTdddfpi1/8oh5//HG9+OKLuv/++3Xuuedqw4YNHlsIPvHEEzIMQ+973/v01FNP6eDBg9q9e7c+8IEP+AzRrrrqKl1xxRV66qmn9PTTT2vnzp1au3atwsPDtXnzZt19992ObQ4Nw9C3v/1tl/dsaWnRO9/5Tm3atEk//OEPdejQIT344IPavHmztm/f7vLnZ73nNddco8svv1wHDx7Ub37zG8ef/1//+ldJ0tTUlA4fPqz3vOc92r59u8u2ib29vbP6c/jABz6gdevW6a233nIcW7Nmja6++mqPc/v7+2UYhs455xyX41ZNNKte3tq1a3XDDTcoNTXV4xpf+tKXZBiGsrOzdeONN2rVqlUyDEOXXXaZ43MCAAAAWJoI0QAAAIAlygrRvLV/+7d/c5znvNonOTnZ4zrf/e53tW7dOo/t8QYGBvTOd75TN910k+PYvn37tG/fvmnva2BgQGeccYZ2797t2DJRkgYHB3XeeefNKUQbHx/Xtm3b9JGPfETHjx93OffPf/6zDMPQa6+9Nu39uQv2do6+Po91/MYbb/S6ssn5u7JUVFRo7dq1+t73vuc41tfXp9NPP12XXXaZy8q74eFh7dy502eIduWVV7oESwUFBTIMQ6tWrfKo23XzzTcrLCzM5fq33HKLtmzZora2NpdzGxsbtX79ev3Xf/2Xx3u+//3vd3lPu92uc889V9dff73LNQLdztEX0zRlGIb+8z//0+X4vn37dOaZZ6qnp8fl+F//+lfH/zacg+f77rtP99xzjw4fPqw333xTBw4c0ObNm3Xaaafpb3/7m8s1Lr/8chmGoa1bt+pTn/qU3njjDb344ou65JJLZBiGXn/99Tl/LgAAAAChQYgGAAAALFFWiGZt0+jcnFePWSGa8/aNlpMnT+rcc8/Vxz/+cY/VbH19ffr617+uNWvWOLZqvP7667Vx40ZlZWX5vK8//elPMgxDv/3tbz1+9vOf/3xOIdqbb74pwzD0yiuveNxrT0+P1q1bp9tuu82/L/D/WegQzdr2zxdrC0Hrc1166aX64Ac/6Pj5a6+9JsMw9Pzzz3u89tFHH/UZor3yyise55955pm64IILPI7/4he/cGw9KZ0KRletWqU777zT69+TG264Qeeff75f7/mJT3xC27dvdzkWjBCtrKxMZ599ti644AL19/e7/Oy///u/ZRiGrr32WqWnp6ulpUVvvPGGtm3bprVr18owDHV3d097/ba2Nm3cuFHbt293CQZ37dolwzD0L//yLy512Hp7e7Vhwwadf/75LscBAAAALB2EaAAAAMASFWhNtK985SseP+vq6vK5ms25dXV1SZKys7O1bds2GYahd77znfrqV7+q1157zSVUOHDggAzDcGxj6Mxa+TPbEO3xxx+f8V7d61vNZKFDtLq6Oq+vKyoq0s0336z169d7fKZLLrnEcZ71/SYlJXlc429/+5vPEM3bVoQ7duzQDTfc4HHcek1mZqakU3/uM33vYWFhfr3n/v37tWbNGpdjcw3RqqqqtG3bNm3btk3V1dVez3n22Wd19tlnO+739NNP14EDB/T+979fhmFobGxsxve55557HFs3Wvbs2eMzMPzqV78qwzDU0NAw688GAAAAIHQI0QAAAIAlKtAQ7c477/T4WUdHhwzD0E033eSxms25WSvRpFO1v/7+97/r7rvv1t69e2UYhnbv3u2oYTVdyOMtRPvpT3/qM0S75pprXMIVa6XVU0895fNe3belnMlCh2jePmdzc7PWr1+vnTt36sknn9Sbb76p+Ph4JSQkaM+ePS7fwSOPPBLQ92sFWhkZGR7n79ixQx/72Mc8jru/JjMzU4Zh6Gtf+5rP7935fqZ7z/3792v16tUux+YSolVUVGjbtm3aunWrKioqpj13cnJSBQUFyszM1PDwsCTp3HPPdVlFNx2r1p/NZnMcu+mmm2QYhmJiYjzOv/fee2UYhvLy8gL4RAAAAAAWC0I0AAAAYIkKRoj29ttv6+yzz9bVV1896/t44YUXZBiGHnnkEU
|
||
|
],
|
||
|
"text/plain": [
|
||
|
"<IPython.core.display.HTML object>"
|
||
|
]
|
||
|
},
|
||
|
"metadata": {},
|
||
|
"output_type": "display_data"
|
||
|
},
|
||
|
{
|
||
|
"name": "stdout",
|
||
|
"output_type": "stream",
|
||
|
"text": [
|
||
|
"Shapes: c1:(501, 501), c2:(251, 251), c3:(251, 251)\n"
|
||
|
]
|
||
|
}
|
||
|
],
|
||
|
"source": [
|
||
|
"#c1,c2,c3= carte1[0,0,:,:],carte2[0,0,:,:],carte3[0,0,:,:]\n",
|
||
|
"\n",
|
||
|
"\n",
|
||
|
"fig = plt.figure(figsize=(16,5))\n",
|
||
|
"\n",
|
||
|
"\n",
|
||
|
"print(\"Shapes: c1:{}, c2:{}, c3:{}\".format(c1.shape,c2.shape,c3.shape))\n",
|
||
|
"\n",
|
||
|
"\n",
|
||
|
"ab = np.arange(0,c1.shape[0],1)\n",
|
||
|
"ordo = np.arange(0,c1.shape[1],1)\n",
|
||
|
"xx,yy = np.meshgrid(ab,ordo)\n",
|
||
|
"ax1 = fig.add_subplot(1,3,1,projection='3d')\n",
|
||
|
"ax1.plot_surface(xx,yy,c1,cmap=cm.coolwarm,linewidth=0)\n",
|
||
|
"ax1.set_title(\"Carte 1\")\n",
|
||
|
"\n",
|
||
|
"ab = np.arange(0,c2.shape[0],1)\n",
|
||
|
"ordo = np.arange(0,c2.shape[1],1)\n",
|
||
|
"xx,yy = np.meshgrid(ab,ordo)\n",
|
||
|
"ax2 = fig.add_subplot(1,3,2,projection='3d')\n",
|
||
|
"ax2.plot_surface(xx,yy,c2,cmap=cm.coolwarm,linewidth=0)\n",
|
||
|
"ax2.set_title(\"Carte 2\")\n",
|
||
|
"\n",
|
||
|
"ab = np.arange(0,c3.shape[0],1)\n",
|
||
|
"ordo = np.arange(0,c3.shape[1],1)\n",
|
||
|
"xx,yy = np.meshgrid(ab,ordo)\n",
|
||
|
"ax3 = fig.add_subplot(1,3,3,projection='3d')\n",
|
||
|
"ax3.plot_surface(xx,yy,c3,cmap=cm.coolwarm,linewidth=0)\n",
|
||
|
"ax3.set_title(\"Carte Finale\")\n",
|
||
|
"\n",
|
||
|
"fig.suptitle(\"Fresque {}, fragment {}\".format(fresque_id,fragment_id))\n",
|
||
|
"\n",
|
||
|
"plt.show()"
|
||
|
]
|
||
|
},
|
||
|
{
|
||
|
"cell_type": "markdown",
|
||
|
"metadata": {},
|
||
|
"source": [
|
||
|
"## Affichage de la fresque aprés passage du descripteur"
|
||
|
]
|
||
|
},
|
||
|
{
|
||
|
"cell_type": "code",
|
||
|
"execution_count": 29,
|
||
|
"metadata": {},
|
||
|
"outputs": [],
|
||
|
"source": [
|
||
|
"def load_net(file_path): \n",
|
||
|
" pkl_file = open(file_path, 'rb')\n",
|
||
|
" net= pickle.load(pkl_file)\n",
|
||
|
" pkl_file.close()\n",
|
||
|
" return net\n",
|
||
|
"\n",
|
||
|
"def img2tensor(im):\n",
|
||
|
" im=np.array(im,dtype=\"float32\")\n",
|
||
|
" tensor_cv = torch.from_numpy(np.transpose(im, (2, 0, 1)))\n",
|
||
|
" im_tensor=tensor_cv.unsqueeze(0)\n",
|
||
|
" return im_tensor"
|
||
|
]
|
||
|
},
|
||
|
{
|
||
|
"cell_type": "markdown",
|
||
|
"metadata": {},
|
||
|
"source": [
|
||
|
"## Affichage pour 4 couches"
|
||
|
]
|
||
|
},
|
||
|
{
|
||
|
"cell_type": "code",
|
||
|
"execution_count": 28,
|
||
|
"metadata": {},
|
||
|
"outputs": [
|
||
|
{
|
||
|
"data": {
|
||
|
"application/javascript": [
|
||
|
"/* Put everything inside the global mpl namespace */\n",
|
||
|
"window.mpl = {};\n",
|
||
|
"\n",
|
||
|
"\n",
|
||
|
"mpl.get_websocket_type = function() {\n",
|
||
|
" if (typeof(WebSocket) !== 'undefined') {\n",
|
||
|
" return WebSocket;\n",
|
||
|
" } else if (typeof(MozWebSocket) !== 'undefined') {\n",
|
||
|
" return MozWebSocket;\n",
|
||
|
" } else {\n",
|
||
|
" alert('Your browser does not have WebSocket support. ' +\n",
|
||
|
" 'Please try Chrome, Safari or Firefox ≥ 6. ' +\n",
|
||
|
" 'Firefox 4 and 5 are also supported but you ' +\n",
|
||
|
" 'have to enable WebSockets in about:config.');\n",
|
||
|
" };\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure = function(figure_id, websocket, ondownload, parent_element) {\n",
|
||
|
" this.id = figure_id;\n",
|
||
|
"\n",
|
||
|
" this.ws = websocket;\n",
|
||
|
"\n",
|
||
|
" this.supports_binary = (this.ws.binaryType != undefined);\n",
|
||
|
"\n",
|
||
|
" if (!this.supports_binary) {\n",
|
||
|
" var warnings = document.getElementById(\"mpl-warnings\");\n",
|
||
|
" if (warnings) {\n",
|
||
|
" warnings.style.display = 'block';\n",
|
||
|
" warnings.textContent = (\n",
|
||
|
" \"This browser does not support binary websocket messages. \" +\n",
|
||
|
" \"Performance may be slow.\");\n",
|
||
|
" }\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" this.imageObj = new Image();\n",
|
||
|
"\n",
|
||
|
" this.context = undefined;\n",
|
||
|
" this.message = undefined;\n",
|
||
|
" this.canvas = undefined;\n",
|
||
|
" this.rubberband_canvas = undefined;\n",
|
||
|
" this.rubberband_context = undefined;\n",
|
||
|
" this.format_dropdown = undefined;\n",
|
||
|
"\n",
|
||
|
" this.image_mode = 'full';\n",
|
||
|
"\n",
|
||
|
" this.root = $('<div/>');\n",
|
||
|
" this._root_extra_style(this.root)\n",
|
||
|
" this.root.attr('style', 'display: inline-block');\n",
|
||
|
"\n",
|
||
|
" $(parent_element).append(this.root);\n",
|
||
|
"\n",
|
||
|
" this._init_header(this);\n",
|
||
|
" this._init_canvas(this);\n",
|
||
|
" this._init_toolbar(this);\n",
|
||
|
"\n",
|
||
|
" var fig = this;\n",
|
||
|
"\n",
|
||
|
" this.waiting = false;\n",
|
||
|
"\n",
|
||
|
" this.ws.onopen = function () {\n",
|
||
|
" fig.send_message(\"supports_binary\", {value: fig.supports_binary});\n",
|
||
|
" fig.send_message(\"send_image_mode\", {});\n",
|
||
|
" if (mpl.ratio != 1) {\n",
|
||
|
" fig.send_message(\"set_dpi_ratio\", {'dpi_ratio': mpl.ratio});\n",
|
||
|
" }\n",
|
||
|
" fig.send_message(\"refresh\", {});\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" this.imageObj.onload = function() {\n",
|
||
|
" if (fig.image_mode == 'full') {\n",
|
||
|
" // Full images could contain transparency (where diff images\n",
|
||
|
" // almost always do), so we need to clear the canvas so that\n",
|
||
|
" // there is no ghosting.\n",
|
||
|
" fig.context.clearRect(0, 0, fig.canvas.width, fig.canvas.height);\n",
|
||
|
" }\n",
|
||
|
" fig.context.drawImage(fig.imageObj, 0, 0);\n",
|
||
|
" };\n",
|
||
|
"\n",
|
||
|
" this.imageObj.onunload = function() {\n",
|
||
|
" fig.ws.close();\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" this.ws.onmessage = this._make_on_message_function(this);\n",
|
||
|
"\n",
|
||
|
" this.ondownload = ondownload;\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._init_header = function() {\n",
|
||
|
" var titlebar = $(\n",
|
||
|
" '<div class=\"ui-dialog-titlebar ui-widget-header ui-corner-all ' +\n",
|
||
|
" 'ui-helper-clearfix\"/>');\n",
|
||
|
" var titletext = $(\n",
|
||
|
" '<div class=\"ui-dialog-title\" style=\"width: 100%; ' +\n",
|
||
|
" 'text-align: center; padding: 3px;\"/>');\n",
|
||
|
" titlebar.append(titletext)\n",
|
||
|
" this.root.append(titlebar);\n",
|
||
|
" this.header = titletext[0];\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._canvas_extra_style = function(canvas_div) {\n",
|
||
|
"\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._root_extra_style = function(canvas_div) {\n",
|
||
|
"\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._init_canvas = function() {\n",
|
||
|
" var fig = this;\n",
|
||
|
"\n",
|
||
|
" var canvas_div = $('<div/>');\n",
|
||
|
"\n",
|
||
|
" canvas_div.attr('style', 'position: relative; clear: both; outline: 0');\n",
|
||
|
"\n",
|
||
|
" function canvas_keyboard_event(event) {\n",
|
||
|
" return fig.key_event(event, event['data']);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" canvas_div.keydown('key_press', canvas_keyboard_event);\n",
|
||
|
" canvas_div.keyup('key_release', canvas_keyboard_event);\n",
|
||
|
" this.canvas_div = canvas_div\n",
|
||
|
" this._canvas_extra_style(canvas_div)\n",
|
||
|
" this.root.append(canvas_div);\n",
|
||
|
"\n",
|
||
|
" var canvas = $('<canvas/>');\n",
|
||
|
" canvas.addClass('mpl-canvas');\n",
|
||
|
" canvas.attr('style', \"left: 0; top: 0; z-index: 0; outline: 0\")\n",
|
||
|
"\n",
|
||
|
" this.canvas = canvas[0];\n",
|
||
|
" this.context = canvas[0].getContext(\"2d\");\n",
|
||
|
"\n",
|
||
|
" var backingStore = this.context.backingStorePixelRatio ||\n",
|
||
|
"\tthis.context.webkitBackingStorePixelRatio ||\n",
|
||
|
"\tthis.context.mozBackingStorePixelRatio ||\n",
|
||
|
"\tthis.context.msBackingStorePixelRatio ||\n",
|
||
|
"\tthis.context.oBackingStorePixelRatio ||\n",
|
||
|
"\tthis.context.backingStorePixelRatio || 1;\n",
|
||
|
"\n",
|
||
|
" mpl.ratio = (window.devicePixelRatio || 1) / backingStore;\n",
|
||
|
"\n",
|
||
|
" var rubberband = $('<canvas/>');\n",
|
||
|
" rubberband.attr('style', \"position: absolute; left: 0; top: 0; z-index: 1;\")\n",
|
||
|
"\n",
|
||
|
" var pass_mouse_events = true;\n",
|
||
|
"\n",
|
||
|
" canvas_div.resizable({\n",
|
||
|
" start: function(event, ui) {\n",
|
||
|
" pass_mouse_events = false;\n",
|
||
|
" },\n",
|
||
|
" resize: function(event, ui) {\n",
|
||
|
" fig.request_resize(ui.size.width, ui.size.height);\n",
|
||
|
" },\n",
|
||
|
" stop: function(event, ui) {\n",
|
||
|
" pass_mouse_events = true;\n",
|
||
|
" fig.request_resize(ui.size.width, ui.size.height);\n",
|
||
|
" },\n",
|
||
|
" });\n",
|
||
|
"\n",
|
||
|
" function mouse_event_fn(event) {\n",
|
||
|
" if (pass_mouse_events)\n",
|
||
|
" return fig.mouse_event(event, event['data']);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" rubberband.mousedown('button_press', mouse_event_fn);\n",
|
||
|
" rubberband.mouseup('button_release', mouse_event_fn);\n",
|
||
|
" // Throttle sequential mouse events to 1 every 20ms.\n",
|
||
|
" rubberband.mousemove('motion_notify', mouse_event_fn);\n",
|
||
|
"\n",
|
||
|
" rubberband.mouseenter('figure_enter', mouse_event_fn);\n",
|
||
|
" rubberband.mouseleave('figure_leave', mouse_event_fn);\n",
|
||
|
"\n",
|
||
|
" canvas_div.on(\"wheel\", function (event) {\n",
|
||
|
" event = event.originalEvent;\n",
|
||
|
" event['data'] = 'scroll'\n",
|
||
|
" if (event.deltaY < 0) {\n",
|
||
|
" event.step = 1;\n",
|
||
|
" } else {\n",
|
||
|
" event.step = -1;\n",
|
||
|
" }\n",
|
||
|
" mouse_event_fn(event);\n",
|
||
|
" });\n",
|
||
|
"\n",
|
||
|
" canvas_div.append(canvas);\n",
|
||
|
" canvas_div.append(rubberband);\n",
|
||
|
"\n",
|
||
|
" this.rubberband = rubberband;\n",
|
||
|
" this.rubberband_canvas = rubberband[0];\n",
|
||
|
" this.rubberband_context = rubberband[0].getContext(\"2d\");\n",
|
||
|
" this.rubberband_context.strokeStyle = \"#000000\";\n",
|
||
|
"\n",
|
||
|
" this._resize_canvas = function(width, height) {\n",
|
||
|
" // Keep the size of the canvas, canvas container, and rubber band\n",
|
||
|
" // canvas in synch.\n",
|
||
|
" canvas_div.css('width', width)\n",
|
||
|
" canvas_div.css('height', height)\n",
|
||
|
"\n",
|
||
|
" canvas.attr('width', width * mpl.ratio);\n",
|
||
|
" canvas.attr('height', height * mpl.ratio);\n",
|
||
|
" canvas.attr('style', 'width: ' + width + 'px; height: ' + height + 'px;');\n",
|
||
|
"\n",
|
||
|
" rubberband.attr('width', width);\n",
|
||
|
" rubberband.attr('height', height);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" // Set the figure to an initial 600x600px, this will subsequently be updated\n",
|
||
|
" // upon first draw.\n",
|
||
|
" this._resize_canvas(600, 600);\n",
|
||
|
"\n",
|
||
|
" // Disable right mouse context menu.\n",
|
||
|
" $(this.rubberband_canvas).bind(\"contextmenu\",function(e){\n",
|
||
|
" return false;\n",
|
||
|
" });\n",
|
||
|
"\n",
|
||
|
" function set_focus () {\n",
|
||
|
" canvas.focus();\n",
|
||
|
" canvas_div.focus();\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" window.setTimeout(set_focus, 100);\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._init_toolbar = function() {\n",
|
||
|
" var fig = this;\n",
|
||
|
"\n",
|
||
|
" var nav_element = $('<div/>');\n",
|
||
|
" nav_element.attr('style', 'width: 100%');\n",
|
||
|
" this.root.append(nav_element);\n",
|
||
|
"\n",
|
||
|
" // Define a callback function for later on.\n",
|
||
|
" function toolbar_event(event) {\n",
|
||
|
" return fig.toolbar_button_onclick(event['data']);\n",
|
||
|
" }\n",
|
||
|
" function toolbar_mouse_event(event) {\n",
|
||
|
" return fig.toolbar_button_onmouseover(event['data']);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" for(var toolbar_ind in mpl.toolbar_items) {\n",
|
||
|
" var name = mpl.toolbar_items[toolbar_ind][0];\n",
|
||
|
" var tooltip = mpl.toolbar_items[toolbar_ind][1];\n",
|
||
|
" var image = mpl.toolbar_items[toolbar_ind][2];\n",
|
||
|
" var method_name = mpl.toolbar_items[toolbar_ind][3];\n",
|
||
|
"\n",
|
||
|
" if (!name) {\n",
|
||
|
" // put a spacer in here.\n",
|
||
|
" continue;\n",
|
||
|
" }\n",
|
||
|
" var button = $('<button/>');\n",
|
||
|
" button.addClass('ui-button ui-widget ui-state-default ui-corner-all ' +\n",
|
||
|
" 'ui-button-icon-only');\n",
|
||
|
" button.attr('role', 'button');\n",
|
||
|
" button.attr('aria-disabled', 'false');\n",
|
||
|
" button.click(method_name, toolbar_event);\n",
|
||
|
" button.mouseover(tooltip, toolbar_mouse_event);\n",
|
||
|
"\n",
|
||
|
" var icon_img = $('<span/>');\n",
|
||
|
" icon_img.addClass('ui-button-icon-primary ui-icon');\n",
|
||
|
" icon_img.addClass(image);\n",
|
||
|
" icon_img.addClass('ui-corner-all');\n",
|
||
|
"\n",
|
||
|
" var tooltip_span = $('<span/>');\n",
|
||
|
" tooltip_span.addClass('ui-button-text');\n",
|
||
|
" tooltip_span.html(tooltip);\n",
|
||
|
"\n",
|
||
|
" button.append(icon_img);\n",
|
||
|
" button.append(tooltip_span);\n",
|
||
|
"\n",
|
||
|
" nav_element.append(button);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" var fmt_picker_span = $('<span/>');\n",
|
||
|
"\n",
|
||
|
" var fmt_picker = $('<select/>');\n",
|
||
|
" fmt_picker.addClass('mpl-toolbar-option ui-widget ui-widget-content');\n",
|
||
|
" fmt_picker_span.append(fmt_picker);\n",
|
||
|
" nav_element.append(fmt_picker_span);\n",
|
||
|
" this.format_dropdown = fmt_picker[0];\n",
|
||
|
"\n",
|
||
|
" for (var ind in mpl.extensions) {\n",
|
||
|
" var fmt = mpl.extensions[ind];\n",
|
||
|
" var option = $(\n",
|
||
|
" '<option/>', {selected: fmt === mpl.default_extension}).html(fmt);\n",
|
||
|
" fmt_picker.append(option);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" // Add hover states to the ui-buttons\n",
|
||
|
" $( \".ui-button\" ).hover(\n",
|
||
|
" function() { $(this).addClass(\"ui-state-hover\");},\n",
|
||
|
" function() { $(this).removeClass(\"ui-state-hover\");}\n",
|
||
|
" );\n",
|
||
|
"\n",
|
||
|
" var status_bar = $('<span class=\"mpl-message\"/>');\n",
|
||
|
" nav_element.append(status_bar);\n",
|
||
|
" this.message = status_bar[0];\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.request_resize = function(x_pixels, y_pixels) {\n",
|
||
|
" // Request matplotlib to resize the figure. Matplotlib will then trigger a resize in the client,\n",
|
||
|
" // which will in turn request a refresh of the image.\n",
|
||
|
" this.send_message('resize', {'width': x_pixels, 'height': y_pixels});\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.send_message = function(type, properties) {\n",
|
||
|
" properties['type'] = type;\n",
|
||
|
" properties['figure_id'] = this.id;\n",
|
||
|
" this.ws.send(JSON.stringify(properties));\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.send_draw_message = function() {\n",
|
||
|
" if (!this.waiting) {\n",
|
||
|
" this.waiting = true;\n",
|
||
|
" this.ws.send(JSON.stringify({type: \"draw\", figure_id: this.id}));\n",
|
||
|
" }\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_save = function(fig, msg) {\n",
|
||
|
" var format_dropdown = fig.format_dropdown;\n",
|
||
|
" var format = format_dropdown.options[format_dropdown.selectedIndex].value;\n",
|
||
|
" fig.ondownload(fig, format);\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_resize = function(fig, msg) {\n",
|
||
|
" var size = msg['size'];\n",
|
||
|
" if (size[0] != fig.canvas.width || size[1] != fig.canvas.height) {\n",
|
||
|
" fig._resize_canvas(size[0], size[1]);\n",
|
||
|
" fig.send_message(\"refresh\", {});\n",
|
||
|
" };\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_rubberband = function(fig, msg) {\n",
|
||
|
" var x0 = msg['x0'] / mpl.ratio;\n",
|
||
|
" var y0 = (fig.canvas.height - msg['y0']) / mpl.ratio;\n",
|
||
|
" var x1 = msg['x1'] / mpl.ratio;\n",
|
||
|
" var y1 = (fig.canvas.height - msg['y1']) / mpl.ratio;\n",
|
||
|
" x0 = Math.floor(x0) + 0.5;\n",
|
||
|
" y0 = Math.floor(y0) + 0.5;\n",
|
||
|
" x1 = Math.floor(x1) + 0.5;\n",
|
||
|
" y1 = Math.floor(y1) + 0.5;\n",
|
||
|
" var min_x = Math.min(x0, x1);\n",
|
||
|
" var min_y = Math.min(y0, y1);\n",
|
||
|
" var width = Math.abs(x1 - x0);\n",
|
||
|
" var height = Math.abs(y1 - y0);\n",
|
||
|
"\n",
|
||
|
" fig.rubberband_context.clearRect(\n",
|
||
|
" 0, 0, fig.canvas.width / mpl.ratio, fig.canvas.height / mpl.ratio);\n",
|
||
|
"\n",
|
||
|
" fig.rubberband_context.strokeRect(min_x, min_y, width, height);\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_figure_label = function(fig, msg) {\n",
|
||
|
" // Updates the figure title.\n",
|
||
|
" fig.header.textContent = msg['label'];\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_cursor = function(fig, msg) {\n",
|
||
|
" var cursor = msg['cursor'];\n",
|
||
|
" switch(cursor)\n",
|
||
|
" {\n",
|
||
|
" case 0:\n",
|
||
|
" cursor = 'pointer';\n",
|
||
|
" break;\n",
|
||
|
" case 1:\n",
|
||
|
" cursor = 'default';\n",
|
||
|
" break;\n",
|
||
|
" case 2:\n",
|
||
|
" cursor = 'crosshair';\n",
|
||
|
" break;\n",
|
||
|
" case 3:\n",
|
||
|
" cursor = 'move';\n",
|
||
|
" break;\n",
|
||
|
" }\n",
|
||
|
" fig.rubberband_canvas.style.cursor = cursor;\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_message = function(fig, msg) {\n",
|
||
|
" fig.message.textContent = msg['message'];\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_draw = function(fig, msg) {\n",
|
||
|
" // Request the server to send over a new figure.\n",
|
||
|
" fig.send_draw_message();\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_image_mode = function(fig, msg) {\n",
|
||
|
" fig.image_mode = msg['mode'];\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.updated_canvas_event = function() {\n",
|
||
|
" // Called whenever the canvas gets updated.\n",
|
||
|
" this.send_message(\"ack\", {});\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"// A function to construct a web socket function for onmessage handling.\n",
|
||
|
"// Called in the figure constructor.\n",
|
||
|
"mpl.figure.prototype._make_on_message_function = function(fig) {\n",
|
||
|
" return function socket_on_message(evt) {\n",
|
||
|
" if (evt.data instanceof Blob) {\n",
|
||
|
" /* FIXME: We get \"Resource interpreted as Image but\n",
|
||
|
" * transferred with MIME type text/plain:\" errors on\n",
|
||
|
" * Chrome. But how to set the MIME type? It doesn't seem\n",
|
||
|
" * to be part of the websocket stream */\n",
|
||
|
" evt.data.type = \"image/png\";\n",
|
||
|
"\n",
|
||
|
" /* Free the memory for the previous frames */\n",
|
||
|
" if (fig.imageObj.src) {\n",
|
||
|
" (window.URL || window.webkitURL).revokeObjectURL(\n",
|
||
|
" fig.imageObj.src);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" fig.imageObj.src = (window.URL || window.webkitURL).createObjectURL(\n",
|
||
|
" evt.data);\n",
|
||
|
" fig.updated_canvas_event();\n",
|
||
|
" fig.waiting = false;\n",
|
||
|
" return;\n",
|
||
|
" }\n",
|
||
|
" else if (typeof evt.data === 'string' && evt.data.slice(0, 21) == \"data:image/png;base64\") {\n",
|
||
|
" fig.imageObj.src = evt.data;\n",
|
||
|
" fig.updated_canvas_event();\n",
|
||
|
" fig.waiting = false;\n",
|
||
|
" return;\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" var msg = JSON.parse(evt.data);\n",
|
||
|
" var msg_type = msg['type'];\n",
|
||
|
"\n",
|
||
|
" // Call the \"handle_{type}\" callback, which takes\n",
|
||
|
" // the figure and JSON message as its only arguments.\n",
|
||
|
" try {\n",
|
||
|
" var callback = fig[\"handle_\" + msg_type];\n",
|
||
|
" } catch (e) {\n",
|
||
|
" console.log(\"No handler for the '\" + msg_type + \"' message type: \", msg);\n",
|
||
|
" return;\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" if (callback) {\n",
|
||
|
" try {\n",
|
||
|
" // console.log(\"Handling '\" + msg_type + \"' message: \", msg);\n",
|
||
|
" callback(fig, msg);\n",
|
||
|
" } catch (e) {\n",
|
||
|
" console.log(\"Exception inside the 'handler_\" + msg_type + \"' callback:\", e, e.stack, msg);\n",
|
||
|
" }\n",
|
||
|
" }\n",
|
||
|
" };\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"// from http://stackoverflow.com/questions/1114465/getting-mouse-location-in-canvas\n",
|
||
|
"mpl.findpos = function(e) {\n",
|
||
|
" //this section is from http://www.quirksmode.org/js/events_properties.html\n",
|
||
|
" var targ;\n",
|
||
|
" if (!e)\n",
|
||
|
" e = window.event;\n",
|
||
|
" if (e.target)\n",
|
||
|
" targ = e.target;\n",
|
||
|
" else if (e.srcElement)\n",
|
||
|
" targ = e.srcElement;\n",
|
||
|
" if (targ.nodeType == 3) // defeat Safari bug\n",
|
||
|
" targ = targ.parentNode;\n",
|
||
|
"\n",
|
||
|
" // jQuery normalizes the pageX and pageY\n",
|
||
|
" // pageX,Y are the mouse positions relative to the document\n",
|
||
|
" // offset() returns the position of the element relative to the document\n",
|
||
|
" var x = e.pageX - $(targ).offset().left;\n",
|
||
|
" var y = e.pageY - $(targ).offset().top;\n",
|
||
|
"\n",
|
||
|
" return {\"x\": x, \"y\": y};\n",
|
||
|
"};\n",
|
||
|
"\n",
|
||
|
"/*\n",
|
||
|
" * return a copy of an object with only non-object keys\n",
|
||
|
" * we need this to avoid circular references\n",
|
||
|
" * http://stackoverflow.com/a/24161582/3208463\n",
|
||
|
" */\n",
|
||
|
"function simpleKeys (original) {\n",
|
||
|
" return Object.keys(original).reduce(function (obj, key) {\n",
|
||
|
" if (typeof original[key] !== 'object')\n",
|
||
|
" obj[key] = original[key]\n",
|
||
|
" return obj;\n",
|
||
|
" }, {});\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.mouse_event = function(event, name) {\n",
|
||
|
" var canvas_pos = mpl.findpos(event)\n",
|
||
|
"\n",
|
||
|
" if (name === 'button_press')\n",
|
||
|
" {\n",
|
||
|
" this.canvas.focus();\n",
|
||
|
" this.canvas_div.focus();\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" var x = canvas_pos.x * mpl.ratio;\n",
|
||
|
" var y = canvas_pos.y * mpl.ratio;\n",
|
||
|
"\n",
|
||
|
" this.send_message(name, {x: x, y: y, button: event.button,\n",
|
||
|
" step: event.step,\n",
|
||
|
" guiEvent: simpleKeys(event)});\n",
|
||
|
"\n",
|
||
|
" /* This prevents the web browser from automatically changing to\n",
|
||
|
" * the text insertion cursor when the button is pressed. We want\n",
|
||
|
" * to control all of the cursor setting manually through the\n",
|
||
|
" * 'cursor' event from matplotlib */\n",
|
||
|
" event.preventDefault();\n",
|
||
|
" return false;\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._key_event_extra = function(event, name) {\n",
|
||
|
" // Handle any extra behaviour associated with a key event\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.key_event = function(event, name) {\n",
|
||
|
"\n",
|
||
|
" // Prevent repeat events\n",
|
||
|
" if (name == 'key_press')\n",
|
||
|
" {\n",
|
||
|
" if (event.which === this._key)\n",
|
||
|
" return;\n",
|
||
|
" else\n",
|
||
|
" this._key = event.which;\n",
|
||
|
" }\n",
|
||
|
" if (name == 'key_release')\n",
|
||
|
" this._key = null;\n",
|
||
|
"\n",
|
||
|
" var value = '';\n",
|
||
|
" if (event.ctrlKey && event.which != 17)\n",
|
||
|
" value += \"ctrl+\";\n",
|
||
|
" if (event.altKey && event.which != 18)\n",
|
||
|
" value += \"alt+\";\n",
|
||
|
" if (event.shiftKey && event.which != 16)\n",
|
||
|
" value += \"shift+\";\n",
|
||
|
"\n",
|
||
|
" value += 'k';\n",
|
||
|
" value += event.which.toString();\n",
|
||
|
"\n",
|
||
|
" this._key_event_extra(event, name);\n",
|
||
|
"\n",
|
||
|
" this.send_message(name, {key: value,\n",
|
||
|
" guiEvent: simpleKeys(event)});\n",
|
||
|
" return false;\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.toolbar_button_onclick = function(name) {\n",
|
||
|
" if (name == 'download') {\n",
|
||
|
" this.handle_save(this, null);\n",
|
||
|
" } else {\n",
|
||
|
" this.send_message(\"toolbar_button\", {name: name});\n",
|
||
|
" }\n",
|
||
|
"};\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.toolbar_button_onmouseover = function(tooltip) {\n",
|
||
|
" this.message.textContent = tooltip;\n",
|
||
|
"};\n",
|
||
|
"mpl.toolbar_items = [[\"Home\", \"Reset original view\", \"fa fa-home icon-home\", \"home\"], [\"Back\", \"Back to previous view\", \"fa fa-arrow-left icon-arrow-left\", \"back\"], [\"Forward\", \"Forward to next view\", \"fa fa-arrow-right icon-arrow-right\", \"forward\"], [\"\", \"\", \"\", \"\"], [\"Pan\", \"Pan axes with left mouse, zoom with right\", \"fa fa-arrows icon-move\", \"pan\"], [\"Zoom\", \"Zoom to rectangle\", \"fa fa-square-o icon-check-empty\", \"zoom\"], [\"\", \"\", \"\", \"\"], [\"Download\", \"Download plot\", \"fa fa-floppy-o icon-save\", \"download\"]];\n",
|
||
|
"\n",
|
||
|
"mpl.extensions = [\"eps\", \"pdf\", \"png\", \"ps\", \"raw\", \"svg\"];\n",
|
||
|
"\n",
|
||
|
"mpl.default_extension = \"png\";var comm_websocket_adapter = function(comm) {\n",
|
||
|
" // Create a \"websocket\"-like object which calls the given IPython comm\n",
|
||
|
" // object with the appropriate methods. Currently this is a non binary\n",
|
||
|
" // socket, so there is still some room for performance tuning.\n",
|
||
|
" var ws = {};\n",
|
||
|
"\n",
|
||
|
" ws.close = function() {\n",
|
||
|
" comm.close()\n",
|
||
|
" };\n",
|
||
|
" ws.send = function(m) {\n",
|
||
|
" //console.log('sending', m);\n",
|
||
|
" comm.send(m);\n",
|
||
|
" };\n",
|
||
|
" // Register the callback with on_msg.\n",
|
||
|
" comm.on_msg(function(msg) {\n",
|
||
|
" //console.log('receiving', msg['content']['data'], msg);\n",
|
||
|
" // Pass the mpl event to the overridden (by mpl) onmessage function.\n",
|
||
|
" ws.onmessage(msg['content']['data'])\n",
|
||
|
" });\n",
|
||
|
" return ws;\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.mpl_figure_comm = function(comm, msg) {\n",
|
||
|
" // This is the function which gets called when the mpl process\n",
|
||
|
" // starts-up an IPython Comm through the \"matplotlib\" channel.\n",
|
||
|
"\n",
|
||
|
" var id = msg.content.data.id;\n",
|
||
|
" // Get hold of the div created by the display call when the Comm\n",
|
||
|
" // socket was opened in Python.\n",
|
||
|
" var element = $(\"#\" + id);\n",
|
||
|
" var ws_proxy = comm_websocket_adapter(comm)\n",
|
||
|
"\n",
|
||
|
" function ondownload(figure, format) {\n",
|
||
|
" window.open(figure.imageObj.src);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" var fig = new mpl.figure(id, ws_proxy,\n",
|
||
|
" ondownload,\n",
|
||
|
" element.get(0));\n",
|
||
|
"\n",
|
||
|
" // Call onopen now - mpl needs it, as it is assuming we've passed it a real\n",
|
||
|
" // web socket which is closed, not our websocket->open comm proxy.\n",
|
||
|
" ws_proxy.onopen();\n",
|
||
|
"\n",
|
||
|
" fig.parent_element = element.get(0);\n",
|
||
|
" fig.cell_info = mpl.find_output_cell(\"<div id='\" + id + \"'></div>\");\n",
|
||
|
" if (!fig.cell_info) {\n",
|
||
|
" console.error(\"Failed to find cell for figure\", id, fig);\n",
|
||
|
" return;\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" var output_index = fig.cell_info[2]\n",
|
||
|
" var cell = fig.cell_info[0];\n",
|
||
|
"\n",
|
||
|
"};\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_close = function(fig, msg) {\n",
|
||
|
" var width = fig.canvas.width/mpl.ratio\n",
|
||
|
" fig.root.unbind('remove')\n",
|
||
|
"\n",
|
||
|
" // Update the output cell to use the data from the current canvas.\n",
|
||
|
" fig.push_to_output();\n",
|
||
|
" var dataURL = fig.canvas.toDataURL();\n",
|
||
|
" // Re-enable the keyboard manager in IPython - without this line, in FF,\n",
|
||
|
" // the notebook keyboard shortcuts fail.\n",
|
||
|
" IPython.keyboard_manager.enable()\n",
|
||
|
" $(fig.parent_element).html('<img src=\"' + dataURL + '\" width=\"' + width + '\">');\n",
|
||
|
" fig.close_ws(fig, msg);\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.close_ws = function(fig, msg){\n",
|
||
|
" fig.send_message('closing', msg);\n",
|
||
|
" // fig.ws.close()\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.push_to_output = function(remove_interactive) {\n",
|
||
|
" // Turn the data on the canvas into data in the output cell.\n",
|
||
|
" var width = this.canvas.width/mpl.ratio\n",
|
||
|
" var dataURL = this.canvas.toDataURL();\n",
|
||
|
" this.cell_info[1]['text/html'] = '<img src=\"' + dataURL + '\" width=\"' + width + '\">';\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.updated_canvas_event = function() {\n",
|
||
|
" // Tell IPython that the notebook contents must change.\n",
|
||
|
" IPython.notebook.set_dirty(true);\n",
|
||
|
" this.send_message(\"ack\", {});\n",
|
||
|
" var fig = this;\n",
|
||
|
" // Wait a second, then push the new image to the DOM so\n",
|
||
|
" // that it is saved nicely (might be nice to debounce this).\n",
|
||
|
" setTimeout(function () { fig.push_to_output() }, 1000);\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._init_toolbar = function() {\n",
|
||
|
" var fig = this;\n",
|
||
|
"\n",
|
||
|
" var nav_element = $('<div/>');\n",
|
||
|
" nav_element.attr('style', 'width: 100%');\n",
|
||
|
" this.root.append(nav_element);\n",
|
||
|
"\n",
|
||
|
" // Define a callback function for later on.\n",
|
||
|
" function toolbar_event(event) {\n",
|
||
|
" return fig.toolbar_button_onclick(event['data']);\n",
|
||
|
" }\n",
|
||
|
" function toolbar_mouse_event(event) {\n",
|
||
|
" return fig.toolbar_button_onmouseover(event['data']);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" for(var toolbar_ind in mpl.toolbar_items){\n",
|
||
|
" var name = mpl.toolbar_items[toolbar_ind][0];\n",
|
||
|
" var tooltip = mpl.toolbar_items[toolbar_ind][1];\n",
|
||
|
" var image = mpl.toolbar_items[toolbar_ind][2];\n",
|
||
|
" var method_name = mpl.toolbar_items[toolbar_ind][3];\n",
|
||
|
"\n",
|
||
|
" if (!name) { continue; };\n",
|
||
|
"\n",
|
||
|
" var button = $('<button class=\"btn btn-default\" href=\"#\" title=\"' + name + '\"><i class=\"fa ' + image + ' fa-lg\"></i></button>');\n",
|
||
|
" button.click(method_name, toolbar_event);\n",
|
||
|
" button.mouseover(tooltip, toolbar_mouse_event);\n",
|
||
|
" nav_element.append(button);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" // Add the status bar.\n",
|
||
|
" var status_bar = $('<span class=\"mpl-message\" style=\"text-align:right; float: right;\"/>');\n",
|
||
|
" nav_element.append(status_bar);\n",
|
||
|
" this.message = status_bar[0];\n",
|
||
|
"\n",
|
||
|
" // Add the close button to the window.\n",
|
||
|
" var buttongrp = $('<div class=\"btn-group inline pull-right\"></div>');\n",
|
||
|
" var button = $('<button class=\"btn btn-mini btn-primary\" href=\"#\" title=\"Stop Interaction\"><i class=\"fa fa-power-off icon-remove icon-large\"></i></button>');\n",
|
||
|
" button.click(function (evt) { fig.handle_close(fig, {}); } );\n",
|
||
|
" button.mouseover('Stop Interaction', toolbar_mouse_event);\n",
|
||
|
" buttongrp.append(button);\n",
|
||
|
" var titlebar = this.root.find($('.ui-dialog-titlebar'));\n",
|
||
|
" titlebar.prepend(buttongrp);\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._root_extra_style = function(el){\n",
|
||
|
" var fig = this\n",
|
||
|
" el.on(\"remove\", function(){\n",
|
||
|
"\tfig.close_ws(fig, {});\n",
|
||
|
" });\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._canvas_extra_style = function(el){\n",
|
||
|
" // this is important to make the div 'focusable\n",
|
||
|
" el.attr('tabindex', 0)\n",
|
||
|
" // reach out to IPython and tell the keyboard manager to turn it's self\n",
|
||
|
" // off when our div gets focus\n",
|
||
|
"\n",
|
||
|
" // location in version 3\n",
|
||
|
" if (IPython.notebook.keyboard_manager) {\n",
|
||
|
" IPython.notebook.keyboard_manager.register_events(el);\n",
|
||
|
" }\n",
|
||
|
" else {\n",
|
||
|
" // location in version 2\n",
|
||
|
" IPython.keyboard_manager.register_events(el);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._key_event_extra = function(event, name) {\n",
|
||
|
" var manager = IPython.notebook.keyboard_manager;\n",
|
||
|
" if (!manager)\n",
|
||
|
" manager = IPython.keyboard_manager;\n",
|
||
|
"\n",
|
||
|
" // Check for shift+enter\n",
|
||
|
" if (event.shiftKey && event.which == 13) {\n",
|
||
|
" this.canvas_div.blur();\n",
|
||
|
" // select the cell after this one\n",
|
||
|
" var index = IPython.notebook.find_cell_index(this.cell_info[0]);\n",
|
||
|
" IPython.notebook.select(index + 1);\n",
|
||
|
" }\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_save = function(fig, msg) {\n",
|
||
|
" fig.ondownload(fig, null);\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"\n",
|
||
|
"mpl.find_output_cell = function(html_output) {\n",
|
||
|
" // Return the cell and output element which can be found *uniquely* in the notebook.\n",
|
||
|
" // Note - this is a bit hacky, but it is done because the \"notebook_saving.Notebook\"\n",
|
||
|
" // IPython event is triggered only after the cells have been serialised, which for\n",
|
||
|
" // our purposes (turning an active figure into a static one), is too late.\n",
|
||
|
" var cells = IPython.notebook.get_cells();\n",
|
||
|
" var ncells = cells.length;\n",
|
||
|
" for (var i=0; i<ncells; i++) {\n",
|
||
|
" var cell = cells[i];\n",
|
||
|
" if (cell.cell_type === 'code'){\n",
|
||
|
" for (var j=0; j<cell.output_area.outputs.length; j++) {\n",
|
||
|
" var data = cell.output_area.outputs[j];\n",
|
||
|
" if (data.data) {\n",
|
||
|
" // IPython >= 3 moved mimebundle to data attribute of output\n",
|
||
|
" data = data.data;\n",
|
||
|
" }\n",
|
||
|
" if (data['text/html'] == html_output) {\n",
|
||
|
" return [cell, data, j];\n",
|
||
|
" }\n",
|
||
|
" }\n",
|
||
|
" }\n",
|
||
|
" }\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"// Register the function which deals with the matplotlib target/channel.\n",
|
||
|
"// The kernel may be null if the page has been refreshed.\n",
|
||
|
"if (IPython.notebook.kernel != null) {\n",
|
||
|
" IPython.notebook.kernel.comm_manager.register_target('matplotlib', mpl.mpl_figure_comm);\n",
|
||
|
"}\n"
|
||
|
],
|
||
|
"text/plain": [
|
||
|
"<IPython.core.display.Javascript object>"
|
||
|
]
|
||
|
},
|
||
|
"metadata": {},
|
||
|
"output_type": "display_data"
|
||
|
},
|
||
|
{
|
||
|
"data": {
|
||
|
"text/html": [
|
||
|
"<img src=\"data:image/png;base64,iVBORw0KGgoAAAANSUhEUgAABRQAAAEsCAYAAACygD87AAAgAElEQVR4nOzdd3gU5fr/8UE6inj06PnaC0dEUY/KERWQoCjdgkgRC51QQkhIQnqnBUjogiIgiiA1EAjpvffeG6n0Dlbg/fuD36wpm7AJiVk49+u6nouwZXZ2du7d2c8+zzMKQgghhBBCCCGEEEIIoSOltVdACCGEEEIIIYQQQghx+5BAUQghhBBCCCGEEEIIoTMJFIUQQgghhBBCCCGEEDqTQFEIIYQQQgghhBBCCKEzCRSFEEIIIYQQQgghhBA6k0BRCCGEEEIIIYQQQgihMwkUhRBCCCGEEEIIIYQQOpNAUQghhBBCCCGEEEIIoTMJFIUQQgghhBBCCCGEEDqTQFEIIYQQQgghhBBCCKEzCRSFEEIIIYQQQgghhBA6k0BRCCGEEEIIIYQQQgihMwkUhRBCCCGEEEIIIYQQOpNAUQghhBBCCCGEEEIIoTMJFIUQQgghhBBCCCGEEDqTQFEIIYQQQgghhBBCCKEzCRSFEEIIIYQQQgghhBA6k0BRCCGEEEIIIYQQQgihMwkUhRBCCCGEEEIIIYQQOpNAUQghhBBCCCGEEEIIoTMJFIUQQgghhBBCCCGEEDqTQFEIIYQQQgghhBBCCKEzCRSFEEIIIYQQQgghhBA6k0BRCCGEEEIIIYQQQgihMwkUhRBCCCGEEEIIIYQQOpNAUQghhBBCCCGEEEIIoTMJFIUQQgghhBBCCCGEEDqTQFEIIYQQQgghhBBCCKEzCRSFEEIIIYQQQgghhBA6k0BRCCGEEEIIIYQQQgihMwkUhRBCCCGEEEIIIYQQOpNAUQghhBBCCCGEEEIIoTMJFIUQQgghhBBCCCGEEDqTQFEIIYQQQgghhBBCCKEzCRSFEEIIIYQQQgghhBA6k0BRCCGEEEIIIYQQQgihMwkUhRBCCCGEEEIIIYQQOpNAUQghhBBCCCGEEEIIoTMJFIUQQgghhBBCCCGEEDqTQFG0GkVRGmwGBgatvYp3lJKSEkxMTHj++ee55557uPvuu3n++ecxNTWltLS0ycsNCAhAURSmTp16y+vYnMtqCltbWxRF4ccff2yVx/9fcPnyZTw8PBg4cCAPPfQQ7du357777uPNN9/E3t7+lvbFv8vWrVtRFAVHR8dWW4eysjLWr1/PV199Rc+ePWnTpg2KohATE9Nq6yT+HlJDt+7atWuEh4djYWFBnz59ePDBB+nQoQPPPPMMhoaGFBcXt8p6iZYn9dM8Dh48yFdffcWLL77IAw88QLt27XjwwQcZNmwYhw8fbrX1Ei1L6qflDBo0SPMd+NixY629OkLoTAJF0WrUN82JEydqbUuWLGntVbxjbN26lU6dOqEoCk8++SSjRo3ik08+4YknnkBRFDp37sxPP/3UpGVLoCh0FRMTw8MPP4yiKHTp0oV3332Xzz77jOHDh/Pggw+iKAodO3YkICCgtVe1QfpwMLpy5UqtP8RIoHhnkxpqHgUFBZqaefTRR/noo48YNWoUjz76KIqi0LVrVyIiIlpl3UTLkfppPqNHj6ZNmza8+OKLDB8+nHHjxvHGG29o6sre3r7V1k20DKmflqOuk/rjsASK4nYigaJoNepBh2hZe/bsoU2bNnTq1Ilt27bVuO769ets3ryZDh060KZNGw4dOtTo5V+5coWcnJxm+fBrzmU1hQSKLSctLY3OnTujKAqWlpZcvny5xvXXrl1j3759dO/ena1bt7bOSupIHw5GDx48iKmpKTt27KCgoAADAwMJFO9wUkPNp7CwkCFDhhAWFlbj8t9++41JkyahKApPPPEEf/zxR6usn2h+Uj/NKzk5mdOnT9e5PDY2lnvuuYc2bdqQlZXVCmsmWoLUT8s5efIkDzzwAIMHD+bJJ5+UQFHcdiTNEa1GAsWWd+HCBe6//34URWHnzp313k79cP3Xv/7FlStX/sY11C8SKLaM69ev89JLL6EoCk5OTg3e9vz582RkZPxNa9Y0+nYwCkigeIeTGvr7/Prrr3Tr1g1FUQgNDW3t1RHNQOrn7zVt2jQURWH9+vWtvSqiGUj9tKwJEybQqVMnCgsLJVAUtyVJc0SraUygqA5PGjRoEOfPn8fExIQnn3ySdu3aYWZmVuO2np6evP/++/zjH/+gY8eO9OjRAwcHhzq/pgFcunSJxYsX8/LLL3Pvvfdyzz330L17d8aMGYO/v3+d26ekpDBs2DC6du3Kvffey/vvv09sbCybNm1CURRcXV1r3P7RRx+lbdu2Wp9TQ8N7r127xpYtW+jfvz/33nsvnTp14uWXX8bDw4M///xTp20GsHr1ahRFoW/fvje97WuvvYaiKHzzzTeay/78808URaF79+789ttvODo60qNHDzp06MDo0aNv+jwuXLiAqakpjz76KB07duSFF15g3bp1NZaryzapHvSlpqYyYsQIunXrRpcuXRg4cKDWEOWXX35h06ZNfPDBBzz99NN07NiRbt26YWBgwO7du7Vug4YCxd9//x0PDw969+7N3Xffzd13302fPn3YsmXLTbft/zofHx8UReGxxx5r1P6runLlCi4uLvTq1YtOnTpx77338vbbb9cbkqtD+7Vp6EDyjz/+YP369fTt25du3brRuXNnnn32WaZNm1bjALn6MkpLS/nss8/45z//SadOnejduzdeXl71Ppf09HQmTJjAI488QocOHXj44YeZNGkSJSUljdkkdUigeGeTGvpLS9VQda+//jqKorBjx45mW6ZoPVI/f/k76sfQ0BBFUdi0aVOzLVO0HqmfvzR3/fj6+tb4/iiBorgdSaAoWk1TAsW33nqLl156ifvvv59Ro0YxatSoGiGesbGxZk7AAQMG1Jgn8PXXX+eXX37R3Pbq1aua+V4ef/xxPv74Y8aMGcObb75Jp06d6oRaUVFRmu7+r776KuPHj6dXr1506NBB82tscwSKV69e5ZNPPkFRFLp168Z7773Hhx9+yL/+9S8UReGDDz7g2rVrOm23IUOGoCgK69atu+ltV6xYgaIofPzxx5rL1ODv6aef5v333+fuu+9mxIgRjBkzhjlz5jT4PH755Rf++9//oigKDz74IGPGjGHIkCF06NBB8zo1NlA0MjKic+fOPPfcc4wePZqXX35Z83pnZ2fXuE9GRoam16WBgQHjxo3DwMCAdu3aaX2tqj9O7UDx0qVL9OvXT/Nchg0bxvDhw7nvvvtQFEWzLYR2RkZGKIqCqalpo+978eJFevfurdn2n376KcOGDaNjx44oisK8efPq3KcpB6OXL1/m7bffRlEU7rnnHoYNG8bYsWN5/fXXadeuXY3bq8uYOHEiDz30EE888QQff/wxb731FoqicNddd+Hn51fnsffu3UuHDh1QFIXevXvz6aef8uqrr6IoCg888ACZmZmN3j4qCRTvbFJDN7RkDamuXr3KQw89hKIoBAcH3/LyROuT+rnh76iftLQ07rvvPtq3by8nN7pDSP3c0Nz1c+XKFZ566il69uzJ77//DkigKG5PEiiKVtOUQFFRFPr378/58+fr3Oann37SvMkfPXpUc/kff/zB1KlTURQFKysrzeVqeDV69Og6Ad25c+dISkrS/P/q1as8++yzKIrC8uXLNZdfv34dKysrzbo1R6C4aNEiFEVh6NChnDp1SnP5xYsXGT58OIqisHHjxoY2l4YaQuoSMoSEhKAoCk899ZTmMjVQVBSF5557jsrKSp2fh6Ojo+b1unjxoubylJQUzXCyxgaKiqLg7u5e4zr1QGfy5Mk1Lj958iQBAQF1XtuioiIef/xx2rZtS1lZmdbHqR0oTp8+HUVRmDRpUo2ersePH9eEpr6+vnW2jbhBDWObMpRcfX3fe+89Ll26pLk8JydH86Xf29u7xn2acjCqvke88847deaFqqioIDExsc4yFEVh7ty5NX6xX7VqFYqi8Pbbb9dYRnFxMV26dKFbt2515m3btm2b5kePppJA8c4mNdTyNaTavn275svvb7/9dsvLE61P6qfl6sfLy4uJEycyYcIE+vfvz1
|
||
|
],
|
||
|
"text/plain": [
|
||
|
"<IPython.core.display.HTML object>"
|
||
|
]
|
||
|
},
|
||
|
"metadata": {},
|
||
|
"output_type": "display_data"
|
||
|
}
|
||
|
],
|
||
|
"source": [
|
||
|
"model_filename = \"./trained_net/net_trainned_SLLShift_E3_03-10_21-02_0007\"\n",
|
||
|
"fresque_filename = \"./training_data_32/fresque5.ppm\"\n",
|
||
|
"net = load_net(model_filename)\n",
|
||
|
"net = net.cpu()\n",
|
||
|
"fresque = cv2.imread(fresque_filename)\n",
|
||
|
"fresque_tensor = img2tensor(fresque)\n",
|
||
|
"\n",
|
||
|
"#descripteur = net.get_descripteur(fresque,False).detach().numpy()\n",
|
||
|
"#descripteur_img=self.Relu(self.conv1(img))\n",
|
||
|
"desc = net.Relu(net.conv1(fresque_tensor)).detach().numpy()\n",
|
||
|
"\n",
|
||
|
"fig = plt.figure(figsize=(13,3))\n",
|
||
|
"\n",
|
||
|
"fs = 15\n",
|
||
|
"ax = fig.add_subplot(1,5,1)\n",
|
||
|
"ax.set_title(\"Fresque Originale\",fontsize = fs)\n",
|
||
|
"ax.set_yticks([])\n",
|
||
|
"ax.set_xticks([])\n",
|
||
|
"ax.imshow(fresque)\n",
|
||
|
"\n",
|
||
|
"for i in range(4):\n",
|
||
|
" ax = fig.add_subplot(1,5,i+2)\n",
|
||
|
" ax.set_title(\"Couche {}\".format(i+1),fontsize = fs)\n",
|
||
|
" ax.set_yticks([])\n",
|
||
|
" ax.set_xticks([])\n",
|
||
|
" ax = plt.imshow(desc[0,i,:,:],cmap=cm.coolwarm)\n",
|
||
|
" #axs[i].set_title(\"Couche {}\".format(i))\n",
|
||
|
"\n",
|
||
|
"fig.savefig(\"features_4_shift.png\",figsize=(20,8))\n",
|
||
|
"fig.show()"
|
||
|
]
|
||
|
},
|
||
|
{
|
||
|
"cell_type": "markdown",
|
||
|
"metadata": {},
|
||
|
"source": [
|
||
|
"## Affichage pour 8 Couche"
|
||
|
]
|
||
|
},
|
||
|
{
|
||
|
"cell_type": "code",
|
||
|
"execution_count": 40,
|
||
|
"metadata": {},
|
||
|
"outputs": [
|
||
|
{
|
||
|
"data": {
|
||
|
"application/javascript": [
|
||
|
"/* Put everything inside the global mpl namespace */\n",
|
||
|
"window.mpl = {};\n",
|
||
|
"\n",
|
||
|
"\n",
|
||
|
"mpl.get_websocket_type = function() {\n",
|
||
|
" if (typeof(WebSocket) !== 'undefined') {\n",
|
||
|
" return WebSocket;\n",
|
||
|
" } else if (typeof(MozWebSocket) !== 'undefined') {\n",
|
||
|
" return MozWebSocket;\n",
|
||
|
" } else {\n",
|
||
|
" alert('Your browser does not have WebSocket support. ' +\n",
|
||
|
" 'Please try Chrome, Safari or Firefox ≥ 6. ' +\n",
|
||
|
" 'Firefox 4 and 5 are also supported but you ' +\n",
|
||
|
" 'have to enable WebSockets in about:config.');\n",
|
||
|
" };\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure = function(figure_id, websocket, ondownload, parent_element) {\n",
|
||
|
" this.id = figure_id;\n",
|
||
|
"\n",
|
||
|
" this.ws = websocket;\n",
|
||
|
"\n",
|
||
|
" this.supports_binary = (this.ws.binaryType != undefined);\n",
|
||
|
"\n",
|
||
|
" if (!this.supports_binary) {\n",
|
||
|
" var warnings = document.getElementById(\"mpl-warnings\");\n",
|
||
|
" if (warnings) {\n",
|
||
|
" warnings.style.display = 'block';\n",
|
||
|
" warnings.textContent = (\n",
|
||
|
" \"This browser does not support binary websocket messages. \" +\n",
|
||
|
" \"Performance may be slow.\");\n",
|
||
|
" }\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" this.imageObj = new Image();\n",
|
||
|
"\n",
|
||
|
" this.context = undefined;\n",
|
||
|
" this.message = undefined;\n",
|
||
|
" this.canvas = undefined;\n",
|
||
|
" this.rubberband_canvas = undefined;\n",
|
||
|
" this.rubberband_context = undefined;\n",
|
||
|
" this.format_dropdown = undefined;\n",
|
||
|
"\n",
|
||
|
" this.image_mode = 'full';\n",
|
||
|
"\n",
|
||
|
" this.root = $('<div/>');\n",
|
||
|
" this._root_extra_style(this.root)\n",
|
||
|
" this.root.attr('style', 'display: inline-block');\n",
|
||
|
"\n",
|
||
|
" $(parent_element).append(this.root);\n",
|
||
|
"\n",
|
||
|
" this._init_header(this);\n",
|
||
|
" this._init_canvas(this);\n",
|
||
|
" this._init_toolbar(this);\n",
|
||
|
"\n",
|
||
|
" var fig = this;\n",
|
||
|
"\n",
|
||
|
" this.waiting = false;\n",
|
||
|
"\n",
|
||
|
" this.ws.onopen = function () {\n",
|
||
|
" fig.send_message(\"supports_binary\", {value: fig.supports_binary});\n",
|
||
|
" fig.send_message(\"send_image_mode\", {});\n",
|
||
|
" if (mpl.ratio != 1) {\n",
|
||
|
" fig.send_message(\"set_dpi_ratio\", {'dpi_ratio': mpl.ratio});\n",
|
||
|
" }\n",
|
||
|
" fig.send_message(\"refresh\", {});\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" this.imageObj.onload = function() {\n",
|
||
|
" if (fig.image_mode == 'full') {\n",
|
||
|
" // Full images could contain transparency (where diff images\n",
|
||
|
" // almost always do), so we need to clear the canvas so that\n",
|
||
|
" // there is no ghosting.\n",
|
||
|
" fig.context.clearRect(0, 0, fig.canvas.width, fig.canvas.height);\n",
|
||
|
" }\n",
|
||
|
" fig.context.drawImage(fig.imageObj, 0, 0);\n",
|
||
|
" };\n",
|
||
|
"\n",
|
||
|
" this.imageObj.onunload = function() {\n",
|
||
|
" fig.ws.close();\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" this.ws.onmessage = this._make_on_message_function(this);\n",
|
||
|
"\n",
|
||
|
" this.ondownload = ondownload;\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._init_header = function() {\n",
|
||
|
" var titlebar = $(\n",
|
||
|
" '<div class=\"ui-dialog-titlebar ui-widget-header ui-corner-all ' +\n",
|
||
|
" 'ui-helper-clearfix\"/>');\n",
|
||
|
" var titletext = $(\n",
|
||
|
" '<div class=\"ui-dialog-title\" style=\"width: 100%; ' +\n",
|
||
|
" 'text-align: center; padding: 3px;\"/>');\n",
|
||
|
" titlebar.append(titletext)\n",
|
||
|
" this.root.append(titlebar);\n",
|
||
|
" this.header = titletext[0];\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._canvas_extra_style = function(canvas_div) {\n",
|
||
|
"\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._root_extra_style = function(canvas_div) {\n",
|
||
|
"\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._init_canvas = function() {\n",
|
||
|
" var fig = this;\n",
|
||
|
"\n",
|
||
|
" var canvas_div = $('<div/>');\n",
|
||
|
"\n",
|
||
|
" canvas_div.attr('style', 'position: relative; clear: both; outline: 0');\n",
|
||
|
"\n",
|
||
|
" function canvas_keyboard_event(event) {\n",
|
||
|
" return fig.key_event(event, event['data']);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" canvas_div.keydown('key_press', canvas_keyboard_event);\n",
|
||
|
" canvas_div.keyup('key_release', canvas_keyboard_event);\n",
|
||
|
" this.canvas_div = canvas_div\n",
|
||
|
" this._canvas_extra_style(canvas_div)\n",
|
||
|
" this.root.append(canvas_div);\n",
|
||
|
"\n",
|
||
|
" var canvas = $('<canvas/>');\n",
|
||
|
" canvas.addClass('mpl-canvas');\n",
|
||
|
" canvas.attr('style', \"left: 0; top: 0; z-index: 0; outline: 0\")\n",
|
||
|
"\n",
|
||
|
" this.canvas = canvas[0];\n",
|
||
|
" this.context = canvas[0].getContext(\"2d\");\n",
|
||
|
"\n",
|
||
|
" var backingStore = this.context.backingStorePixelRatio ||\n",
|
||
|
"\tthis.context.webkitBackingStorePixelRatio ||\n",
|
||
|
"\tthis.context.mozBackingStorePixelRatio ||\n",
|
||
|
"\tthis.context.msBackingStorePixelRatio ||\n",
|
||
|
"\tthis.context.oBackingStorePixelRatio ||\n",
|
||
|
"\tthis.context.backingStorePixelRatio || 1;\n",
|
||
|
"\n",
|
||
|
" mpl.ratio = (window.devicePixelRatio || 1) / backingStore;\n",
|
||
|
"\n",
|
||
|
" var rubberband = $('<canvas/>');\n",
|
||
|
" rubberband.attr('style', \"position: absolute; left: 0; top: 0; z-index: 1;\")\n",
|
||
|
"\n",
|
||
|
" var pass_mouse_events = true;\n",
|
||
|
"\n",
|
||
|
" canvas_div.resizable({\n",
|
||
|
" start: function(event, ui) {\n",
|
||
|
" pass_mouse_events = false;\n",
|
||
|
" },\n",
|
||
|
" resize: function(event, ui) {\n",
|
||
|
" fig.request_resize(ui.size.width, ui.size.height);\n",
|
||
|
" },\n",
|
||
|
" stop: function(event, ui) {\n",
|
||
|
" pass_mouse_events = true;\n",
|
||
|
" fig.request_resize(ui.size.width, ui.size.height);\n",
|
||
|
" },\n",
|
||
|
" });\n",
|
||
|
"\n",
|
||
|
" function mouse_event_fn(event) {\n",
|
||
|
" if (pass_mouse_events)\n",
|
||
|
" return fig.mouse_event(event, event['data']);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" rubberband.mousedown('button_press', mouse_event_fn);\n",
|
||
|
" rubberband.mouseup('button_release', mouse_event_fn);\n",
|
||
|
" // Throttle sequential mouse events to 1 every 20ms.\n",
|
||
|
" rubberband.mousemove('motion_notify', mouse_event_fn);\n",
|
||
|
"\n",
|
||
|
" rubberband.mouseenter('figure_enter', mouse_event_fn);\n",
|
||
|
" rubberband.mouseleave('figure_leave', mouse_event_fn);\n",
|
||
|
"\n",
|
||
|
" canvas_div.on(\"wheel\", function (event) {\n",
|
||
|
" event = event.originalEvent;\n",
|
||
|
" event['data'] = 'scroll'\n",
|
||
|
" if (event.deltaY < 0) {\n",
|
||
|
" event.step = 1;\n",
|
||
|
" } else {\n",
|
||
|
" event.step = -1;\n",
|
||
|
" }\n",
|
||
|
" mouse_event_fn(event);\n",
|
||
|
" });\n",
|
||
|
"\n",
|
||
|
" canvas_div.append(canvas);\n",
|
||
|
" canvas_div.append(rubberband);\n",
|
||
|
"\n",
|
||
|
" this.rubberband = rubberband;\n",
|
||
|
" this.rubberband_canvas = rubberband[0];\n",
|
||
|
" this.rubberband_context = rubberband[0].getContext(\"2d\");\n",
|
||
|
" this.rubberband_context.strokeStyle = \"#000000\";\n",
|
||
|
"\n",
|
||
|
" this._resize_canvas = function(width, height) {\n",
|
||
|
" // Keep the size of the canvas, canvas container, and rubber band\n",
|
||
|
" // canvas in synch.\n",
|
||
|
" canvas_div.css('width', width)\n",
|
||
|
" canvas_div.css('height', height)\n",
|
||
|
"\n",
|
||
|
" canvas.attr('width', width * mpl.ratio);\n",
|
||
|
" canvas.attr('height', height * mpl.ratio);\n",
|
||
|
" canvas.attr('style', 'width: ' + width + 'px; height: ' + height + 'px;');\n",
|
||
|
"\n",
|
||
|
" rubberband.attr('width', width);\n",
|
||
|
" rubberband.attr('height', height);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" // Set the figure to an initial 600x600px, this will subsequently be updated\n",
|
||
|
" // upon first draw.\n",
|
||
|
" this._resize_canvas(600, 600);\n",
|
||
|
"\n",
|
||
|
" // Disable right mouse context menu.\n",
|
||
|
" $(this.rubberband_canvas).bind(\"contextmenu\",function(e){\n",
|
||
|
" return false;\n",
|
||
|
" });\n",
|
||
|
"\n",
|
||
|
" function set_focus () {\n",
|
||
|
" canvas.focus();\n",
|
||
|
" canvas_div.focus();\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" window.setTimeout(set_focus, 100);\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._init_toolbar = function() {\n",
|
||
|
" var fig = this;\n",
|
||
|
"\n",
|
||
|
" var nav_element = $('<div/>');\n",
|
||
|
" nav_element.attr('style', 'width: 100%');\n",
|
||
|
" this.root.append(nav_element);\n",
|
||
|
"\n",
|
||
|
" // Define a callback function for later on.\n",
|
||
|
" function toolbar_event(event) {\n",
|
||
|
" return fig.toolbar_button_onclick(event['data']);\n",
|
||
|
" }\n",
|
||
|
" function toolbar_mouse_event(event) {\n",
|
||
|
" return fig.toolbar_button_onmouseover(event['data']);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" for(var toolbar_ind in mpl.toolbar_items) {\n",
|
||
|
" var name = mpl.toolbar_items[toolbar_ind][0];\n",
|
||
|
" var tooltip = mpl.toolbar_items[toolbar_ind][1];\n",
|
||
|
" var image = mpl.toolbar_items[toolbar_ind][2];\n",
|
||
|
" var method_name = mpl.toolbar_items[toolbar_ind][3];\n",
|
||
|
"\n",
|
||
|
" if (!name) {\n",
|
||
|
" // put a spacer in here.\n",
|
||
|
" continue;\n",
|
||
|
" }\n",
|
||
|
" var button = $('<button/>');\n",
|
||
|
" button.addClass('ui-button ui-widget ui-state-default ui-corner-all ' +\n",
|
||
|
" 'ui-button-icon-only');\n",
|
||
|
" button.attr('role', 'button');\n",
|
||
|
" button.attr('aria-disabled', 'false');\n",
|
||
|
" button.click(method_name, toolbar_event);\n",
|
||
|
" button.mouseover(tooltip, toolbar_mouse_event);\n",
|
||
|
"\n",
|
||
|
" var icon_img = $('<span/>');\n",
|
||
|
" icon_img.addClass('ui-button-icon-primary ui-icon');\n",
|
||
|
" icon_img.addClass(image);\n",
|
||
|
" icon_img.addClass('ui-corner-all');\n",
|
||
|
"\n",
|
||
|
" var tooltip_span = $('<span/>');\n",
|
||
|
" tooltip_span.addClass('ui-button-text');\n",
|
||
|
" tooltip_span.html(tooltip);\n",
|
||
|
"\n",
|
||
|
" button.append(icon_img);\n",
|
||
|
" button.append(tooltip_span);\n",
|
||
|
"\n",
|
||
|
" nav_element.append(button);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" var fmt_picker_span = $('<span/>');\n",
|
||
|
"\n",
|
||
|
" var fmt_picker = $('<select/>');\n",
|
||
|
" fmt_picker.addClass('mpl-toolbar-option ui-widget ui-widget-content');\n",
|
||
|
" fmt_picker_span.append(fmt_picker);\n",
|
||
|
" nav_element.append(fmt_picker_span);\n",
|
||
|
" this.format_dropdown = fmt_picker[0];\n",
|
||
|
"\n",
|
||
|
" for (var ind in mpl.extensions) {\n",
|
||
|
" var fmt = mpl.extensions[ind];\n",
|
||
|
" var option = $(\n",
|
||
|
" '<option/>', {selected: fmt === mpl.default_extension}).html(fmt);\n",
|
||
|
" fmt_picker.append(option);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" // Add hover states to the ui-buttons\n",
|
||
|
" $( \".ui-button\" ).hover(\n",
|
||
|
" function() { $(this).addClass(\"ui-state-hover\");},\n",
|
||
|
" function() { $(this).removeClass(\"ui-state-hover\");}\n",
|
||
|
" );\n",
|
||
|
"\n",
|
||
|
" var status_bar = $('<span class=\"mpl-message\"/>');\n",
|
||
|
" nav_element.append(status_bar);\n",
|
||
|
" this.message = status_bar[0];\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.request_resize = function(x_pixels, y_pixels) {\n",
|
||
|
" // Request matplotlib to resize the figure. Matplotlib will then trigger a resize in the client,\n",
|
||
|
" // which will in turn request a refresh of the image.\n",
|
||
|
" this.send_message('resize', {'width': x_pixels, 'height': y_pixels});\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.send_message = function(type, properties) {\n",
|
||
|
" properties['type'] = type;\n",
|
||
|
" properties['figure_id'] = this.id;\n",
|
||
|
" this.ws.send(JSON.stringify(properties));\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.send_draw_message = function() {\n",
|
||
|
" if (!this.waiting) {\n",
|
||
|
" this.waiting = true;\n",
|
||
|
" this.ws.send(JSON.stringify({type: \"draw\", figure_id: this.id}));\n",
|
||
|
" }\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_save = function(fig, msg) {\n",
|
||
|
" var format_dropdown = fig.format_dropdown;\n",
|
||
|
" var format = format_dropdown.options[format_dropdown.selectedIndex].value;\n",
|
||
|
" fig.ondownload(fig, format);\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_resize = function(fig, msg) {\n",
|
||
|
" var size = msg['size'];\n",
|
||
|
" if (size[0] != fig.canvas.width || size[1] != fig.canvas.height) {\n",
|
||
|
" fig._resize_canvas(size[0], size[1]);\n",
|
||
|
" fig.send_message(\"refresh\", {});\n",
|
||
|
" };\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_rubberband = function(fig, msg) {\n",
|
||
|
" var x0 = msg['x0'] / mpl.ratio;\n",
|
||
|
" var y0 = (fig.canvas.height - msg['y0']) / mpl.ratio;\n",
|
||
|
" var x1 = msg['x1'] / mpl.ratio;\n",
|
||
|
" var y1 = (fig.canvas.height - msg['y1']) / mpl.ratio;\n",
|
||
|
" x0 = Math.floor(x0) + 0.5;\n",
|
||
|
" y0 = Math.floor(y0) + 0.5;\n",
|
||
|
" x1 = Math.floor(x1) + 0.5;\n",
|
||
|
" y1 = Math.floor(y1) + 0.5;\n",
|
||
|
" var min_x = Math.min(x0, x1);\n",
|
||
|
" var min_y = Math.min(y0, y1);\n",
|
||
|
" var width = Math.abs(x1 - x0);\n",
|
||
|
" var height = Math.abs(y1 - y0);\n",
|
||
|
"\n",
|
||
|
" fig.rubberband_context.clearRect(\n",
|
||
|
" 0, 0, fig.canvas.width / mpl.ratio, fig.canvas.height / mpl.ratio);\n",
|
||
|
"\n",
|
||
|
" fig.rubberband_context.strokeRect(min_x, min_y, width, height);\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_figure_label = function(fig, msg) {\n",
|
||
|
" // Updates the figure title.\n",
|
||
|
" fig.header.textContent = msg['label'];\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_cursor = function(fig, msg) {\n",
|
||
|
" var cursor = msg['cursor'];\n",
|
||
|
" switch(cursor)\n",
|
||
|
" {\n",
|
||
|
" case 0:\n",
|
||
|
" cursor = 'pointer';\n",
|
||
|
" break;\n",
|
||
|
" case 1:\n",
|
||
|
" cursor = 'default';\n",
|
||
|
" break;\n",
|
||
|
" case 2:\n",
|
||
|
" cursor = 'crosshair';\n",
|
||
|
" break;\n",
|
||
|
" case 3:\n",
|
||
|
" cursor = 'move';\n",
|
||
|
" break;\n",
|
||
|
" }\n",
|
||
|
" fig.rubberband_canvas.style.cursor = cursor;\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_message = function(fig, msg) {\n",
|
||
|
" fig.message.textContent = msg['message'];\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_draw = function(fig, msg) {\n",
|
||
|
" // Request the server to send over a new figure.\n",
|
||
|
" fig.send_draw_message();\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_image_mode = function(fig, msg) {\n",
|
||
|
" fig.image_mode = msg['mode'];\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.updated_canvas_event = function() {\n",
|
||
|
" // Called whenever the canvas gets updated.\n",
|
||
|
" this.send_message(\"ack\", {});\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"// A function to construct a web socket function for onmessage handling.\n",
|
||
|
"// Called in the figure constructor.\n",
|
||
|
"mpl.figure.prototype._make_on_message_function = function(fig) {\n",
|
||
|
" return function socket_on_message(evt) {\n",
|
||
|
" if (evt.data instanceof Blob) {\n",
|
||
|
" /* FIXME: We get \"Resource interpreted as Image but\n",
|
||
|
" * transferred with MIME type text/plain:\" errors on\n",
|
||
|
" * Chrome. But how to set the MIME type? It doesn't seem\n",
|
||
|
" * to be part of the websocket stream */\n",
|
||
|
" evt.data.type = \"image/png\";\n",
|
||
|
"\n",
|
||
|
" /* Free the memory for the previous frames */\n",
|
||
|
" if (fig.imageObj.src) {\n",
|
||
|
" (window.URL || window.webkitURL).revokeObjectURL(\n",
|
||
|
" fig.imageObj.src);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" fig.imageObj.src = (window.URL || window.webkitURL).createObjectURL(\n",
|
||
|
" evt.data);\n",
|
||
|
" fig.updated_canvas_event();\n",
|
||
|
" fig.waiting = false;\n",
|
||
|
" return;\n",
|
||
|
" }\n",
|
||
|
" else if (typeof evt.data === 'string' && evt.data.slice(0, 21) == \"data:image/png;base64\") {\n",
|
||
|
" fig.imageObj.src = evt.data;\n",
|
||
|
" fig.updated_canvas_event();\n",
|
||
|
" fig.waiting = false;\n",
|
||
|
" return;\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" var msg = JSON.parse(evt.data);\n",
|
||
|
" var msg_type = msg['type'];\n",
|
||
|
"\n",
|
||
|
" // Call the \"handle_{type}\" callback, which takes\n",
|
||
|
" // the figure and JSON message as its only arguments.\n",
|
||
|
" try {\n",
|
||
|
" var callback = fig[\"handle_\" + msg_type];\n",
|
||
|
" } catch (e) {\n",
|
||
|
" console.log(\"No handler for the '\" + msg_type + \"' message type: \", msg);\n",
|
||
|
" return;\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" if (callback) {\n",
|
||
|
" try {\n",
|
||
|
" // console.log(\"Handling '\" + msg_type + \"' message: \", msg);\n",
|
||
|
" callback(fig, msg);\n",
|
||
|
" } catch (e) {\n",
|
||
|
" console.log(\"Exception inside the 'handler_\" + msg_type + \"' callback:\", e, e.stack, msg);\n",
|
||
|
" }\n",
|
||
|
" }\n",
|
||
|
" };\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"// from http://stackoverflow.com/questions/1114465/getting-mouse-location-in-canvas\n",
|
||
|
"mpl.findpos = function(e) {\n",
|
||
|
" //this section is from http://www.quirksmode.org/js/events_properties.html\n",
|
||
|
" var targ;\n",
|
||
|
" if (!e)\n",
|
||
|
" e = window.event;\n",
|
||
|
" if (e.target)\n",
|
||
|
" targ = e.target;\n",
|
||
|
" else if (e.srcElement)\n",
|
||
|
" targ = e.srcElement;\n",
|
||
|
" if (targ.nodeType == 3) // defeat Safari bug\n",
|
||
|
" targ = targ.parentNode;\n",
|
||
|
"\n",
|
||
|
" // jQuery normalizes the pageX and pageY\n",
|
||
|
" // pageX,Y are the mouse positions relative to the document\n",
|
||
|
" // offset() returns the position of the element relative to the document\n",
|
||
|
" var x = e.pageX - $(targ).offset().left;\n",
|
||
|
" var y = e.pageY - $(targ).offset().top;\n",
|
||
|
"\n",
|
||
|
" return {\"x\": x, \"y\": y};\n",
|
||
|
"};\n",
|
||
|
"\n",
|
||
|
"/*\n",
|
||
|
" * return a copy of an object with only non-object keys\n",
|
||
|
" * we need this to avoid circular references\n",
|
||
|
" * http://stackoverflow.com/a/24161582/3208463\n",
|
||
|
" */\n",
|
||
|
"function simpleKeys (original) {\n",
|
||
|
" return Object.keys(original).reduce(function (obj, key) {\n",
|
||
|
" if (typeof original[key] !== 'object')\n",
|
||
|
" obj[key] = original[key]\n",
|
||
|
" return obj;\n",
|
||
|
" }, {});\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.mouse_event = function(event, name) {\n",
|
||
|
" var canvas_pos = mpl.findpos(event)\n",
|
||
|
"\n",
|
||
|
" if (name === 'button_press')\n",
|
||
|
" {\n",
|
||
|
" this.canvas.focus();\n",
|
||
|
" this.canvas_div.focus();\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" var x = canvas_pos.x * mpl.ratio;\n",
|
||
|
" var y = canvas_pos.y * mpl.ratio;\n",
|
||
|
"\n",
|
||
|
" this.send_message(name, {x: x, y: y, button: event.button,\n",
|
||
|
" step: event.step,\n",
|
||
|
" guiEvent: simpleKeys(event)});\n",
|
||
|
"\n",
|
||
|
" /* This prevents the web browser from automatically changing to\n",
|
||
|
" * the text insertion cursor when the button is pressed. We want\n",
|
||
|
" * to control all of the cursor setting manually through the\n",
|
||
|
" * 'cursor' event from matplotlib */\n",
|
||
|
" event.preventDefault();\n",
|
||
|
" return false;\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._key_event_extra = function(event, name) {\n",
|
||
|
" // Handle any extra behaviour associated with a key event\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.key_event = function(event, name) {\n",
|
||
|
"\n",
|
||
|
" // Prevent repeat events\n",
|
||
|
" if (name == 'key_press')\n",
|
||
|
" {\n",
|
||
|
" if (event.which === this._key)\n",
|
||
|
" return;\n",
|
||
|
" else\n",
|
||
|
" this._key = event.which;\n",
|
||
|
" }\n",
|
||
|
" if (name == 'key_release')\n",
|
||
|
" this._key = null;\n",
|
||
|
"\n",
|
||
|
" var value = '';\n",
|
||
|
" if (event.ctrlKey && event.which != 17)\n",
|
||
|
" value += \"ctrl+\";\n",
|
||
|
" if (event.altKey && event.which != 18)\n",
|
||
|
" value += \"alt+\";\n",
|
||
|
" if (event.shiftKey && event.which != 16)\n",
|
||
|
" value += \"shift+\";\n",
|
||
|
"\n",
|
||
|
" value += 'k';\n",
|
||
|
" value += event.which.toString();\n",
|
||
|
"\n",
|
||
|
" this._key_event_extra(event, name);\n",
|
||
|
"\n",
|
||
|
" this.send_message(name, {key: value,\n",
|
||
|
" guiEvent: simpleKeys(event)});\n",
|
||
|
" return false;\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.toolbar_button_onclick = function(name) {\n",
|
||
|
" if (name == 'download') {\n",
|
||
|
" this.handle_save(this, null);\n",
|
||
|
" } else {\n",
|
||
|
" this.send_message(\"toolbar_button\", {name: name});\n",
|
||
|
" }\n",
|
||
|
"};\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.toolbar_button_onmouseover = function(tooltip) {\n",
|
||
|
" this.message.textContent = tooltip;\n",
|
||
|
"};\n",
|
||
|
"mpl.toolbar_items = [[\"Home\", \"Reset original view\", \"fa fa-home icon-home\", \"home\"], [\"Back\", \"Back to previous view\", \"fa fa-arrow-left icon-arrow-left\", \"back\"], [\"Forward\", \"Forward to next view\", \"fa fa-arrow-right icon-arrow-right\", \"forward\"], [\"\", \"\", \"\", \"\"], [\"Pan\", \"Pan axes with left mouse, zoom with right\", \"fa fa-arrows icon-move\", \"pan\"], [\"Zoom\", \"Zoom to rectangle\", \"fa fa-square-o icon-check-empty\", \"zoom\"], [\"\", \"\", \"\", \"\"], [\"Download\", \"Download plot\", \"fa fa-floppy-o icon-save\", \"download\"]];\n",
|
||
|
"\n",
|
||
|
"mpl.extensions = [\"eps\", \"pdf\", \"png\", \"ps\", \"raw\", \"svg\"];\n",
|
||
|
"\n",
|
||
|
"mpl.default_extension = \"png\";var comm_websocket_adapter = function(comm) {\n",
|
||
|
" // Create a \"websocket\"-like object which calls the given IPython comm\n",
|
||
|
" // object with the appropriate methods. Currently this is a non binary\n",
|
||
|
" // socket, so there is still some room for performance tuning.\n",
|
||
|
" var ws = {};\n",
|
||
|
"\n",
|
||
|
" ws.close = function() {\n",
|
||
|
" comm.close()\n",
|
||
|
" };\n",
|
||
|
" ws.send = function(m) {\n",
|
||
|
" //console.log('sending', m);\n",
|
||
|
" comm.send(m);\n",
|
||
|
" };\n",
|
||
|
" // Register the callback with on_msg.\n",
|
||
|
" comm.on_msg(function(msg) {\n",
|
||
|
" //console.log('receiving', msg['content']['data'], msg);\n",
|
||
|
" // Pass the mpl event to the overridden (by mpl) onmessage function.\n",
|
||
|
" ws.onmessage(msg['content']['data'])\n",
|
||
|
" });\n",
|
||
|
" return ws;\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.mpl_figure_comm = function(comm, msg) {\n",
|
||
|
" // This is the function which gets called when the mpl process\n",
|
||
|
" // starts-up an IPython Comm through the \"matplotlib\" channel.\n",
|
||
|
"\n",
|
||
|
" var id = msg.content.data.id;\n",
|
||
|
" // Get hold of the div created by the display call when the Comm\n",
|
||
|
" // socket was opened in Python.\n",
|
||
|
" var element = $(\"#\" + id);\n",
|
||
|
" var ws_proxy = comm_websocket_adapter(comm)\n",
|
||
|
"\n",
|
||
|
" function ondownload(figure, format) {\n",
|
||
|
" window.open(figure.imageObj.src);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" var fig = new mpl.figure(id, ws_proxy,\n",
|
||
|
" ondownload,\n",
|
||
|
" element.get(0));\n",
|
||
|
"\n",
|
||
|
" // Call onopen now - mpl needs it, as it is assuming we've passed it a real\n",
|
||
|
" // web socket which is closed, not our websocket->open comm proxy.\n",
|
||
|
" ws_proxy.onopen();\n",
|
||
|
"\n",
|
||
|
" fig.parent_element = element.get(0);\n",
|
||
|
" fig.cell_info = mpl.find_output_cell(\"<div id='\" + id + \"'></div>\");\n",
|
||
|
" if (!fig.cell_info) {\n",
|
||
|
" console.error(\"Failed to find cell for figure\", id, fig);\n",
|
||
|
" return;\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" var output_index = fig.cell_info[2]\n",
|
||
|
" var cell = fig.cell_info[0];\n",
|
||
|
"\n",
|
||
|
"};\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_close = function(fig, msg) {\n",
|
||
|
" var width = fig.canvas.width/mpl.ratio\n",
|
||
|
" fig.root.unbind('remove')\n",
|
||
|
"\n",
|
||
|
" // Update the output cell to use the data from the current canvas.\n",
|
||
|
" fig.push_to_output();\n",
|
||
|
" var dataURL = fig.canvas.toDataURL();\n",
|
||
|
" // Re-enable the keyboard manager in IPython - without this line, in FF,\n",
|
||
|
" // the notebook keyboard shortcuts fail.\n",
|
||
|
" IPython.keyboard_manager.enable()\n",
|
||
|
" $(fig.parent_element).html('<img src=\"' + dataURL + '\" width=\"' + width + '\">');\n",
|
||
|
" fig.close_ws(fig, msg);\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.close_ws = function(fig, msg){\n",
|
||
|
" fig.send_message('closing', msg);\n",
|
||
|
" // fig.ws.close()\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.push_to_output = function(remove_interactive) {\n",
|
||
|
" // Turn the data on the canvas into data in the output cell.\n",
|
||
|
" var width = this.canvas.width/mpl.ratio\n",
|
||
|
" var dataURL = this.canvas.toDataURL();\n",
|
||
|
" this.cell_info[1]['text/html'] = '<img src=\"' + dataURL + '\" width=\"' + width + '\">';\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.updated_canvas_event = function() {\n",
|
||
|
" // Tell IPython that the notebook contents must change.\n",
|
||
|
" IPython.notebook.set_dirty(true);\n",
|
||
|
" this.send_message(\"ack\", {});\n",
|
||
|
" var fig = this;\n",
|
||
|
" // Wait a second, then push the new image to the DOM so\n",
|
||
|
" // that it is saved nicely (might be nice to debounce this).\n",
|
||
|
" setTimeout(function () { fig.push_to_output() }, 1000);\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._init_toolbar = function() {\n",
|
||
|
" var fig = this;\n",
|
||
|
"\n",
|
||
|
" var nav_element = $('<div/>');\n",
|
||
|
" nav_element.attr('style', 'width: 100%');\n",
|
||
|
" this.root.append(nav_element);\n",
|
||
|
"\n",
|
||
|
" // Define a callback function for later on.\n",
|
||
|
" function toolbar_event(event) {\n",
|
||
|
" return fig.toolbar_button_onclick(event['data']);\n",
|
||
|
" }\n",
|
||
|
" function toolbar_mouse_event(event) {\n",
|
||
|
" return fig.toolbar_button_onmouseover(event['data']);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" for(var toolbar_ind in mpl.toolbar_items){\n",
|
||
|
" var name = mpl.toolbar_items[toolbar_ind][0];\n",
|
||
|
" var tooltip = mpl.toolbar_items[toolbar_ind][1];\n",
|
||
|
" var image = mpl.toolbar_items[toolbar_ind][2];\n",
|
||
|
" var method_name = mpl.toolbar_items[toolbar_ind][3];\n",
|
||
|
"\n",
|
||
|
" if (!name) { continue; };\n",
|
||
|
"\n",
|
||
|
" var button = $('<button class=\"btn btn-default\" href=\"#\" title=\"' + name + '\"><i class=\"fa ' + image + ' fa-lg\"></i></button>');\n",
|
||
|
" button.click(method_name, toolbar_event);\n",
|
||
|
" button.mouseover(tooltip, toolbar_mouse_event);\n",
|
||
|
" nav_element.append(button);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
" // Add the status bar.\n",
|
||
|
" var status_bar = $('<span class=\"mpl-message\" style=\"text-align:right; float: right;\"/>');\n",
|
||
|
" nav_element.append(status_bar);\n",
|
||
|
" this.message = status_bar[0];\n",
|
||
|
"\n",
|
||
|
" // Add the close button to the window.\n",
|
||
|
" var buttongrp = $('<div class=\"btn-group inline pull-right\"></div>');\n",
|
||
|
" var button = $('<button class=\"btn btn-mini btn-primary\" href=\"#\" title=\"Stop Interaction\"><i class=\"fa fa-power-off icon-remove icon-large\"></i></button>');\n",
|
||
|
" button.click(function (evt) { fig.handle_close(fig, {}); } );\n",
|
||
|
" button.mouseover('Stop Interaction', toolbar_mouse_event);\n",
|
||
|
" buttongrp.append(button);\n",
|
||
|
" var titlebar = this.root.find($('.ui-dialog-titlebar'));\n",
|
||
|
" titlebar.prepend(buttongrp);\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._root_extra_style = function(el){\n",
|
||
|
" var fig = this\n",
|
||
|
" el.on(\"remove\", function(){\n",
|
||
|
"\tfig.close_ws(fig, {});\n",
|
||
|
" });\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._canvas_extra_style = function(el){\n",
|
||
|
" // this is important to make the div 'focusable\n",
|
||
|
" el.attr('tabindex', 0)\n",
|
||
|
" // reach out to IPython and tell the keyboard manager to turn it's self\n",
|
||
|
" // off when our div gets focus\n",
|
||
|
"\n",
|
||
|
" // location in version 3\n",
|
||
|
" if (IPython.notebook.keyboard_manager) {\n",
|
||
|
" IPython.notebook.keyboard_manager.register_events(el);\n",
|
||
|
" }\n",
|
||
|
" else {\n",
|
||
|
" // location in version 2\n",
|
||
|
" IPython.keyboard_manager.register_events(el);\n",
|
||
|
" }\n",
|
||
|
"\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype._key_event_extra = function(event, name) {\n",
|
||
|
" var manager = IPython.notebook.keyboard_manager;\n",
|
||
|
" if (!manager)\n",
|
||
|
" manager = IPython.keyboard_manager;\n",
|
||
|
"\n",
|
||
|
" // Check for shift+enter\n",
|
||
|
" if (event.shiftKey && event.which == 13) {\n",
|
||
|
" this.canvas_div.blur();\n",
|
||
|
" // select the cell after this one\n",
|
||
|
" var index = IPython.notebook.find_cell_index(this.cell_info[0]);\n",
|
||
|
" IPython.notebook.select(index + 1);\n",
|
||
|
" }\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"mpl.figure.prototype.handle_save = function(fig, msg) {\n",
|
||
|
" fig.ondownload(fig, null);\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"\n",
|
||
|
"mpl.find_output_cell = function(html_output) {\n",
|
||
|
" // Return the cell and output element which can be found *uniquely* in the notebook.\n",
|
||
|
" // Note - this is a bit hacky, but it is done because the \"notebook_saving.Notebook\"\n",
|
||
|
" // IPython event is triggered only after the cells have been serialised, which for\n",
|
||
|
" // our purposes (turning an active figure into a static one), is too late.\n",
|
||
|
" var cells = IPython.notebook.get_cells();\n",
|
||
|
" var ncells = cells.length;\n",
|
||
|
" for (var i=0; i<ncells; i++) {\n",
|
||
|
" var cell = cells[i];\n",
|
||
|
" if (cell.cell_type === 'code'){\n",
|
||
|
" for (var j=0; j<cell.output_area.outputs.length; j++) {\n",
|
||
|
" var data = cell.output_area.outputs[j];\n",
|
||
|
" if (data.data) {\n",
|
||
|
" // IPython >= 3 moved mimebundle to data attribute of output\n",
|
||
|
" data = data.data;\n",
|
||
|
" }\n",
|
||
|
" if (data['text/html'] == html_output) {\n",
|
||
|
" return [cell, data, j];\n",
|
||
|
" }\n",
|
||
|
" }\n",
|
||
|
" }\n",
|
||
|
" }\n",
|
||
|
"}\n",
|
||
|
"\n",
|
||
|
"// Register the function which deals with the matplotlib target/channel.\n",
|
||
|
"// The kernel may be null if the page has been refreshed.\n",
|
||
|
"if (IPython.notebook.kernel != null) {\n",
|
||
|
" IPython.notebook.kernel.comm_manager.register_target('matplotlib', mpl.mpl_figure_comm);\n",
|
||
|
"}\n"
|
||
|
],
|
||
|
"text/plain": [
|
||
|
"<IPython.core.display.Javascript object>"
|
||
|
]
|
||
|
},
|
||
|
"metadata": {},
|
||
|
"output_type": "display_data"
|
||
|
},
|
||
|
{
|
||
|
"data": {
|
||
|
"text/html": [
|
||
|
"<img src=\"data:image/png;base64,iVBORw0KGgoAAAANSUhEUgAABqQAAAPoCAYAAAC4cp+IAAAgAElEQVR4nOzdZ3Bl532g+V5r5dm1Z2pqZ8ez9tgaWaKyZEmmLEqWRCpbM5I81lgjK7LJDuwcgEbOaACdMzswNJvsnNANdKORc873XuACuMgZjQY6kN0klezRPPuBI1ZpXKrZrZ1riVvPr+pfp+5b51SdT+fLU+97lyBJkiRJkiRJkiRF0ZLf9AtIkiRJkiRJkiTp/98MUpIkSZIkSZIkSYoqg5QkSZIkSZIkSZKiyiAlSZIkSZIkSZKkqDJISZIkSZIkSZIkKaoMUpIkSZIkSZIkSYoqg5QkSZIkSZIkSZKiyiAlSZIkSZIkSZKkqDJISZIkSZIkSZIkKaoMUpIkSZIkSZIkSYoqg5QkSZIkSZIkSZKiyiAlSZIkSZIkSZKkqDJISZIkSZIkSZIkKaoMUpIkSZIkSZIkSYoqg5QkSZIkSZIkSZKiyiAlSZIkSZIkSZKkqDJISZIkSZIkSZIkKaoMUpIkSZIkSZIkSYoqg5QkSZIkSZIkSZKiyiAlSZIkSZIkSZKkqDJISZIkSZIkSZIkKaoMUpIkSZIkSZIkSYoqg5QkSZIkSZIkSZKiyiAlSZIkSZIkSZKkqDJISZIkSZIkSZIkKaoMUpIkSZIkSZIkSYoqg5QkSZIkSZIkSZKiyiAlSZIkSZIkSZKkqDJISZIkSZIkSZIkKaoMUpIkSZIkSZIkSYoqg5QkSZIkSZIkSZKiyiAlSZIkSZIkSZKkqDJISZIkSZIkSZIkKaoMUpIkSZIkSZIkSYoqg5QkSZIkSZIkSZKiyiAlSZIkSZIkSZKkqDJISZIkSZIkSZIkKaoMUpIkSZIkSZIkSYoqg5QkSZIkSZIkSZKiyiAlSZIkSZIkSZKkqDJISZIkSZIkSZIkKaoMUpIkSZIkSZIkSYoqg5QkSZIkSZIkSZKiyiAlSZIkSZIkSZKkqDJISZIkSZIkSZIkKaoMUpIkSZIkSZIkSYoqg5QkSZIkSZIkSZKiyiAlSZIkSZIkSZKkqDJISZIkSZIkSZIkKaoMUpIkSZIkSZIkSYoqg5QkSZIkSZIkSZKiyiAlSZIkSZIkSZKkqDJISZIkSZIkSZIkKaoMUpIkSZIkSZIkSYoqg5QkSZIkSZIkSZKiyiAlSZIkSZIkSZKkqDJISZIkSZIkSZIkKaoMUpIkSZIkSZIkSYoqg5QkSZIkSZIkSZKiyiAlSZIkSZIkSZKkqDJISZIkSZIkSZIkKaoMUpIkSZIkSZIkSYoqg5QkSZIkSZIkSZKiyiAlSZIkSZIkSZKkqDJISZIkSZIkSZIkKaoMUpIkSZIkSZIkSYoqg5QkSZIkSZIkSZKiyiAlSZIkSZIkSZKkqDJISZIkSZIkSZIkKaoMUpIkSZIkSZIkSYoqg5QkSZIkSZIkSZKiyiAlSZIkSZIkSZKkqDJISZIkSZIkSZIkKaoMUpIkSZIkSZIkSYoqg5QkSZIkSZIkSZKiyiAlSZIkSZIkSZKkqDJISZIkSZIkSZIkKaoMUpIkSZIkSZIkSYoqg5QkSZIkSZIkSZKiyiAlSZIkSZIkSZKkqDJISZIkSZIkSZIkKaoMUpIkSZIkSZIkSYoqg5QkSZIkSZIkSZKiyiAlSZIkSZIkSZKkqDJISZIkSZIkSZIkKaoMUpIkSZIkSZIkSYoqg5QkSZIkSZIkSZKiyiAlSZIkSZIkSZKkqDJISZIkSZIkSZIkKaoMUpIkSZIkSZIkSYoqg5QkSZIkSZIkSZKiyiAlSZIkSZIkSZKkqDJISZIkSZIkSZIkKaoMUpIkSZIkSZIkSYoqg5QkSZIkSZIkSZKiyiAlSZIkSZIkSZKkqDJISZIkSZIkSZIkKaoMUpIkSZIkSZIkSYoqg5QkSZIkSZIkSZKiyiAlSZIkSZIkSZKkqDJISZIkSZIkSZIkKaoMUpIkSZIkSZIkSYoqg5QkSZIkSZIkSZKiyiAlSZIkSZIkSZKkqDJISZIkSZIkSZIkKaoMUpIkSZIkSZIkSYoqg5QkSZIkSZIkSZKiyiAlSZIkSZIkSZKkqDJISZIkSZIkSZIkKaoMUpIkSZIkSZIkSYoqg5QkSZIkSZIkSZKiyiAlSZIkSZIkSZKkqDJISZIkSZIkSZIkKaoMUpIkSZIkSZIkSYoqg5QkSZIkSZIkSZKiyiAl/ZY4evQof/qnf8o/+2f/jIcffpjGxsbf9CtJkiRJkiRJkvQ/hUFK+i1w8eJF3v72t3P8+HEikQibN2/m93//95menv5Nv5okSZIkSZIkSf+fGaSk3wKPPPIIa9as+ZW1D3zgAyQnJ/+G3kiSJEmSJEmSpP95DFLSb9jPf/5z3va2t1FQUPAr65s2beKxxx77R/f/7Gc/48GDB2/OK6+8wvj4OPfv3/+Vdcdx/mnn/v37zM7O8otf/OKf6vMhSZIkSZIkvWUYpKTfsJs3b7JkyRJaWlp+ZX3btm28733v+0f3Z2VlsWTJEsdxfktndnb2n+rzIUmSJEmSJL1lGKSk37BfBqnW1tZfWc/Ly+P973//P7r/v98hNTMzw5IlSyivLqK1s47m9hraO0tpCDYS6K2nvLGCHS+e5OCFs8QffppniorZ8dxLvHSjijOlNVwor+ZCaRlni8vIr6njYnUNz10r4mJ1PZfKaiiub2X/cy9xsaiCc0U3qG2tprevnd6BAO29jYQi7QTDzUxP99Pa3kZNQxMHjh7h6IsnuFRZzNmKEi5VlFLXVk111RVqOxu5XlPKnuOH2fPCYZ45e47+6UkKyks4/MIzBIeCDM8MEh4L0TfeQ1VnDS2jETbtPEjesZcoKK+irLOGwekQwYF2KlsbuFhZw77Tl/hhTAKd/UHO3ihj90v5XKpt5VJdMyXd3dT0BKkKBajp66Y63EllKMD1zk52nrnIvivXaQl30D7QzdDUIK3djVR2dvJMSS2ffmozq09epfbBA76V8AL/68f+hvdu2U98cJRdDx4Q03iTz63fy//2ns/x2KNfZt3qp3hq5feI3bKUp9b/HUvX/YAfLP0bYjYs54ff+TrfX/FdVq36EWvWLOXJtUtZvulxlq7+PqvXLmX1U0tZs2YFq1cvZ9XqH7Fx7Q/ZvOFxNq1/nJWPf4fkuNUkJywjNn4py1b/iM9/5ev8mz/5Mz66/jDpvQ9YHrxD4swDvlvUw+99eR1/8OVNnLzzgB9ebeSxuJ08fbGIorpqqkN1zC10MzwbpLq3jeeKrrHnagl7Ckp5vqaGI6UFnGgop6AvwEs1pRQ015NfU8WRG6XsuXiJJ1KSaByJEHdoJwevXeF8XTXFTWVUd1XRPtROdaCRZytKSHjxJN9Nz6JmPELTaJCqYAVtI3UEx5sJTXZSFa6hrq+Nqu4GaoNtnLtRSE2wmyOXLpL3/DEqQ11c66ilY7SDluEAL5Zc5UjBJfa/+CJ5zx3neHEBtb311AVrqQrUUNxaSkl3FQUtRVyqqSbh8EGOlF8hZtdRNuw9SOqpM+TmX2H7hcvsu5LPrkuXyLuQz66rRSSeOEPGhavEnzjL8j1Ps+bw82x48Szrjr7ACxWVvFR4livVN7hSU0x+VRH5VUUU1BZzteYGBbXFFNQWc6E4nyVLlnD//v1/oq+HJEmSJEmS9NZhkJJ+w/7fHtn333vw4AFLliyhsbWacKSLgeEgI2PtRPq6GB5to3+6lx3PH2dv/mXyzp/jcksLxy5e5lxNE/kNzRS3d3CtsYHiplauVtdR1tpBQ08fZR2dlLe3UdbczOGXXqKqvZ26zg7GZweYnOphcmaAyHg7w5MhhkbClJeXUVRRy+LLdwkMBMmvq6a4uYWK5lYCw6OMTY8zNdHN6z9foKi+ioK6Wi5XlHKptozdLxxi8afzjN7sZeZOP/P3xxi5PcLo/Xk6piZZvW0f205doai9nZ7REPP3RugbDdIY6OJCaRWJ+/YQuXOP/lsv860Vmynq6Ka0t5fmiQkax8Zomxyne2qU1tEhAtPTtIyO8XRBGZea2+iYHqVvYZTwnSk6errp7unn25nb+MbB07QB3960l/
|
||
|
],
|
||
|
"text/plain": [
|
||
|
"<IPython.core.display.HTML object>"
|
||
|
]
|
||
|
},
|
||
|
"metadata": {},
|
||
|
"output_type": "display_data"
|
||
|
}
|
||
|
],
|
||
|
"source": [
|
||
|
"model_filename = \"./trained_net/net_trainned_SLLShift_E3_03-11_17-34_0120\"\n",
|
||
|
"fresque_filename = \"./training_data_32/fresque5.ppm\"\n",
|
||
|
"net = load_net(model_filename)\n",
|
||
|
"net = net.cpu()\n",
|
||
|
"fresque = cv2.imread(fresque_filename)\n",
|
||
|
"fresque_tensor = img2tensor(fresque)\n",
|
||
|
"\n",
|
||
|
"#descripteur = net.get_descripteur(fresque,False).detach().numpy()\n",
|
||
|
"#descripteur_img=self.Relu(self.conv1(img))\n",
|
||
|
"desc = net.Relu(net.conv1(fresque_tensor)).detach().numpy()\n",
|
||
|
"\n",
|
||
|
"fig = plt.figure(figsize=(17,10))\n",
|
||
|
"\n",
|
||
|
"ax = fig.add_subplot(3,4,1)\n",
|
||
|
"ax.imshow(fresque)\n",
|
||
|
"\n",
|
||
|
"for row in range(2):\n",
|
||
|
" for i in range(4):\n",
|
||
|
" ax = fig.add_subplot(3,4,i+5+(row*4))\n",
|
||
|
" ax = plt.imshow(desc[0,i+row*4,:,:],cmap=cm.coolwarm)\n",
|
||
|
" #axs[i].set_title(\"Couche {}\".format(i))\n",
|
||
|
" \n",
|
||
|
"fig.show()"
|
||
|
]
|
||
|
}
|
||
|
],
|
||
|
"metadata": {
|
||
|
"kernelspec": {
|
||
|
"display_name": "Python 3",
|
||
|
"language": "python",
|
||
|
"name": "python3"
|
||
|
},
|
||
|
"language_info": {
|
||
|
"codemirror_mode": {
|
||
|
"name": "ipython",
|
||
|
"version": 3
|
||
|
},
|
||
|
"file_extension": ".py",
|
||
|
"mimetype": "text/x-python",
|
||
|
"name": "python",
|
||
|
"nbconvert_exporter": "python",
|
||
|
"pygments_lexer": "ipython3",
|
||
|
"version": "3.8.5"
|
||
|
}
|
||
|
},
|
||
|
"nbformat": 4,
|
||
|
"nbformat_minor": 4
|
||
|
}
|